Unnamed: 0.1
int64 0
113k
| Unnamed: 0
float64 0
113k
⌀ | title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|---|---|
6,500 | 6,500 | Bounds on the Minimax Rate for Estimating a Prior over a VC Class from
Independent Learning Tasks | We study the optimal rates of convergence for estimating a prior distribution
over a VC class from a sequence of independent data sets respectively labeled
by independent target functions sampled from the prior. We specifically derive
upper and lower bounds on the optimal rates under a smoothness condition on the
correct prior, with the number of samples per data set equal the VC dimension.
These results have implications for the improvements achievable via transfer
learning. We additionally extend this setting to real-valued function, where we
establish consistency of an estimator for the prior, and discuss an additional
application to a preference elicitation problem in algorithmic economics.
|
6,501 | 6,501 | Visual Understanding via Multi-Feature Shared Learning with Global
Consistency | Image/video data is usually represented with multiple visual features. Fusion
of multi-source information for establishing the attributes has been widely
recognized. Multi-feature visual recognition has recently received much
attention in multimedia applications. This paper studies visual understanding
via a newly proposed l_2-norm based multi-feature shared learning framework,
which can simultaneously learn a global label matrix and multiple
sub-classifiers with the labeled multi-feature data. Additionally, a group
graph manifold regularizer composed of the Laplacian and Hessian graph is
proposed for better preserving the manifold structure of each feature, such
that the label prediction power is much improved through the semi-supervised
learning with global label consistency. For convenience, we call the proposed
approach Global-Label-Consistent Classifier (GLCC). The merits of the proposed
method include: 1) the manifold structure information of each feature is
exploited in learning, resulting in a more faithful classification owing to the
global label consistency; 2) a group graph manifold regularizer based on the
Laplacian and Hessian regularization is constructed; 3) an efficient
alternative optimization method is introduced as a fast solver owing to the
convex sub-problems. Experiments on several benchmark visual datasets for
multimedia understanding, such as the 17-category Oxford Flower dataset, the
challenging 101-category Caltech dataset, the YouTube & Consumer Videos dataset
and the large-scale NUS-WIDE dataset, demonstrate that the proposed approach
compares favorably with the state-of-the-art algorithms. An extensive
experiment on the deep convolutional activation features also show the
effectiveness of the proposed approach. The code is available on
http://www.escience.cn/people/lei/index.html
|
6,502 | 6,502 | Supervised Learning for Dynamical System Learning | Recently there has been substantial interest in spectral methods for learning
dynamical systems. These methods are popular since they often offer a good
tradeoff between computational and statistical efficiency. Unfortunately, they
can be difficult to use and extend in practice: e.g., they can make it
difficult to incorporate prior information such as sparsity or structure. To
address this problem, we present a new view of dynamical system learning: we
show how to learn dynamical systems by solving a sequence of ordinary
supervised learning problems, thereby allowing users to incorporate prior
knowledge via standard techniques such as L1 regularization. Many existing
spectral methods are special cases of this new framework, using linear
regression as the supervised learner. We demonstrate the effectiveness of our
framework by showing examples where nonlinear regression or lasso let us learn
better state representations than plain linear regression does; the correctness
of these instances follows directly from our general analysis.
|
6,503 | 6,503 | A Max-Sum algorithm for training discrete neural networks | We present an efficient learning algorithm for the problem of training neural
networks with discrete synapses, a well-known hard (NP-complete) discrete
optimization problem. The algorithm is a variant of the so-called Max-Sum (MS)
algorithm. In particular, we show how, for bounded integer weights with $q$
distinct states and independent concave a priori distribution (e.g. $l_{1}$
regularization), the algorithm's time complexity can be made to scale as
$O\left(N\log N\right)$ per node update, thus putting it on par with
alternative schemes, such as Belief Propagation (BP), without resorting to
approximations. Two special cases are of particular interest: binary synapses
$W\in\{-1,1\}$ and ternary synapses $W\in\{-1,0,1\}$ with $l_{0}$
regularization. The algorithm we present performs as well as BP on binary
perceptron learning problems, and may be better suited to address the problem
on fully-connected two-layer networks, since inherent symmetries in two layer
networks are naturally broken using the MS approach.
|
6,504 | 6,504 | Weight Uncertainty in Neural Networks | We introduce a new, efficient, principled and backpropagation-compatible
algorithm for learning a probability distribution on the weights of a neural
network, called Bayes by Backprop. It regularises the weights by minimising a
compression cost, known as the variational free energy or the expected lower
bound on the marginal likelihood. We show that this principled kind of
regularisation yields comparable performance to dropout on MNIST
classification. We then demonstrate how the learnt uncertainty in the weights
can be used to improve generalisation in non-linear regression problems, and
how this weight uncertainty can be used to drive the exploration-exploitation
trade-off in reinforcement learning.
|
6,505 | 6,505 | Fuzzy Least Squares Twin Support Vector Machines | Least Squares Twin Support Vector Machine (LST-SVM) has been shown to be an
efficient and fast algorithm for binary classification. It combines the
operating principles of Least Squares SVM (LS-SVM) and Twin SVM (T-SVM); it
constructs two non-parallel hyperplanes (as in T-SVM) by solving two systems of
linear equations (as in LS-SVM). Despite its efficiency, LST-SVM is still
unable to cope with two features of real-world problems. First, in many
real-world applications, labels of samples are not deterministic; they come
naturally with their associated membership degrees. Second, samples in
real-world applications may not be equally important and their importance
degrees affect the classification. In this paper, we propose Fuzzy LST-SVM
(FLST-SVM) to deal with these two characteristics of real-world data. Two
models are introduced for FLST-SVM: the first model builds up crisp hyperplanes
using training samples and their corresponding membership degrees. The second
model, on the other hand, constructs fuzzy hyperplanes using training samples
and their membership degrees. Numerical evaluation of the proposed method with
synthetic and real datasets demonstrate significant improvement in the
classification accuracy of FLST-SVM when compared to well-known existing
versions of SVM.
|
6,506 | 6,506 | Why Regularized Auto-Encoders learn Sparse Representation? | While the authors of Batch Normalization (BN) identify and address an
important problem involved in training deep networks-- \textit{Internal
Covariate Shift}-- the current solution has certain drawbacks. For instance, BN
depends on batch statistics for layerwise input normalization during training
which makes the estimates of mean and standard deviation of input
(distribution) to hidden layers inaccurate due to shifting parameter values
(especially during initial training epochs). Another fundamental problem with
BN is that it cannot be used with batch-size $ 1 $ during training. We address
these drawbacks of BN by proposing a non-adaptive normalization technique for
removing covariate shift, that we call \textit{Normalization Propagation}. Our
approach does not depend on batch statistics, but rather uses a
data-independent parametric estimate of mean and standard-deviation in every
layer thus being computationally faster compared with BN. We exploit the
observation that the pre-activation before Rectified Linear Units follow
Gaussian distribution in deep networks, and that once the first and second
order statistics of any given dataset are normalized, we can forward propagate
this normalization without the need for recalculating the approximate
statistics for hidden layers.
|
6,507 | 6,507 | The development of an information criterion for Change-Point Analysis | Change-point analysis is a flexible and computationally tractable tool for
the analysis of times series data from systems that transition between discrete
states and whose observables are corrupted by noise. The change-point algorithm
is used to identify the time indices (change points) at which the system
transitions between these discrete states. We present a unified
information-based approach to testing for the existence of change points. This
new approach reconciles two previously disparate approaches to Change-Point
Analysis (frequentist and information-based) for testing transitions between
states. The resulting method is statistically principled, parameter and prior
free and widely applicable to a wide range of change-point problems.
|
6,508 | 6,508 | Are You Talking to a Machine? Dataset and Methods for Multilingual Image
Question Answering | In this paper, we present the mQA model, which is able to answer questions
about the content of an image. The answer can be a sentence, a phrase or a
single word. Our model contains four components: a Long Short-Term Memory
(LSTM) to extract the question representation, a Convolutional Neural Network
(CNN) to extract the visual representation, an LSTM for storing the linguistic
context in an answer, and a fusing component to combine the information from
the first three components and generate the answer. We construct a Freestyle
Multilingual Image Question Answering (FM-IQA) dataset to train and evaluate
our mQA model. It contains over 150,000 images and 310,000 freestyle Chinese
question-answer pairs and their English translations. The quality of the
generated answers of our mQA model on this dataset is evaluated by human judges
through a Turing Test. Specifically, we mix the answers provided by humans and
our model. The human judges need to distinguish our model from the human. They
will also provide a score (i.e. 0, 1, 2, the larger the better) indicating the
quality of the answer. We propose strategies to monitor the quality of this
evaluation process. The experiments show that in 64.7% of cases, the human
judges cannot distinguish our model from humans. The average score is 1.454
(1.918 for human). The details of this work, including the FM-IQA dataset, can
be found on the project page: http://idl.baidu.com/FM-IQA.html
|
6,509 | 6,509 | Regulating Greed Over Time in Multi-Armed Bandits | In retail, there are predictable yet dramatic time-dependent patterns in
customer behavior, such as periodic changes in the number of visitors, or
increases in customers just before major holidays. The current paradigm of
multi-armed bandit analysis does not take these known patterns into account.
This means that for applications in retail, where prices are fixed for periods
of time, current bandit algorithms will not suffice. This work provides a
remedy that takes the time-dependent patterns into account, and we show how
this remedy is implemented for the UCB, $\varepsilon$-greedy, and UCB-L
algorithms, and also through a new policy called the variable arm pool
algorithm. In the corrected methods, exploitation (greed) is regulated over
time, so that more exploitation occurs during higher reward periods, and more
exploration occurs in periods of low reward. In order to understand why regret
is reduced with the corrected methods, we present a set of bounds that provide
insight into why we would want to exploit during periods of high reward, and
discuss the impact on regret. Our proposed methods perform well in experiments,
and were inspired by a high-scoring entry in the Exploration and Exploitation 3
contest using data from Yahoo$!$ Front Page. That entry heavily used
time-series methods to regulate greed over time, which was substantially more
effective than other contextual bandit methods.
|
6,510 | 6,510 | Inferring Graphs from Cascades: A Sparse Recovery Framework | In the Network Inference problem, one seeks to recover the edges of an
unknown graph from the observations of cascades propagating over this graph. In
this paper, we approach this problem from the sparse recovery perspective. We
introduce a general model of cascades, including the voter model and the
independent cascade model, for which we provide the first algorithm which
recovers the graph's edges with high probability and $O(s\log m)$ measurements
where $s$ is the maximum degree of the graph and $m$ is the number of nodes.
Furthermore, we show that our algorithm also recovers the edge weights (the
parameters of the diffusion process) and is robust in the context of
approximate sparsity. Finally we prove an almost matching lower bound of
$\Omega(s\log\frac{m}{s})$ and validate our approach empirically on synthetic
graphs.
|
6,511 | 6,511 | A Re-ranking Model for Dependency Parser with Recursive Convolutional
Neural Network | In this work, we address the problem to model all the nodes (words or
phrases) in a dependency tree with the dense representations. We propose a
recursive convolutional neural network (RCNN) architecture to capture syntactic
and compositional-semantic representations of phrases and words in a dependency
tree. Different with the original recursive neural network, we introduce the
convolution and pooling layers, which can model a variety of compositions by
the feature maps and choose the most informative compositions by the pooling
layers. Based on RCNN, we use a discriminative model to re-rank a $k$-best list
of candidate dependency parsing trees. The experiments show that RCNN is very
effective to improve the state-of-the-art dependency parsing on both English
and Chinese datasets.
|
6,512 | 6,512 | On the relation between accuracy and fairness in binary classification | Our study revisits the problem of accuracy-fairness tradeoff in binary
classification. We argue that comparison of non-discriminatory classifiers
needs to account for different rates of positive predictions, otherwise
conclusions about performance may be misleading, because accuracy and
discrimination of naive baselines on the same dataset vary with different rates
of positive predictions. We provide methodological recommendations for sound
comparison of non-discriminatory classifiers, and present a brief theoretical
and empirical analysis of tradeoffs between accuracy and non-discrimination.
|
6,513 | 6,513 | Variational Inference with Normalizing Flows | The choice of approximate posterior distribution is one of the core problems
in variational inference. Most applications of variational inference employ
simple families of posterior approximations in order to allow for efficient
inference, focusing on mean-field or other simple structured approximations.
This restriction has a significant impact on the quality of inferences made
using variational methods. We introduce a new approach for specifying flexible,
arbitrarily complex and scalable approximate posterior distributions. Our
approximations are distributions constructed through a normalizing flow,
whereby a simple initial density is transformed into a more complex one by
applying a sequence of invertible transformations until a desired level of
complexity is attained. We use this view of normalizing flows to develop
categories of finite and infinitesimal flows and provide a unified view of
approaches for constructing rich posterior approximations. We demonstrate that
the theoretical advantages of having posteriors that better match the true
posterior, combined with the scalability of amortized variational approaches,
provides a clear improvement in performance and applicability of variational
inference.
|
6,514 | 6,514 | Safe Policy Search for Lifelong Reinforcement Learning with Sublinear
Regret | Lifelong reinforcement learning provides a promising framework for developing
versatile agents that can accumulate knowledge over a lifetime of experience
and rapidly learn new tasks by building upon prior knowledge. However, current
lifelong learning methods exhibit non-vanishing regret as the amount of
experience increases and include limitations that can lead to suboptimal or
unsafe control policies. To address these issues, we develop a lifelong policy
gradient learner that operates in an adversarial set- ting to learn multiple
tasks online while enforcing safety constraints on the learned policies. We
demonstrate, for the first time, sublinear regret for lifelong policy search,
and validate our algorithm on several benchmark dynamical systems and an
application to quadrotor control.
|
6,515 | 6,515 | Complexity Theoretic Limitations on Learning Halfspaces | We study the problem of agnostically learning halfspaces which is defined by
a fixed but unknown distribution $\mathcal{D}$ on $\mathbb{Q}^n\times \{\pm
1\}$. We define $\mathrm{Err}_{\mathrm{HALF}}(\mathcal{D})$ as the least error
of a halfspace classifier for $\mathcal{D}$. A learner who can access
$\mathcal{D}$ has to return a hypothesis whose error is small compared to
$\mathrm{Err}_{\mathrm{HALF}}(\mathcal{D})$.
Using the recently developed method of the author, Linial and Shalev-Shwartz
we prove hardness of learning results under a natural assumption on the
complexity of refuting random $K$-$\mathrm{XOR}$ formulas. We show that no
efficient learning algorithm has non-trivial worst-case performance even under
the guarantees that $\mathrm{Err}_{\mathrm{HALF}}(\mathcal{D}) \le \eta$ for
arbitrarily small constant $\eta>0$, and that $\mathcal{D}$ is supported in
$\{\pm 1\}^n\times \{\pm 1\}$. Namely, even under these favorable conditions
its error must be $\ge \frac{1}{2}-\frac{1}{n^c}$ for every $c>0$. In
particular, no efficient algorithm can achieve a constant approximation ratio.
Under a stronger version of the assumption (where $K$ can be poly-logarithmic
in $n$), we can take $\eta = 2^{-\log^{1-\nu}(n)}$ for arbitrarily small
$\nu>0$. Interestingly, this is even stronger than the best known lower bounds
(Arora et. al. 1993, Feldamn et. al. 2006, Guruswami and Raghavendra 2006) for
the case that the learner is restricted to return a halfspace classifier (i.e.
proper learning).
|
6,516 | 6,516 | Learning Program Embeddings to Propagate Feedback on Student Code | Providing feedback, both assessing final work and giving hints to stuck
students, is difficult for open-ended assignments in massive online classes
which can range from thousands to millions of students. We introduce a neural
network method to encode programs as a linear mapping from an embedded
precondition space to an embedded postcondition space and propose an algorithm
for feedback at scale using these linear maps as features. We apply our
algorithm to assessments from the Code.org Hour of Code and Stanford
University's CS1 course, where we propagate human comments on student
assignments to orders of magnitude more submissions.
|
6,517 | 6,517 | Instant Learning: Parallel Deep Neural Networks and Convolutional
Bootstrapping | Although deep neural networks (DNN) are able to scale with direct advances in
computational power (e.g., memory and processing speed), they are not well
suited to exploit the recent trends for parallel architectures. In particular,
gradient descent is a sequential process and the resulting serial dependencies
mean that DNN training cannot be parallelized effectively. Here, we show that a
DNN may be replicated over a massive parallel architecture and used to provide
a cumulative sampling of local solution space which results in rapid and robust
learning. We introduce a complimentary convolutional bootstrapping approach
that enhances performance of the parallel architecture further. Our
parallelized convolutional bootstrapping DNN out-performs an identical
fully-trained traditional DNN after only a single iteration of training.
|
6,518 | 6,518 | Machine Learning for Indoor Localization Using Mobile Phone-Based
Sensors | In this paper we investigate the problem of localizing a mobile device based
on readings from its embedded sensors utilizing machine learning methodologies.
We consider a real-world environment, collect a large dataset of 3110
datapoints, and examine the performance of a substantial number of machine
learning algorithms in localizing a mobile device. We have found algorithms
that give a mean error as accurate as 0.76 meters, outperforming other indoor
localization systems reported in the literature. We also propose a hybrid
instance-based approach that results in a speed increase by a factor of ten
with no loss of accuracy in a live deployment over standard instance-based
methods, allowing for fast and accurate localization. Further, we determine how
smaller datasets collected with less density affect accuracy of localization,
important for use in real-world environments. Finally, we demonstrate that
these approaches are appropriate for real-world deployment by evaluating their
performance in an online, in-motion experiment.
|
6,519 | 6,519 | Learning Dynamic Feature Selection for Fast Sequential Prediction | We present paired learning and inference algorithms for significantly
reducing computation and increasing speed of the vector dot products in the
classifiers that are at the heart of many NLP components. This is accomplished
by partitioning the features into a sequence of templates which are ordered
such that high confidence can often be reached using only a small fraction of
all features. Parameter estimation is arranged to maximize accuracy and early
confidence in this sequence. Our approach is simpler and better suited to NLP
than other related cascade methods. We present experiments in left-to-right
part-of-speech tagging, named entity recognition, and transition-based
dependency parsing. On the typical benchmarking datasets we can preserve POS
tagging accuracy above 97% and parsing LAS above 88.5% both with over a
five-fold reduction in run-time, and NER F1 above 88 with more than 2x increase
in speed.
|
6,520 | 6,520 | Greedy Biomarker Discovery in the Genome with Applications to
Antimicrobial Resistance | The Set Covering Machine (SCM) is a greedy learning algorithm that produces
sparse classifiers. We extend the SCM for datasets that contain a huge number
of features. The whole genetic material of living organisms is an example of
such a case, where the number of feature exceeds 10^7. Three human pathogens
were used to evaluate the performance of the SCM at predicting antimicrobial
resistance. Our results show that the SCM compares favorably in terms of
sparsity and accuracy against L1 and L2 regularized Support Vector Machines and
CART decision trees. Moreover, the SCM was the only algorithm that could
consider the full feature space. For all other algorithms, the latter had to be
filtered as a preprocessing step.
|
6,521 | 6,521 | The Benefit of Multitask Representation Learning | We discuss a general method to learn data representations from multiple
tasks. We provide a justification for this method in both settings of multitask
learning and learning-to-learn. The method is illustrated in detail in the
special case of linear feature learning. Conditions on the theoretical
advantage offered by multitask representation learning over independent task
learning are established. In particular, focusing on the important example of
half-space learning, we derive the regime in which multitask representation
learning is beneficial over independent task learning, as a function of the
sample size, the number of tasks and the intrinsic data dimensionality. Other
potential applications of our results include multitask feature learning in
reproducing kernel Hilbert spaces and multilayer, deep networks.
|
6,522 | 6,522 | Low-Rank Matrix Recovery from Row-and-Column Affine Measurements | We propose and study a row-and-column affine measurement scheme for low-rank
matrix recovery. Each measurement is a linear combination of elements in one
row or one column of a matrix $X$. This setting arises naturally in
applications from different domains. However, current algorithms developed for
standard matrix recovery problems do not perform well in our case, hence the
need for developing new algorithms and theory for our problem. We propose a
simple algorithm for the problem based on Singular Value Decomposition ($SVD$)
and least-squares ($LS$), which we term \alg. We prove that (a simplified
version of) our algorithm can recover $X$ exactly with the minimum possible
number of measurements in the noiseless case. In the general noisy case, we
prove performance guarantees on the reconstruction accuracy under the Frobenius
norm. In simulations, our row-and-column design and \alg algorithm show
improved speed, and comparable and in some cases better accuracy compared to
standard measurements designs and algorithms. Our theoretical and experimental
results suggest that the proposed row-and-column affine measurements scheme,
together with our recovery algorithm, may provide a powerful framework for
affine matrix reconstruction.
|
6,523 | 6,523 | Monotonic Calibrated Interpolated Look-Up Tables | Real-world machine learning applications may require functions that are
fast-to-evaluate and interpretable. In particular, guaranteed monotonicity of
the learned function can be critical to user trust. We propose meeting these
goals for low-dimensional machine learning problems by learning flexible,
monotonic functions using calibrated interpolated look-up tables. We extend the
structural risk minimization framework of lattice regression to train monotonic
look-up tables by solving a convex problem with appropriate linear inequality
constraints. In addition, we propose jointly learning interpretable
calibrations of each feature to normalize continuous features and handle
categorical or missing data, at the cost of making the objective non-convex. We
address large-scale learning through parallelization, mini-batching, and
propose random sampling of additive regularizer terms. Case studies with
real-world problems with five to sixteen features and thousands to millions of
training samples demonstrate the proposed monotonic functions can achieve
state-of-the-art accuracy on practical problems while providing greater
transparency to users.
|
6,524 | 6,524 | Domain Adaptation Extreme Learning Machines for Drift Compensation in
E-nose Systems | This paper addresses an important issue, known as sensor drift that behaves a
nonlinear dynamic property in electronic nose (E-nose), from the viewpoint of
machine learning. Traditional methods for drift compensation are laborious and
costly due to the frequent acquisition and labeling process for gases samples
recalibration. Extreme learning machines (ELMs) have been confirmed to be
efficient and effective learning techniques for pattern recognition and
regression. However, ELMs primarily focus on the supervised, semi-supervised
and unsupervised learning problems in single domain (i.e. source domain). To
our best knowledge, ELM with cross-domain learning capability has never been
studied. This paper proposes a unified framework, referred to as Domain
Adaptation Extreme Learning Machine (DAELM), which learns a robust classifier
by leveraging a limited number of labeled data from target domain for drift
compensation as well as gases recognition in E-nose systems, without loss of
the computational efficiency and learning ability of traditional ELM. In the
unified framework, two algorithms called DAELM-S and DAELM-T are proposed for
the purpose of this paper, respectively. In order to percept the differences
among ELM, DAELM-S and DAELM-T, two remarks are provided. Experiments on the
popular sensor drift data with multiple batches collected by E-nose system
clearly demonstrate that the proposed DAELM significantly outperforms existing
drift compensation methods without cumbersome measures, and also bring new
perspectives for ELM.
|
6,525 | 6,525 | Deep Speaker Vectors for Semi Text-independent Speaker Verification | Recent research shows that deep neural networks (DNNs) can be used to extract
deep speaker vectors (d-vectors) that preserve speaker characteristics and can
be used in speaker verification. This new method has been tested on
text-dependent speaker verification tasks, and improvement was reported when
combined with the conventional i-vector method.
This paper extends the d-vector approach to semi text-independent speaker
verification tasks, i.e., the text of the speech is in a limited set of short
phrases. We explore various settings of the DNN structure used for d-vector
extraction, and present a phone-dependent training which employs the posterior
features obtained from an ASR system. The experimental results show that it is
possible to apply d-vectors on semi text-independent speaker recognition, and
the phone-dependent training improves system performance.
|
6,526 | 6,526 | Detecting bird sound in unknown acoustic background using crowdsourced
training data | Biodiversity monitoring using audio recordings is achievable at a truly
global scale via large-scale deployment of inexpensive, unattended recording
stations or by large-scale crowdsourcing using recording and species
recognition on mobile devices. The ability, however, to reliably identify
vocalising animal species is limited by the fact that acoustic signatures of
interest in such recordings are typically embedded in a diverse and complex
acoustic background. To avoid the problems associated with modelling such
backgrounds, we build generative models of bird sounds and use the concept of
novelty detection to screen recordings to detect sections of data which are
likely bird vocalisations. We present detection results against various
acoustic environments and different signal-to-noise ratios. We discuss the
issues related to selecting the cost function and setting detection thresholds
in such algorithms. Our methods are designed to be scalable and automatically
applicable to arbitrary selections of species depending on the specific
geographic region and time period of deployment.
|
6,527 | 6,527 | Efficient Elastic Net Regularization for Sparse Linear Models | This paper presents an algorithm for efficient training of sparse linear
models with elastic net regularization. Extending previous work on delayed
updates, the new algorithm applies stochastic gradient updates to non-zero
features only, bringing weights current as needed with closed-form updates.
Closed-form delayed updates for the $\ell_1$, $\ell_{\infty}$, and rarely used
$\ell_2$ regularizers have been described previously. This paper provides
closed-form updates for the popular squared norm $\ell^2_2$ and elastic net
regularizers.
We provide dynamic programming algorithms that perform each delayed update in
constant time. The new $\ell^2_2$ and elastic net methods handle both fixed and
varying learning rates, and both standard {stochastic gradient descent} (SGD)
and {forward backward splitting (FoBoS)}. Experimental results show that on a
bag-of-words dataset with $260,941$ features, but only $88$ nonzero features on
average per training example, the dynamic programming method trains a logistic
regression classifier with elastic net regularization over $2000$ times faster
than otherwise.
|
6,528 | 6,528 | Tight Continuous Relaxation of the Balanced $k$-Cut Problem | Spectral Clustering as a relaxation of the normalized/ratio cut has become
one of the standard graph-based clustering methods. Existing methods for the
computation of multiple clusters, corresponding to a balanced $k$-cut of the
graph, are either based on greedy techniques or heuristics which have weak
connection to the original motivation of minimizing the normalized cut. In this
paper we propose a new tight continuous relaxation for any balanced $k$-cut
problem and show that a related recently proposed relaxation is in most cases
loose leading to poor performance in practice. For the optimization of our
tight continuous relaxation we propose a new algorithm for the difficult
sum-of-ratios minimization problem which achieves monotonic descent. Extensive
comparisons show that our method outperforms all existing approaches for ratio
cut and other balanced $k$-cut criteria.
|
6,529 | 6,529 | Constrained 1-Spectral Clustering | An important form of prior information in clustering comes in form of
cannot-link and must-link constraints. We present a generalization of the
popular spectral clustering technique which integrates such constraints.
Motivated by the recently proposed $1$-spectral clustering for the
unconstrained problem, our method is based on a tight relaxation of the
constrained normalized cut into a continuous optimization problem. Opposite to
all other methods which have been suggested for constrained spectral
clustering, we can always guarantee to satisfy all constraints. Moreover, our
soft formulation allows to optimize a trade-off between normalized cut and the
number of violated constraints. An efficient implementation is provided which
scales to large datasets. We outperform consistently all other proposed methods
in the experiments.
|
6,530 | 6,530 | Affine and Regional Dynamic Time Warpng | Pointwise matches between two time series are of great importance in time
series analysis, and dynamic time warping (DTW) is known to provide generally
reasonable matches. There are situations where time series alignment should be
invariant to scaling and offset in amplitude or where local regions of the
considered time series should be strongly reflected in pointwise matches. Two
different variants of DTW, affine DTW (ADTW) and regional DTW (RDTW), are
proposed to handle scaling and offset in amplitude and provide regional
emphasis respectively. Furthermore, ADTW and RDTW can be combined in two
different ways to generate alignments that incorporate advantages from both
methods, where the affine model can be applied either globally to the entire
time series or locally to each region. The proposed alignment methods
outperform DTW on specific simulated datasets, and one-nearest-neighbor
classifiers using their associated difference measures are competitive with the
difference measures associated with state-of-the-art alignment methods on real
datasets.
|
6,531 | 6,531 | Clustering via Content-Augmented Stochastic Blockmodels | Much of the data being created on the web contains interactions between users
and items. Stochastic blockmodels, and other methods for community detection
and clustering of bipartite graphs, can infer latent user communities and
latent item clusters from this interaction data. These methods, however,
typically ignore the items' contents and the information they provide about
item clusters, despite the tendency of items in the same latent cluster to
share commonalities in content. We introduce content-augmented stochastic
blockmodels (CASB), which use item content together with user-item interaction
data to enhance the user communities and item clusters learned. Comparisons to
several state-of-the-art benchmark methods, on datasets arising from scientists
interacting with scientific articles, show that content-augmented stochastic
blockmodels provide highly accurate clusters with respect to metrics
representative of the underlying community structure.
|
6,532 | 6,532 | Differentially Private Distributed Online Learning | Online learning has been in the spotlight from the machine learning society
for a long time. To handle massive data in Big Data era, one single learner
could never efficiently finish this heavy task. Hence, in this paper, we
propose a novel distributed online learning algorithm to solve the problem.
Comparing to typical centralized online learner, the distributed learners
optimize their own learning parameters based on local data sources and timely
communicate with neighbors. However, communication may lead to a privacy
breach. Thus, we use differential privacy to preserve the privacy of learners,
and study the influence of guaranteeing differential privacy on the utility of
the distributed online learning algorithm. Furthermore, by using the results
from Kakade and Tewari (2009), we use the regret bounds of online learning to
achieve fast convergence rates for offline learning algorithms in distributed
scenarios, which provides tighter utility performance than the existing
state-of-the-art results. In simulation, we demonstrate that the differentially
private offline learning algorithm has high variance, but we can use mini-batch
to improve the performance. Finally, the simulations show that the analytical
results of our proposed theorems are right and our private distributed online
learning algorithm is a general framework.
|
6,533 | 6,533 | Electre Tri-Machine Learning Approach to the Record Linkage Problem | In this short paper, the Electre Tri-Machine Learning Method, generally used
to solve ordinal classification problems, is proposed for solving the Record
Linkage problem. Preliminary experimental results show that, using the Electre
Tri method, high accuracy can be achieved and more than 99% of the matches and
nonmatches were correctly identified by the procedure.
|
6,534 | 6,534 | Sketching for Sequential Change-Point Detection | We study sequential change-point detection procedures based on linear
sketches of high-dimensional signal vectors using generalized likelihood ratio
(GLR) statistics. The GLR statistics allow for an unknown post-change mean that
represents an anomaly or novelty. We consider both fixed and time-varying
projections, derive theoretical approximations to two fundamental performance
metrics: the average run length (ARL) and the expected detection delay (EDD);
these approximations are shown to be highly accurate by numerical simulations.
We further characterize the relative performance measure of the sketching
procedure compared to that without sketching and show that there can be little
performance loss when the signal strength is sufficiently large, and enough
number of sketches are used. Finally, we demonstrate the good performance of
sketching procedures using simulation and real-data examples on solar flare
detection and failure detection in power networks.
|
6,535 | 6,535 | An Empirical Evaluation of Current Convolutional Architectures' Ability
to Manage Nuisance Location and Scale Variability | We conduct an empirical study to test the ability of Convolutional Neural
Networks (CNNs) to reduce the effects of nuisance transformations of the input
data, such as location, scale and aspect ratio. We isolate factors by adopting
a common convolutional architecture either deployed globally on the image to
compute class posterior distributions, or restricted locally to compute class
conditional distributions given location, scale and aspect ratios of bounding
boxes determined by proposal heuristics. In theory, averaging the latter should
yield inferior performance compared to proper marginalization. Yet empirical
evidence suggests the converse, leading us to conclude that - at the current
level of complexity of convolutional architectures and scale of the data sets
used to train them - CNNs are not very effective at marginalizing nuisance
variability. We also quantify the effects of context on the overall
classification task and its impact on the performance of CNNs, and propose
improved sampling techniques for heuristic proposal schemes that improve
end-to-end performance to state-of-the-art levels. We test our hypothesis on a
classification task using the ImageNet Challenge benchmark and on a
wide-baseline matching task using the Oxford and Fischer's datasets.
|
6,536 | 6,536 | Accelerating Very Deep Convolutional Networks for Classification and
Detection | This paper aims to accelerate the test-time computation of convolutional
neural networks (CNNs), especially very deep CNNs that have substantially
impacted the computer vision community. Unlike previous methods that are
designed for approximating linear filters or linear responses, our method takes
the nonlinear units into account. We develop an effective solution to the
resulting nonlinear optimization problem without the need of stochastic
gradient descent (SGD). More importantly, while previous methods mainly focus
on optimizing one or two layers, our nonlinear method enables an asymmetric
reconstruction that reduces the rapidly accumulated error when multiple (e.g.,
>=10) layers are approximated. For the widely used very deep VGG-16 model, our
method achieves a whole-model speedup of 4x with merely a 0.3% increase of
top-5 error in ImageNet classification. Our 4x accelerated VGG-16 model also
shows a graceful accuracy degradation for object detection when plugged into
the Fast R-CNN detector.
|
6,537 | 6,537 | Boosting-like Deep Learning For Pedestrian Detection | This paper proposes boosting-like deep learning (BDL) framework for
pedestrian detection. Due to overtraining on the limited training samples,
overfitting is a major problem of deep learning. We incorporate a boosting-like
technique into deep learning to weigh the training samples, and thus prevent
overtraining in the iterative process. We theoretically give the details of
derivation of our algorithm, and report the experimental results on open data
sets showing that BDL achieves a better stable performance than the
state-of-the-arts. Our approach achieves 15.85% and 3.81% reduction in the
average miss rate compared with ACF and JointDeep on the largest Caltech
benchmark dataset, respectively.
|
6,538 | 6,538 | MLlib: Machine Learning in Apache Spark | Apache Spark is a popular open-source platform for large-scale data
processing that is well-suited for iterative machine learning tasks. In this
paper we present MLlib, Spark's open-source distributed machine learning
library. MLlib provides efficient functionality for a wide range of learning
settings and includes several underlying statistical, optimization, and linear
algebra primitives. Shipped with Spark, MLlib supports several languages and
provides a high-level API that leverages Spark's rich ecosystem to simplify the
development of end-to-end machine learning pipelines. MLlib has experienced a
rapid growth due to its vibrant open-source community of over 140 contributors,
and includes extensive documentation to support further growth and to let users
quickly get up to speed.
|
6,539 | 6,539 | Optimizing Non-decomposable Performance Measures: A Tale of Two Classes | Modern classification problems frequently present mild to severe label
imbalance as well as specific requirements on classification characteristics,
and require optimizing performance measures that are non-decomposable over the
dataset, such as F-measure. Such measures have spurred much interest and pose
specific challenges to learning algorithms since their non-additive nature
precludes a direct application of well-studied large scale optimization methods
such as stochastic gradient descent.
In this paper we reveal that for two large families of performance measures
that can be expressed as functions of true positive/negative rates, it is
indeed possible to implement point stochastic updates. The families we consider
are concave and pseudo-linear functions of TPR, TNR which cover several
popularly used performance measures such as F-measure, G-mean and H-mean.
Our core contribution is an adaptive linearization scheme for these families,
using which we develop optimization techniques that enable truly point-based
stochastic updates. For concave performance measures we propose SPADE, a
stochastic primal dual solver; for pseudo-linear measures we propose STAMP, a
stochastic alternate maximization procedure. Both methods have crisp
convergence guarantees, demonstrate significant speedups over existing methods
- often by an order of magnitude or more, and give similar or more accurate
predictions on test data.
|
6,540 | 6,540 | Surrogate Functions for Maximizing Precision at the Top | The problem of maximizing precision at the top of a ranked list, often dubbed
Precision@k (prec@k), finds relevance in myriad learning applications such as
ranking, multi-label classification, and learning with severe label imbalance.
However, despite its popularity, there exist significant gaps in our
understanding of this problem and its associated performance measure.
The most notable of these is the lack of a convex upper bounding surrogate
for prec@k. We also lack scalable perceptron and stochastic gradient descent
algorithms for optimizing this performance measure. In this paper we make key
contributions in these directions. At the heart of our results is a family of
truly upper bounding surrogates for prec@k. These surrogates are motivated in a
principled manner and enjoy attractive properties such as consistency to prec@k
under various natural margin/noise conditions.
These surrogates are then used to design a class of novel perceptron
algorithms for optimizing prec@k with provable mistake bounds. We also devise
scalable stochastic gradient descent style methods for this problem with
provable convergence bounds. Our proofs rely on novel uniform convergence
bounds which require an in-depth analysis of the structural properties of
prec@k and its surrogates. We conclude with experimental results comparing our
algorithms with state-of-the-art cutting plane and stochastic gradient
algorithms for maximizing prec@k.
|
6,541 | 6,541 | Discrete Independent Component Analysis (DICA) with Belief Propagation | We apply belief propagation to a Bayesian bipartite graph composed of
discrete independent hidden variables and discrete visible variables. The
network is the Discrete counterpart of Independent Component Analysis (DICA)
and it is manipulated in a factor graph form for inference and learning. A full
set of simulations is reported for character images from the MNIST dataset. The
results show that the factorial code implemented by the sources contributes to
build a good generative model for the data that can be used in various
inference modes.
|
6,542 | 6,542 | Times series averaging from a probabilistic interpretation of
time-elastic kernel | At the light of regularized dynamic time warping kernels, this paper
reconsider the concept of time elastic centroid (TEC) for a set of time series.
From this perspective, we show first how TEC can easily be addressed as a
preimage problem. Unfortunately this preimage problem is ill-posed, may suffer
from over-fitting especially for long time series and getting a sub-optimal
solution involves heavy computational costs. We then derive two new algorithms
based on a probabilistic interpretation of kernel alignment matrices that
expresses in terms of probabilistic distributions over sets of alignment paths.
The first algorithm is an iterative agglomerative heuristics inspired from the
state of the art DTW barycenter averaging (DBA) algorithm proposed specifically
for the Dynamic Time Warping measure. The second proposed algorithm achieves a
classical averaging of the aligned samples but also implements an averaging of
the time of occurrences of the aligned samples. It exploits a straightforward
progressive agglomerative heuristics. An experimentation that compares for 45
time series datasets classification error rates obtained by first near
neighbors classifiers exploiting a single medoid or centroid estimate to
represent each categories show that: i) centroids based approaches
significantly outperform medoids based approaches, ii) on the considered
experience, the two proposed algorithms outperform the state of the art DBA
algorithm, and iii) the second proposed algorithm that implements an averaging
jointly in the sample space and along the time axes emerges as the most
significantly robust time elastic averaging heuristic with an interesting noise
reduction capability. Index Terms-Time series averaging Time elastic kernel
Dynamic Time Warping Time series clustering and classification.
|
6,543 | 6,543 | Using Dimension Reduction to Improve the Classification of
High-dimensional Data | In this work we show that the classification performance of high-dimensional
structural MRI data with only a small set of training examples is improved by
the usage of dimension reduction methods. We assessed two different dimension
reduction variants: feature selection by ANOVA F-test and feature
transformation by PCA. On the reduced datasets, we applied common learning
algorithms using 5-fold cross-validation. Training, tuning of the
hyperparameters, as well as the performance evaluation of the classifiers was
conducted using two different performance measures: Accuracy, and Receiver
Operating Characteristic curve (AUC). Our hypothesis is supported by
experimental results.
|
6,544 | 6,544 | Large-scale Machine Learning for Metagenomics Sequence Classification | Metagenomics characterizes the taxonomic diversity of microbial communities
by sequencing DNA directly from an environmental sample. One of the main
challenges in metagenomics data analysis is the binning step, where each
sequenced read is assigned to a taxonomic clade. Due to the large volume of
metagenomics datasets, binning methods need fast and accurate algorithms that
can operate with reasonable computing requirements. While standard
alignment-based methods provide state-of-the-art performance, compositional
approaches that assign a taxonomic class to a DNA read based on the k-mers it
contains have the potential to provide faster solutions. In this work, we
investigate the potential of modern, large-scale machine learning
implementations for taxonomic affectation of next-generation sequencing reads
based on their k-mers profile. We show that machine learning-based
compositional approaches benefit from increasing the number of fragments
sampled from reference genome to tune their parameters, up to a coverage of
about 10, and from increasing the k-mer size to about 12. Tuning these models
involves training a machine learning model on about 10 8 samples in 10 7
dimensions, which is out of reach of standard soft-wares but can be done
efficiently with modern implementations for large-scale machine learning. The
resulting models are competitive in terms of accuracy with well-established
alignment tools for problems involving a small to moderate number of candidate
species, and for reasonable amounts of sequencing errors. We show, however,
that compositional approaches are still limited in their ability to deal with
problems involving a greater number of species, and more sensitive to
sequencing errors. We finally confirm that compositional approach achieve
faster prediction times, with a gain of 3 to 15 times with respect to the
BWA-MEM short read mapper, depending on the number of candidate species and the
level of sequencing noise.
|
6,545 | 6,545 | Fantasy Football Prediction | The ubiquity of professional sports and specifically the NFL have lead to an
increase in popularity for Fantasy Football. Users have many tools at their
disposal: statistics, predictions, rankings of experts and even recommendations
of peers. There are issues with all of these, though. Especially since many
people pay money to play, the prediction tools should be enhanced as they
provide unbiased and easy-to-use assistance for users. This paper provides and
discusses approaches to predict Fantasy Football scores of Quarterbacks with
relatively limited data. In addition to that, it includes several suggestions
on how the data could be enhanced to achieve better results. The dataset
consists only of game data from the last six NFL seasons. I used two different
methods to predict the Fantasy Football scores of NFL players: Support Vector
Regression (SVR) and Neural Networks. The results of both are promising given
the limited data that was used.
|
6,546 | 6,546 | Sequential Dimensionality Reduction for Extracting Localized Features | Linear dimensionality reduction techniques are powerful tools for image
analysis as they allow the identification of important features in a data set.
In particular, nonnegative matrix factorization (NMF) has become very popular
as it is able to extract sparse, localized and easily interpretable features by
imposing an additive combination of nonnegative basis elements. Nonnegative
matrix underapproximation (NMU) is a closely related technique that has the
advantage to identify features sequentially. In this paper, we propose a
variant of NMU that is particularly well suited for image analysis as it
incorporates the spatial information, that is, it takes into account the fact
that neighboring pixels are more likely to be contained in the same features,
and favors the extraction of localized features by looking for sparse basis
elements. We show that our new approach competes favorably with comparable
state-of-the-art techniques on synthetic, facial and hyperspectral image data
sets.
|
6,547 | 6,547 | Some Open Problems in Optimal AdaBoost and Decision Stumps | The significance of the study of the theoretical and practical properties of
AdaBoost is unquestionable, given its simplicity, wide practical use, and
effectiveness on real-world datasets. Here we present a few open problems
regarding the behavior of "Optimal AdaBoost," a term coined by Rudin,
Daubechies, and Schapire in 2004 to label the simple version of the standard
AdaBoost algorithm in which the weak learner that AdaBoost uses always outputs
the weak classifier with lowest weighted error among the respective hypothesis
class of weak classifiers implicit in the weak learner. We concentrate on the
standard, "vanilla" version of Optimal AdaBoost for binary classification that
results from using an exponential-loss upper bound on the misclassification
training error. We present two types of open problems. One deals with general
weak hypotheses. The other deals with the particular case of decision stumps,
as often and commonly used in practice. Answers to the open problems can have
immediate significant impact to (1) cementing previously established results on
asymptotic convergence properties of Optimal AdaBoost, for finite datasets,
which in turn can be the start to any convergence-rate analysis; (2)
understanding the weak-hypotheses class of effective decision stumps generated
from data, which we have empirically observed to be significantly smaller than
the typically obtained class, as well as the effect on the weak learner's
running time and previously established improved bounds on the generalization
performance of Optimal AdaBoost classifiers; and (3) shedding some light on the
"self control" that AdaBoost tends to exhibit in practice.
|
6,548 | 6,548 | An Overview of the Asymptotic Performance of the Family of the FastICA
Algorithms | This contribution summarizes the results on the asymptotic performance of
several variants of the FastICA algorithm. A number of new closed-form
expressions are presented.
|
6,549 | 6,549 | Belief Flows of Robust Online Learning | This paper introduces a new probabilistic model for online learning which
dynamically incorporates information from stochastic gradients of an arbitrary
loss function. Similar to probabilistic filtering, the model maintains a
Gaussian belief over the optimal weight parameters. Unlike traditional Bayesian
updates, the model incorporates a small number of gradient evaluations at
locations chosen using Thompson sampling, making it computationally tractable.
The belief is then transformed via a linear flow field which optimally updates
the belief distribution using rules derived from information theoretic
principles. Several versions of the algorithm are shown using different
constraints on the flow field and compared with conventional online learning
algorithms. Results are given for several classification tasks including
logistic regression and multilayer neural networks.
|
6,550 | 6,550 | Training a Convolutional Neural Network for Appearance-Invariant Place
Recognition | Place recognition is one of the most challenging problems in computer vision,
and has become a key part in mobile robotics and autonomous driving
applications for performing loop closure in visual SLAM systems. Moreover, the
difficulty of recognizing a revisited location increases with appearance
changes caused, for instance, by weather or illumination variations, which
hinders the long-term application of such algorithms in real environments. In
this paper we present a convolutional neural network (CNN), trained for the
first time with the purpose of recognizing revisited locations under severe
appearance changes, which maps images to a low dimensional space where
Euclidean distances represent place dissimilarity. In order for the network to
learn the desired invariances, we train it with triplets of images selected
from datasets which present a challenging variability in visual appearance. The
triplets are selected in such way that two samples are from the same location
and the third one is taken from a different place. We validate our system
through extensive experimentation, where we demonstrate better performance than
state-of-art algorithms in a number of popular datasets.
|
6,551 | 6,551 | A Practical Guide to Randomized Matrix Computations with MATLAB
Implementations | Matrix operations such as matrix inversion, eigenvalue decomposition,
singular value decomposition are ubiquitous in real-world applications.
Unfortunately, many of these matrix operations so time and memory expensive
that they are prohibitive when the scale of data is large. In real-world
applications, since the data themselves are noisy, machine-precision matrix
operations are not necessary at all, and one can sacrifice a reasonable amount
of accuracy for computational efficiency.
In recent years, a bunch of randomized algorithms have been devised to make
matrix computations more scalable. Mahoney (2011) and Woodruff (2014) have
written excellent but very technical reviews of the randomized algorithms.
Differently, the focus of this manuscript is on intuition, algorithm
derivation, and implementation. This manuscript should be accessible to people
with knowledge in elementary matrix algebra but unfamiliar with randomized
matrix computations. The algorithms introduced in this manuscript are all
summarized in a user-friendly way, and they can be implemented in lines of
MATLAB code. The readers can easily follow the implementations even if they do
not understand the maths and algorithms.
|
6,552 | 6,552 | Learning with Symmetric Label Noise: The Importance of Being Unhinged | Convex potential minimisation is the de facto approach to binary
classification. However, Long and Servedio [2010] proved that under symmetric
label noise (SLN), minimisation of any convex potential over a linear function
class can result in classification performance equivalent to random guessing.
This ostensibly shows that convex losses are not SLN-robust. In this paper, we
propose a convex, classification-calibrated loss and prove that it is
SLN-robust. The loss avoids the Long and Servedio [2010] result by virtue of
being negatively unbounded. The loss is a modification of the hinge loss, where
one does not clamp at zero; hence, we call it the unhinged loss. We show that
the optimal unhinged solution is equivalent to that of a strongly regularised
SVM, and is the limiting solution for any convex potential; this implies that
strong l2 regularisation makes most standard learners SLN-robust. Experiments
confirm the SLN-robustness of the unhinged loss.
|
6,553 | 6,553 | Domain-Adversarial Training of Neural Networks | We introduce a new representation learning approach for domain adaptation, in
which data at training and test time come from similar but different
distributions. Our approach is directly inspired by the theory on domain
adaptation suggesting that, for effective domain transfer to be achieved,
predictions must be made based on features that cannot discriminate between the
training (source) and test (target) domains. The approach implements this idea
in the context of neural network architectures that are trained on labeled data
from the source domain and unlabeled data from the target domain (no labeled
target-domain data is necessary). As the training progresses, the approach
promotes the emergence of features that are (i) discriminative for the main
learning task on the source domain and (ii) indiscriminate with respect to the
shift between the domains. We show that this adaptation behaviour can be
achieved in almost any feed-forward model by augmenting it with few standard
layers and a new gradient reversal layer. The resulting augmented architecture
can be trained using standard backpropagation and stochastic gradient descent,
and can thus be implemented with little effort using any of the deep learning
packages. We demonstrate the success of our approach for two distinct
classification problems (document sentiment analysis and image classification),
where state-of-the-art domain adaptation performance on standard benchmarks is
achieved. We also validate the approach for descriptor learning task in the
context of person re-identification application.
|
6,554 | 6,554 | Solving Verbal Comprehension Questions in IQ Test by Knowledge-Powered
Word Embedding | Intelligence Quotient (IQ) Test is a set of standardized questions designed
to evaluate human intelligence. Verbal comprehension questions appear very
frequently in IQ tests, which measure human's verbal ability including the
understanding of the words with multiple senses, the synonyms and antonyms, and
the analogies among words. In this work, we explore whether such tests can be
solved automatically by artificial intelligence technologies, especially the
deep learning technologies that are recently developed and successfully applied
in a number of fields. However, we found that the task was quite challenging,
and simply applying existing technologies (e.g., word embedding) could not
achieve a good performance, mainly due to the multiple senses of words and the
complex relations among words. To tackle these challenges, we propose a novel
framework consisting of three components. First, we build a classifier to
recognize the specific type of a verbal question (e.g., analogy,
classification, synonym, or antonym). Second, we obtain distributed
representations of words and relations by leveraging a novel word embedding
method that considers the multi-sense nature of words and the relational
knowledge among words (or their senses) contained in dictionaries. Third, for
each type of questions, we propose a specific solver based on the obtained
distributed word representations and relation representations. Experimental
results have shown that the proposed framework can not only outperform existing
methods for solving verbal comprehension questions but also exceed the average
performance of the Amazon Mechanical Turk workers involved in the study. The
results indicate that with appropriate uses of the deep learning technologies
we might be a further step closer to the human intelligence.
|
6,555 | 6,555 | On the Computational Complexity of High-Dimensional Bayesian Variable
Selection | We study the computational complexity of Markov chain Monte Carlo (MCMC)
methods for high-dimensional Bayesian linear regression under sparsity
constraints. We first show that a Bayesian approach can achieve
variable-selection consistency under relatively mild conditions on the design
matrix. We then demonstrate that the statistical criterion of posterior
concentration need not imply the computational desideratum of rapid mixing of
the MCMC algorithm. By introducing a truncated sparsity prior for variable
selection, we provide a set of conditions that guarantee both
variable-selection consistency and rapid mixing of a particular
Metropolis-Hastings algorithm. The mixing time is linear in the number of
covariates up to a logarithmic factor. Our proof controls the spectral gap of
the Markov chain by constructing a canonical path ensemble that is inspired by
the steps taken by greedy algorithms for variable selection.
|
6,556 | 6,556 | Transition-Based Dependency Parsing with Stack Long Short-Term Memory | We propose a technique for learning representations of parser states in
transition-based dependency parsers. Our primary innovation is a new control
structure for sequence-to-sequence neural networks---the stack LSTM. Like the
conventional stack data structures used in transition-based parsing, elements
can be pushed to or popped from the top of the stack in constant time, but, in
addition, an LSTM maintains a continuous space embedding of the stack contents.
This lets us formulate an efficient parsing model that captures three facets of
a parser's state: (i) unbounded look-ahead into the buffer of incoming words,
(ii) the complete history of actions taken by the parser, and (iii) the
complete contents of the stack of partially built tree fragments, including
their internal structures. Standard backpropagation techniques are used for
training and yield state-of-the-art parsing performance.
|
6,557 | 6,557 | CURL: Co-trained Unsupervised Representation Learning for Image
Classification | In this paper we propose a strategy for semi-supervised image classification
that leverages unsupervised representation learning and co-training. The
strategy, that is called CURL from Co-trained Unsupervised Representation
Learning, iteratively builds two classifiers on two different views of the
data. The two views correspond to different representations learned from both
labeled and unlabeled data and differ in the fusion scheme used to combine the
image features. To assess the performance of our proposal, we conducted several
experiments on widely used data sets for scene and object recognition. We
considered three scenarios (inductive, transductive and self-taught learning)
that differ in the strategy followed to exploit the unlabeled data. As image
features we considered a combination of GIST, PHOG, and LBP as well as features
extracted from a Convolutional Neural Network. Moreover, two embodiments of
CURL are investigated: one using Ensemble Projection as unsupervised
representation learning coupled with Logistic Regression, and one based on
LapSVM. The results show that CURL clearly outperforms other supervised and
semi-supervised learning methods in the state of the art.
|
6,558 | 6,558 | A Critical Review of Recurrent Neural Networks for Sequence Learning | Countless learning tasks require dealing with sequential data. Image
captioning, speech synthesis, and music generation all require that a model
produce outputs that are sequences. In other domains, such as time series
prediction, video analysis, and musical information retrieval, a model must
learn from inputs that are sequences. Interactive tasks, such as translating
natural language, engaging in dialogue, and controlling a robot, often demand
both capabilities. Recurrent neural networks (RNNs) are connectionist models
that capture the dynamics of sequences via cycles in the network of nodes.
Unlike standard feedforward neural networks, recurrent networks retain a state
that can represent information from an arbitrarily long context window.
Although recurrent neural networks have traditionally been difficult to train,
and often contain millions of parameters, recent advances in network
architectures, optimization techniques, and parallel computation have enabled
successful large-scale learning with them. In recent years, systems based on
long short-term memory (LSTM) and bidirectional (BRNN) architectures have
demonstrated ground-breaking performance on tasks as varied as image
captioning, language translation, and handwriting recognition. In this survey,
we review and synthesize the research that over the past three decades first
yielded and then made practical these powerful learning models. When
appropriate, we reconcile conflicting notation and nomenclature. Our goal is to
provide a self-contained explication of the state of the art together with a
historical perspective and references to primary research.
|
6,559 | 6,559 | Efficient combination of pairswise feature networks | This paper presents a novel method for the reconstruction of a neural network
connectivity using calcium fluorescence data. We introduce a fast unsupervised
method to integrate different networks that reconstructs structural
connectivity from neuron activity. Our method improves the state-of-the-art
reconstruction method General Transfer Entropy (GTE). We are able to better
eliminate indirect links, improving therefore the quality of the network via a
normalization and ensemble process of GTE and three new informative features.
The approach is based on a simple combination of networks, which is remarkably
fast. The performance of our approach is benchmarked on simulated time series
provided at the connectomics challenge and also submitted at the public
competition.
|
6,560 | 6,560 | Labeled compression schemes for extremal classes | It is a long-standing open problem whether there always exists a compression
scheme whose size is of the order of the Vapnik-Chervonienkis (VC) dimension
$d$. Recently compression schemes of size exponential in $d$ have been found
for any concept class of VC dimension $d$. Previously, compression schemes of
size $d$ have been given for maximum classes, which are special concept classes
whose size equals an upper bound due to Sauer-Shelah. We consider a
generalization of maximum classes called extremal classes. Their definition is
based on a powerful generalization of the Sauer-Shelah bound called the
Sandwich Theorem, which has been studied in several areas of combinatorics and
computer science. The key result of the paper is a construction of a sample
compression scheme for extremal classes of size equal to their VC dimension. We
also give a number of open problems concerning the combinatorial structure of
extremal classes and the existence of unlabeled compression schemes for them.
|
6,561 | 6,561 | Recurrent Neural Networks with External Memory for Language
Understanding | Recurrent Neural Networks (RNNs) have become increasingly popular for the
task of language understanding. In this task, a semantic tagger is deployed to
associate a semantic label to each word in an input sequence. The success of
RNN may be attributed to its ability to memorize long-term dependence that
relates the current-time semantic label prediction to the observations many
time instances away. However, the memory capacity of simple RNNs is limited
because of the gradient vanishing and exploding problem. We propose to use an
external memory to improve memorization capability of RNNs. We conducted
experiments on the ATIS dataset, and observed that the proposed model was able
to achieve the state-of-the-art results. We compare our proposed model with
alternative models and report analysis results that may provide insights for
future research.
|
6,562 | 6,562 | Parallel Spectral Clustering Algorithm Based on Hadoop | Spectral clustering and cloud computing is emerging branch of computer
science or related discipline. It overcome the shortcomings of some traditional
clustering algorithm and guarantee the convergence to the optimal solution,
thus have to the widespread attention. This article first introduced the
parallel spectral clustering algorithm research background and significance,
and then to Hadoop the cloud computing Framework has carried on the detailed
introduction, then has carried on the related to spectral clustering is
introduced, then introduces the spectral clustering arithmetic Method of
parallel and relevant steps, finally made the related experiments, and the
experiment are summarized.
|
6,563 | 6,563 | Copeland Dueling Bandits | A version of the dueling bandit problem is addressed in which a Condorcet
winner may not exist. Two algorithms are proposed that instead seek to minimize
regret with respect to the Copeland winner, which, unlike the Condorcet winner,
is guaranteed to exist. The first, Copeland Confidence Bound (CCB), is designed
for small numbers of arms, while the second, Scalable Copeland Bandits (SCB),
works better for large-scale problems. We provide theoretical results bounding
the regret accumulated by CCB and SCB, both substantially improving existing
results. Such existing results either offer bounds of the form $O(K \log T)$
but require restrictive assumptions, or offer bounds of the form $O(K^2 \log
T)$ without requiring such assumptions. Our results offer the best of both
worlds: $O(K \log T)$ bounds without restrictive assumptions.
|
6,564 | 6,564 | Robust PCA: Optimization of the Robust Reconstruction Error over the
Stiefel Manifold | It is well known that Principal Component Analysis (PCA) is strongly affected
by outliers and a lot of effort has been put into robustification of PCA. In
this paper we present a new algorithm for robust PCA minimizing the trimmed
reconstruction error. By directly minimizing over the Stiefel manifold, we
avoid deflation as often used by projection pursuit methods. In distinction to
other methods for robust PCA, our method has no free parameter and is
computationally very efficient. We illustrate the performance on various
datasets including an application to background modeling and subtraction. Our
method performs better or similar to current state-of-the-art methods while
being faster.
|
6,565 | 6,565 | Imaging Time-Series to Improve Classification and Imputation | Inspired by recent successes of deep learning in computer vision, we propose
a novel framework for encoding time series as different types of images,
namely, Gramian Angular Summation/Difference Fields (GASF/GADF) and Markov
Transition Fields (MTF). This enables the use of techniques from computer
vision for time series classification and imputation. We used Tiled
Convolutional Neural Networks (tiled CNNs) on 20 standard datasets to learn
high-level features from the individual and compound GASF-GADF-MTF images. Our
approaches achieve highly competitive results when compared to nine of the
current best time series classification approaches. Inspired by the bijection
property of GASF on 0/1 rescaled data, we train Denoised Auto-encoders (DA) on
the GASF images of four standard and one synthesized compound dataset. The
imputation MSE on test data is reduced by 12.18%-48.02% when compared to using
the raw data. An analysis of the features and weights learned via tiled CNNs
and DAs explains why the approaches work.
|
6,566 | 6,566 | Learning to Answer Questions From Image Using Convolutional Neural
Network | In this paper, we propose to employ the convolutional neural network (CNN)
for the image question answering (QA). Our proposed CNN provides an end-to-end
framework with convolutional architectures for learning not only the image and
question representations, but also their inter-modal interactions to produce
the answer. More specifically, our model consists of three CNNs: one image CNN
to encode the image content, one sentence CNN to compose the words of the
question, and one multimodal convolution layer to learn their joint
representation for the classification in the space of candidate answer words.
We demonstrate the efficacy of our proposed model on the DAQUAR and COCO-QA
datasets, which are two benchmark datasets for the image QA, with the
performances significantly outperforming the state-of-the-art.
|
6,567 | 6,567 | Learning with hidden variables | Learning and inferring features that generate sensory input is a task
continuously performed by cortex. In recent years, novel algorithms and
learning rules have been proposed that allow neural network models to learn
such features from natural images, written text, audio signals, etc. These
networks usually involve deep architectures with many layers of hidden neurons.
Here we review recent advancements in this area emphasizing, amongst other
things, the processing of dynamical inputs by networks with hidden nodes and
the role of single neuron models. These points and the questions they arise can
provide conceptual advancements in understanding of learning in the cortex and
the relationship between machine learning approaches to learning with hidden
nodes and those in cortical circuits.
|
6,568 | 6,568 | Network Topology Identification using PCA and its Graph Theoretic
Interpretations | We solve the problem of identifying (reconstructing) network topology from
steady state network measurements. Concretely, given only a data matrix
$\mathbf{X}$ where the $X_{ij}$ entry corresponds to flow in edge $i$ in
configuration (steady-state) $j$, we wish to find a network structure for which
flow conservation is obeyed at all the nodes. This models many network problems
involving conserved quantities like water, power, and metabolic networks. We
show that identification is equivalent to learning a model $\mathbf{A_n}$ which
captures the approximate linear relationships between the different variables
comprising $\mathbf{X}$ (i.e. of the form $\mathbf{A_n X \approx 0}$) such that
$\mathbf{A_n}$ is full rank (highest possible) and consistent with a network
node-edge incidence structure. The problem is solved through a sequence of
steps like estimating approximate linear relationships using Principal
Component Analysis, obtaining f-cut-sets from these approximate relationships,
and graph realization from f-cut-sets (or equivalently f-circuits). Each step
and the overall process is polynomial time. The method is illustrated by
identifying topology of a water distribution network. We also study the extent
of identifiability from steady-state data.
|
6,569 | 6,569 | Classifying Tweet Level Judgements of Rumours in Social Media | Social media is a rich source of rumours and corresponding community
reactions. Rumours reflect different characteristics, some shared and some
individual. We formulate the problem of classifying tweet level judgements of
rumours as a supervised learning task. Both supervised and unsupervised domain
adaptation are considered, in which tweets from a rumour are classified on the
basis of other annotated rumours. We demonstrate how multi-task learning helps
achieve good results on rumours from the 2011 England riots.
|
6,570 | 6,570 | Predicting Deep Zero-Shot Convolutional Neural Networks using Textual
Descriptions | One of the main challenges in Zero-Shot Learning of visual categories is
gathering semantic attributes to accompany images. Recent work has shown that
learning from textual descriptions, such as Wikipedia articles, avoids the
problem of having to explicitly define these attributes. We present a new model
that can classify unseen categories from their textual description.
Specifically, we use text features to predict the output weights of both the
convolutional and the fully connected layers in a deep convolutional neural
network (CNN). We take advantage of the architecture of CNNs and learn features
at different layers, rather than just learning an embedding space for both
modalities, as is common with existing approaches. The proposed model also
allows us to automatically generate a list of pseudo- attributes for each
visual category consisting of words from Wikipedia articles. We train our
models end-to-end us- ing the Caltech-UCSD bird and flower datasets and
evaluate both ROC and Precision-Recall curves. Our empirical results show that
the proposed model significantly outperforms previous methods.
|
6,571 | 6,571 | Coordinate Descent Converges Faster with the Gauss-Southwell Rule Than
Random Selection | There has been significant recent work on the theory and application of
randomized coordinate descent algorithms, beginning with the work of Nesterov
[SIAM J. Optim., 22(2), 2012], who showed that a random-coordinate selection
rule achieves the same convergence rate as the Gauss-Southwell selection rule.
This result suggests that we should never use the Gauss-Southwell rule, as it
is typically much more expensive than random selection. However, the empirical
behaviours of these algorithms contradict this theoretical result: in
applications where the computational costs of the selection rules are
comparable, the Gauss-Southwell selection rule tends to perform substantially
better than random coordinate selection. We give a simple analysis of the
Gauss-Southwell rule showing that---except in extreme cases---its convergence
rate is faster than choosing random coordinates. Further, in this work we (i)
show that exact coordinate optimization improves the convergence rate for
certain sparse problems, (ii) propose a Gauss-Southwell-Lipschitz rule that
gives an even faster convergence rate given knowledge of the Lipschitz
constants of the partial derivatives, (iii) analyze the effect of approximate
Gauss-Southwell rules, and (iv) analyze proximal-gradient variants of the
Gauss-Southwell rule.
|
6,572 | 6,572 | Blocks and Fuel: Frameworks for deep learning | We introduce two Python frameworks to train neural networks on large
datasets: Blocks and Fuel. Blocks is based on Theano, a linear algebra compiler
with CUDA-support. It facilitates the training of complex neural network models
by providing parametrized Theano operations, attaching metadata to Theano's
symbolic computational graph, and providing an extensive set of utilities to
assist training the networks, e.g. training algorithms, logging, monitoring,
visualization, and serialization. Fuel provides a standard format for machine
learning datasets. It allows the user to easily iterate over large datasets,
performing many types of pre-processing on the fly.
|
6,573 | 6,573 | Sample-Optimal Density Estimation in Nearly-Linear Time | We design a new, fast algorithm for agnostically learning univariate
probability distributions whose densities are well approximated by piecewise
polynomial functions. Let $f$ be the density function of an arbitrary
univariate distribution, and suppose that $f$ is $\mathrm{OPT}$-close in
$L_1$-distance to an unknown piecewise polynomial function with $t$ interval
pieces and degree $d$. Our algorithm draws $n = O(t(d+1)/\epsilon^2)$ samples
from $f$, runs in time $\tilde{O}(n \cdot \mathrm{poly}(d))$, and with
probability at least $9/10$ outputs an $O(t)$-piecewise degree-$d$ hypothesis
$h$ that is $4 \cdot \mathrm{OPT} +\epsilon$ close to $f$.
Our general algorithm yields (nearly) sample-optimal and nearly-linear time
estimators for a wide range of structured distribution families over both
continuous and discrete domains in a unified way. For most of our applications,
these are the first sample-optimal and nearly-linear time estimators in the
literature. As a consequence, our work resolves the sample and computational
complexities of a broad class of inference tasks via a single "meta-algorithm".
Moreover, we experimentally demonstrate that our algorithm performs very well
in practice.
Our algorithm consists of three "levels": (i) At the top level, we employ an
iterative greedy algorithm for finding a good partition of the real line into
the pieces of a piecewise polynomial. (ii) For each piece, we show that the
sub-problem of finding a good polynomial fit on the current interval can be
solved efficiently with a separation oracle method. (iii) We reduce the task of
finding a separating hyperplane to a combinatorial problem and give an
efficient algorithm for this problem. Combining these three procedures gives a
density estimation algorithm with the claimed guarantees.
|
6,574 | 6,574 | An objective prior that unifies objective Bayes and information-based
inference | There are three principle paradigms of statistical inference: (i) Bayesian,
(ii) information-based and (iii) frequentist inference. We describe an
objective prior (the weighting or $w$-prior) which unifies objective Bayes and
information-based inference. The $w$-prior is chosen to make the marginal
probability an unbiased estimator of the predictive performance of the model.
This definition has several other natural interpretations. From the perspective
of the information content of the prior, the $w$-prior is both uniformly and
maximally uninformative. The $w$-prior can also be understood to result in a
uniform density of distinguishable models in parameter space. Finally we
demonstrate the the $w$-prior is equivalent to the Akaike Information Criterion
(AIC) for regular models in the asymptotic limit. The $w$-prior appears to be
generically applicable to statistical inference and is free of {\it ad hoc}
regularization. The mechanism for suppressing complexity is analogous to AIC:
model complexity reduces model predictivity. We expect this new objective-Bayes
approach to inference to be widely-applicable to machine-learning problems
including singular models.
|
6,575 | 6,575 | Optimal Regret Analysis of Thompson Sampling in Stochastic Multi-armed
Bandit Problem with Multiple Plays | We discuss a multiple-play multi-armed bandit (MAB) problem in which several
arms are selected at each round. Recently, Thompson sampling (TS), a randomized
algorithm with a Bayesian spirit, has attracted much attention for its
empirically excellent performance, and it is revealed to have an optimal regret
bound in the standard single-play MAB problem. In this paper, we propose the
multiple-play Thompson sampling (MP-TS) algorithm, an extension of TS to the
multiple-play MAB problem, and discuss its regret analysis. We prove that MP-TS
for binary rewards has the optimal regret upper bound that matches the regret
lower bound provided by Anantharam et al. (1987). Therefore, MP-TS is the first
computationally efficient algorithm with optimal regret. A set of computer
simulations was also conducted, which compared MP-TS with state-of-the-art
algorithms. We also propose a modification of MP-TS, which is shown to have
better empirical performance.
|
6,576 | 6,576 | Learning Speech Rate in Speech Recognition | A significant performance reduction is often observed in speech recognition
when the rate of speech (ROS) is too low or too high. Most of present
approaches to addressing the ROS variation focus on the change of speech
signals in dynamic properties caused by ROS, and accordingly modify the dynamic
model, e.g., the transition probabilities of the hidden Markov model (HMM).
However, an abnormal ROS changes not only the dynamic but also the static
property of speech signals, and thus can not be compensated for purely by
modifying the dynamic model. This paper proposes an ROS learning approach based
on deep neural networks (DNN), which involves an ROS feature as the input of
the DNN model and so the spectrum distortion caused by ROS can be learned and
compensated for. The experimental results show that this approach can deliver
better performance for too slow and too fast utterances, demonstrating our
conjecture that ROS impacts both the dynamic and the static property of speech.
In addition, the proposed approach can be combined with the conventional HMM
transition adaptation method, offering additional performance gains.
|
6,577 | 6,577 | A Generalized Labeled Multi-Bernoulli Filter Implementation using Gibbs
Sampling | This paper proposes an efficient implementation of the generalized labeled
multi-Bernoulli (GLMB) filter by combining the prediction and update into a
single step. In contrast to the original approach which involves separate
truncations in the prediction and update steps, the proposed implementation
requires only one single truncation for each iteration, which can be performed
using a standard ranked optimal assignment algorithm. Furthermore, we propose a
new truncation technique based on Markov Chain Monte Carlo methods such as
Gibbs sampling, which drastically reduces the complexity of the filter. The
superior performance of the proposed approach is demonstrated through extensive
numerical studies.
|
6,578 | 6,578 | Peer Grading in a Course on Algorithms and Data Structures: Machine
Learning Algorithms do not Improve over Simple Baselines | Peer grading is the process of students reviewing each others' work, such as
homework submissions, and has lately become a popular mechanism used in massive
open online courses (MOOCs). Intrigued by this idea, we used it in a course on
algorithms and data structures at the University of Hamburg. Throughout the
whole semester, students repeatedly handed in submissions to exercises, which
were then evaluated both by teaching assistants and by a peer grading
mechanism, yielding a large dataset of teacher and peer grades. We applied
different statistical and machine learning methods to aggregate the peer grades
in order to come up with accurate final grades for the submissions (supervised
and unsupervised, methods based on numeric scores and ordinal rankings).
Surprisingly, none of them improves over the baseline of using the mean peer
grade as the final grade. We discuss a number of possible explanations for
these results and present a thorough analysis of the generated dataset.
|
6,579 | 6,579 | Discovering Valuable Items from Massive Data | Suppose there is a large collection of items, each with an associated cost
and an inherent utility that is revealed only once we commit to selecting it.
Given a budget on the cumulative cost of the selected items, how can we pick a
subset of maximal value? This task generalizes several important problems such
as multi-arm bandits, active search and the knapsack problem. We present an
algorithm, GP-Select, which utilizes prior knowledge about similarity be- tween
items, expressed as a kernel function. GP-Select uses Gaussian process
prediction to balance exploration (estimating the unknown value of items) and
exploitation (selecting items of high value). We extend GP-Select to be able to
discover sets that simultaneously have high utility and are diverse. Our
preference for diversity can be specified as an arbitrary monotone submodular
function that quantifies the diminishing returns obtained when selecting
similar items. Furthermore, we exploit the structure of the model updates to
achieve an order of magnitude (up to 40X) speedup in our experiments without
resorting to approximations. We provide strong guarantees on the performance of
GP-Select and apply it to three real-world case studies of industrial
relevance: (1) Refreshing a repository of prices in a Global Distribution
System for the travel industry, (2) Identifying diverse, binding-affine
peptides in a vaccine de- sign task and (3) Maximizing clicks in a web-scale
recommender system by recommending items to users.
|
6,580 | 6,580 | Toward a generic representation of random variables for machine learning | This paper presents a pre-processing and a distance which improve the
performance of machine learning algorithms working on independent and
identically distributed stochastic processes. We introduce a novel
non-parametric approach to represent random variables which splits apart
dependency and distribution without losing any information. We also propound an
associated metric leveraging this representation and its statistical estimate.
Besides experiments on synthetic datasets, the benefits of our contribution is
illustrated through the example of clustering financial time series, for
instance prices from the credit default swaps market. Results are available on
the website www.datagrapple.com and an IPython Notebook tutorial is available
at www.datagrapple.com/Tech for reproducible research.
|
6,581 | 6,581 | Unsupervised Learning on Neural Network Outputs: with Application in
Zero-shot Learning | The outputs of a trained neural network contain much richer information than
just an one-hot classifier. For example, a neural network might give an image
of a dog the probability of one in a million of being a cat but it is still
much larger than the probability of being a car. To reveal the hidden structure
in them, we apply two unsupervised learning algorithms, PCA and ICA, to the
outputs of a deep Convolutional Neural Network trained on the ImageNet of 1000
classes. The PCA/ICA embedding of the object classes reveals their visual
similarity and the PCA/ICA components can be interpreted as common visual
features shared by similar object classes. For an application, we proposed a
new zero-shot learning method, in which the visual features learned by PCA/ICA
are employed. Our zero-shot learning method achieves the state-of-the-art
results on the ImageNet of over 20000 classes.
|
6,582 | 6,582 | Combining Two And Three-Way Embeddings Models for Link Prediction in
Knowledge Bases | This paper tackles the problem of endogenous link prediction for Knowledge
Base completion. Knowledge Bases can be represented as directed graphs whose
nodes correspond to entities and edges to relationships. Previous attempts
either consist of powerful systems with high capacity to model complex
connectivity patterns, which unfortunately usually end up overfitting on rare
relationships, or in approaches that trade capacity for simplicity in order to
fairly model all relationships, frequent or not. In this paper, we propose
Tatec a happy medium obtained by complementing a high-capacity model with a
simpler one, both pre-trained separately and then combined. We present several
variants of this model with different kinds of regularization and combination
strategies and show that this approach outperforms existing methods on
different types of relationships by achieving state-of-the-art results on four
benchmarks of the literature.
|
6,583 | 6,583 | Global and Local Structure Preserving Sparse Subspace Learning: An
Iterative Approach to Unsupervised Feature Selection | As we aim at alleviating the curse of high-dimensionality, subspace learning
is becoming more popular. Existing approaches use either information about
global or local structure of the data, and few studies simultaneously focus on
global and local structures as the both of them contain important information.
In this paper, we propose a global and local structure preserving sparse
subspace learning (GLoSS) model for unsupervised feature selection. The model
can simultaneously realize feature selection and subspace learning. In
addition, we develop a greedy algorithm to establish a generic combinatorial
model, and an iterative strategy based on an accelerated block coordinate
descent is used to solve the GLoSS problem. We also provide whole iterate
sequence convergence analysis of the proposed iterative algorithm. Extensive
experiments are conducted on real-world datasets to show the superiority of the
proposed approach over several state-of-the-art unsupervised feature selection
approaches.
|
6,584 | 6,584 | On bicluster aggregation and its benefits for enumerative solutions | Biclustering involves the simultaneous clustering of objects and their
attributes, thus defining local two-way clustering models. Recently, efficient
algorithms were conceived to enumerate all biclusters in real-valued datasets.
In this case, the solution composes a complete set of maximal and non-redundant
biclusters. However, the ability to enumerate biclusters revealed a challenging
scenario: in noisy datasets, each true bicluster may become highly fragmented
and with a high degree of overlapping. It prevents a direct analysis of the
obtained results. To revert the fragmentation, we propose here two approaches
for properly aggregating the whole set of enumerated biclusters: one based on
single linkage and the other directly exploring the rate of overlapping. Both
proposals were compared with each other and with the actual state-of-the-art in
several experiments, and they not only significantly reduced the number of
biclusters but also consistently increased the quality of the solution.
|
6,585 | 6,585 | Multi-View Factorization Machines | For a learning task, data can usually be collected from different sources or
be represented from multiple views. For example, laboratory results from
different medical examinations are available for disease diagnosis, and each of
them can only reflect the health state of a person from a particular
aspect/view. Therefore, different views provide complementary information for
learning tasks. An effective integration of the multi-view information is
expected to facilitate the learning performance. In this paper, we propose a
general predictor, named multi-view machines (MVMs), that can effectively
include all the possible interactions between features from multiple views. A
joint factorization is embedded for the full-order interaction parameters which
allows parameter estimation under sparsity. Moreover, MVMs can work in
conjunction with different loss functions for a variety of machine learning
tasks. A stochastic gradient descent method is presented to learn the MVM
model. We further illustrate the advantages of MVMs through comparison with
other methods for multi-view classification, including support vector machines
(SVMs), support tensor machines (STMs) and factorization machines (FMs).
|
6,586 | 6,586 | Multi-Objective Optimization for Self-Adjusting Weighted Gradient in
Machine Learning Tasks | Much of the focus in machine learning research is placed in creating new
architectures and optimization methods, but the overall loss function is seldom
questioned. This paper interprets machine learning from a multi-objective
optimization perspective, showing the limitations of the default linear
combination of loss functions over a data set and introducing the hypervolume
indicator as an alternative. It is shown that the gradient of the hypervolume
is defined by a self-adjusting weighted mean of the individual loss gradients,
making it similar to the gradient of a weighted mean loss but without requiring
the weights to be defined a priori. This enables an inner boosting-like
behavior, where the current model is used to automatically place higher weights
on samples with higher losses but without requiring the use of multiple models.
Results on a denoising autoencoder show that the new formulation is able to
achieve better mean loss than the direct optimization of the mean loss,
providing evidence to the conjecture that self-adjusting the weights creates a
smoother loss surface.
|
6,587 | 6,587 | Towards Structured Deep Neural Network for Automatic Speech Recognition | In this paper we propose the Structured Deep Neural Network (Structured DNN)
as a structured and deep learning algorithm, learning to find the best
structured object (such as a label sequence) given a structured input (such as
a vector sequence) by globally considering the mapping relationships between
the structure rather than item by item.
When automatic speech recognition is viewed as a special case of such a
structured learning problem, where we have the acoustic vector sequence as the
input and the phoneme label sequence as the output, it becomes possible to
comprehensively learned utterance by utterance as a whole, rather than frame by
frame.
Structured Support Vector Machine (structured SVM) was proposed to perform
ASR with structured learning previously, but limited by the linear nature of
SVM. Here we propose structured DNN to use nonlinear transformations in
multi-layers as a structured and deep learning algorithm. It was shown to beat
structured SVM in preliminary experiments on TIMIT.
|
6,588 | 6,588 | Cyclical Learning Rates for Training Neural Networks | It is known that the learning rate is the most important hyper-parameter to
tune for training deep neural networks. This paper describes a new method for
setting the learning rate, named cyclical learning rates, which practically
eliminates the need to experimentally find the best values and schedule for the
global learning rates. Instead of monotonically decreasing the learning rate,
this method lets the learning rate cyclically vary between reasonable boundary
values. Training with cyclical learning rates instead of fixed values achieves
improved classification accuracy without a need to tune and often in fewer
iterations. This paper also describes a simple way to estimate "reasonable
bounds" -- linearly increasing the learning rate of the network for a few
epochs. In addition, cyclical learning rates are demonstrated on the CIFAR-10
and CIFAR-100 datasets with ResNets, Stochastic Depth networks, and DenseNets,
and the ImageNet dataset with the AlexNet and GoogLeNet architectures. These
are practical tools for everyone who trains neural networks.
|
6,589 | 6,589 | Personalizing Universal Recurrent Neural Network Language Model with
User Characteristic Features by Social Network Crowdsouring | With the popularity of mobile devices, personalized speech recognizer becomes
more realizable today and highly attractive. Each mobile device is primarily
used by a single user, so it's possible to have a personalized recognizer well
matching to the characteristics of individual user. Although acoustic model
personalization has been investigated for decades, much less work have been
reported on personalizing language model, probably because of the difficulties
in collecting enough personalized corpora. Previous work used the corpora
collected from social networks to solve the problem, but constructing a
personalized model for each user is troublesome. In this paper, we propose a
universal recurrent neural network language model with user characteristic
features, so all users share the same model, except each with different user
characteristic features. These user characteristic features can be obtained by
crowdsouring over social networks, which include huge quantity of texts posted
by users with known friend relationships, who may share some subject topics and
wording patterns. The preliminary experiments on Facebook corpus showed that
this proposed approach not only drastically reduced the model perplexity, but
offered very good improvement in recognition accuracy in n-best rescoring
tests. This approach also mitigated the data sparseness problem for
personalized language models.
|
6,590 | 6,590 | Implementation of Training Convolutional Neural Networks | Deep learning refers to the shining branch of machine learning that is based
on learning levels of representations. Convolutional Neural Networks (CNN) is
one kind of deep neural network. It can study concurrently. In this article, we
gave a detailed analysis of the process of CNN algorithm both the forward
process and back propagation. Then we applied the particular convolutional
neural network to implement the typical face recognition problem by java. Then,
a parallel strategy was proposed in section4. In addition, by measuring the
actual time of forward and backward computing, we analysed the maximal speed up
and parallel efficiency theoretically.
|
6,591 | 6,591 | Probabilistic Numerics and Uncertainty in Computations | We deliver a call to arms for probabilistic numerical methods: algorithms for
numerical tasks, including linear algebra, integration, optimization and
solving differential equations, that return uncertainties in their
calculations. Such uncertainties, arising from the loss of precision induced by
numerical calculation with limited time or hardware, are important for much
contemporary science and industry. Within applications such as climate science
and astrophysics, the need to make decisions on the basis of computations with
large and complex data has led to a renewed focus on the management of
numerical uncertainty. We describe how several seminal classic numerical
methods can be interpreted naturally as probabilistic inference. We then show
that the probabilistic view suggests new algorithms that can flexibly be
adapted to suit application specifics, while delivering improved empirical
performance. We provide concrete illustrations of the benefits of probabilistic
numeric algorithms on real scientific problems from astrometry and astronomical
imaging, while highlighting open problems with these new algorithms. Finally,
we describe how probabilistic numerical methods provide a coherent framework
for identifying the uncertainty in calculations performed with a combination of
numerical algorithms (e.g. both numerical optimisers and differential equation
solvers), potentially allowing the diagnosis (and control) of error sources in
computations.
|
6,592 | 6,592 | Unsupervised Feature Analysis with Class Margin Optimization | Unsupervised feature selection has been always attracting research attention
in the communities of machine learning and data mining for decades. In this
paper, we propose an unsupervised feature selection method seeking a feature
coefficient matrix to select the most distinctive features. Specifically, our
proposed algorithm integrates the Maximum Margin Criterion with a
sparsity-based model into a joint framework, where the class margin and feature
correlation are taken into account at the same time. To maximize the total data
separability while preserving minimized within-class scatter simultaneously, we
propose to embed Kmeans into the framework generating pseudo class label
information in a scenario of unsupervised feature selection. Meanwhile, a
sparsity-based model, ` 2 ,p-norm, is imposed to the regularization term to
effectively discover the sparse structures of the feature coefficient matrix.
In this way, noisy and irrelevant features are removed by ruling out those
features whose corresponding coefficients are zeros. To alleviate the local
optimum problem that is caused by random initializations of K-means, a
convergence guaranteed algorithm with an updating strategy for the clustering
indicator matrix, is proposed to iteractively chase the optimal solution.
Performance evaluation is extensively conducted over six benchmark data sets.
From plenty of experimental results, it is demonstrated that our method has
superior performance against all other compared approaches.
|
6,593 | 6,593 | Optimal change point detection in Gaussian processes | We study the problem of detecting a change in the mean of one-dimensional
Gaussian process data. This problem is investigated in the setting of
increasing domain (customarily employed in time series analysis) and in the
setting of fixed domain (typically arising in spatial data analysis). We
propose a detection method based on the generalized likelihood ratio test
(GLRT), and show that our method achieves nearly asymptotically optimal rate in
the minimax sense, in both settings. The salient feature of the proposed method
is that it exploits in an efficient way the data dependence captured by the
Gaussian process covariance structure. When the covariance is not known, we
propose the plug-in GLRT method and derive conditions under which the method
remains asymptotically near optimal. By contrast, the standard CUSUM method,
which does not account for the covariance structure, is shown to be
asymptotically optimal only in the increasing domain. Our algorithms and
accompanying theory are applicable to a wide variety of covariance structures,
including the Matern class, the powered exponential class, and others. The
plug-in GLRT method is shown to perform well for maximum likelihood estimators
with a dense covariance matrix.
|
6,594 | 6,594 | Exploiting an Oracle that Reports AUC Scores in Machine Learning
Contests | In machine learning contests such as the ImageNet Large Scale Visual
Recognition Challenge and the KDD Cup, contestants can submit candidate
solutions and receive from an oracle (typically the organizers of the
competition) the accuracy of their guesses compared to the ground-truth labels.
One of the most commonly used accuracy metrics for binary classification tasks
is the Area Under the Receiver Operating Characteristics Curve (AUC). In this
paper we provide proofs-of-concept of how knowledge of the AUC of a set of
guesses can be used, in two different kinds of attacks, to improve the accuracy
of those guesses. On the other hand, we also demonstrate the intractability of
one kind of AUC exploit by proving that the number of possible binary labelings
of $n$ examples for which a candidate solution obtains a AUC score of $c$ grows
exponentially in $n$, for every $c\in (0,1)$.
|
6,595 | 6,595 | A Nearly Optimal and Agnostic Algorithm for Properly Learning a Mixture
of k Gaussians, for any Constant k | Learning a Gaussian mixture model (GMM) is a fundamental problem in machine
learning, learning theory, and statistics. One notion of learning a GMM is
proper learning: here, the goal is to find a mixture of $k$ Gaussians
$\mathcal{M}$ that is close to the density $f$ of the unknown distribution from
which we draw samples. The distance between $\mathcal{M}$ and $f$ is typically
measured in the total variation or $L_1$-norm.
We give an algorithm for learning a mixture of $k$ univariate Gaussians that
is nearly optimal for any fixed $k$. The sample complexity of our algorithm is
$\tilde{O}(\frac{k}{\epsilon^2})$ and the running time is $(k \cdot
\log\frac{1}{\epsilon})^{O(k^4)} + \tilde{O}(\frac{k}{\epsilon^2})$. It is
well-known that this sample complexity is optimal (up to logarithmic factors),
and it was already achieved by prior work. However, the best known time
complexity for proper learning a $k$-GMM was
$\tilde{O}(\frac{1}{\epsilon^{3k-1}})$. In particular, the dependence between
$\frac{1}{\epsilon}$ and $k$ was exponential. We significantly improve this
dependence by replacing the $\frac{1}{\epsilon}$ term with a $\log
\frac{1}{\epsilon}$ while only increasing the exponent moderately. Hence, for
any fixed $k$, the $\tilde{O} (\frac{k}{\epsilon^2})$ term dominates our
running time, and thus our algorithm runs in time which is nearly-linear in the
number of samples drawn. Achieving a running time of $\textrm{poly}(k,
\frac{1}{\epsilon})$ for proper learning of $k$-GMMs has recently been stated
as an open problem by multiple researchers, and we make progress on this
question.
Moreover, our approach offers an agnostic learning guarantee: our algorithm
returns a good GMM even if the distribution we are sampling from is not a
mixture of Gaussians. To the best of our knowledge, our algorithm is the first
agnostic proper learning algorithm for GMMs.
|
6,596 | 6,596 | Rivalry of Two Families of Algorithms for Memory-Restricted Streaming
PCA | We study the problem of recovering the subspace spanned by the first $k$
principal components of $d$-dimensional data under the streaming setting, with
a memory bound of $O(kd)$. Two families of algorithms are known for this
problem. The first family is based on the framework of stochastic gradient
descent. Nevertheless, the convergence rate of the family can be seriously
affected by the learning rate of the descent steps and deserves more serious
study. The second family is based on the power method over blocks of data, but
setting the block size for its existing algorithms is not an easy task. In this
paper, we analyze the convergence rate of a representative algorithm with
decayed learning rate (Oja and Karhunen, 1985) in the first family for the
general $k>1$ case. Moreover, we propose a novel algorithm for the second
family that sets the block sizes automatically and dynamically with faster
convergence rate. We then conduct empirical studies that fairly compare the two
families on real-world data. The studies reveal the advantages and
disadvantages of these two families.
|
6,597 | 6,597 | An Average Classification Algorithm | Many classification algorithms produce a classifier that is a weighted
average of kernel evaluations. When working with a high or infinite dimensional
kernel, it is imperative for speed of evaluation and storage issues that as few
training samples as possible are used in the kernel expansion. Popular existing
approaches focus on altering standard learning algorithms, such as the Support
Vector Machine, to induce sparsity, as well as post-hoc procedures for sparse
approximations. Here we adopt the latter approach. We begin with a very simple
classifier, given by the kernel mean $$ f(x) = \frac{1}{n}
\sum\limits_{i=i}^{n} y_i K(x_i,x) $$ We then find a sparse approximation to
this kernel mean via herding. The result is an accurate, easily parallelized
algorithm for learning classifiers.
|
6,598 | 6,598 | The Preference Learning Toolbox | Preference learning (PL) is a core area of machine learning that handles
datasets with ordinal relations. As the number of generated data of ordinal
nature is increasing, the importance and role of the PL field becomes central
within machine learning research and practice. This paper introduces an open
source, scalable, efficient and accessible preference learning toolbox that
supports the key phases of the data training process incorporating various
popular data preprocessing, feature selection and preference learning methods.
|
6,599 | 6,599 | Spectral Learning of Large Structured HMMs for Comparative Epigenomics | We develop a latent variable model and an efficient spectral algorithm
motivated by the recent emergence of very large data sets of chromatin marks
from multiple human cell types. A natural model for chromatin data in one cell
type is a Hidden Markov Model (HMM); we model the relationship between multiple
cell types by connecting their hidden states by a fixed tree of known
structure. The main challenge with learning parameters of such models is that
iterative methods such as EM are very slow, while naive spectral methods result
in time and space complexity exponential in the number of cell types. We
exploit properties of the tree structure of the hidden states to provide
spectral algorithms that are more computationally efficient for current
biological datasets. We provide sample complexity bounds for our algorithm and
evaluate it experimentally on biological data from nine human cell types.
Finally, we show that beyond our specific model, some of our algorithmic ideas
can be applied to other graphical models.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.