text
stringlengths 6
3.19k
| time_discrete
int64 2.01k
2.02k
|
---|---|
At the present time, computers are employed to solve complex tasks and
problems ranging from simple calculations to intensive digital image processing
and intricate algorithmic optimization problems to computationally-demanding
weather forecasting problems. ASR short for Automatic Speech Recognition is yet
another type of computational problem whose purpose is to recognize human
spoken speech and convert it into text that can be processed by a computer.
Despite that ASR has many versatile and pervasive real-world applications,it is
still relatively erroneous and not perfectly solved as it is prone to produce
spelling errors in the recognized text, especially if the ASR system is
operating in a noisy environment, its vocabulary size is limited, and its input
speech is of bad or low quality. This paper proposes a post-editing ASR error
correction method based on MicrosoftN-Gram dataset for detecting and correcting
spelling errors generated by ASR systems. The proposed method comprises an
error detection algorithm for detecting word errors; a candidate corrections
generation algorithm for generating correction suggestions for the detected
word errors; and a context-sensitive error correction algorithm for selecting
the best candidate for correction. The virtue of using the Microsoft N-Gram
dataset is that it contains real-world data and word sequences extracted from
the web which canmimica comprehensive dictionary of words having a large and
all-inclusive vocabulary. Experiments conducted on numerous speeches, performed
by different speakers, showed a remarkable reduction in ASR errors. Future
research can improve upon the proposed algorithm so much so that it can be
parallelized to take advantage of multiprocessor and distributed systems.
| 2,012 |
ASR Context-Sensitive Error Correction Based on Microsoft N-Gram Dataset | 2,012 |
We study distribution free, nonparametric prediction bands with a special
focus on their finite sample behavior. First we investigate and develop
different notions of finite sample coverage guarantees. Then we give a new
prediction band estimator by combining the idea of "conformal prediction" (Vovk
et al. 2009) with nonparametric conditional density estimation. The proposed
estimator, called COPS (Conformal Optimized Prediction Set), always has finite
sample guarantee in a stronger sense than the original conformal prediction
estimator. Under regularity conditions the estimator converges to an oracle
band at a minimax optimal rate. A fast approximation algorithm and a data
driven method for selecting the bandwidth are developed. The method is
illustrated first in simulated data. Then, an application shows that the
proposed method gives desirable prediction intervals in an automatic way, as
compared to the classical linear regression modeling.
| 2,012 |
Distribution Free Prediction Bands | 2,012 |
We consider the two problems of predicting links in a dynamic graph sequence
and predicting functions defined at each node of the graph. In many
applications, the solution of one problem is useful for solving the other.
Indeed, if these functions reflect node features, then they are related through
the graph structure. In this paper, we formulate a hybrid approach that
simultaneously learns the structure of the graph and predicts the values of the
node-related functions. Our approach is based on the optimization of a joint
regularization objective. We empirically test the benefits of the proposed
method with both synthetic and real data. The results indicate that joint
regularization improves prediction performance over the graph evolution and the
node features.
| 2,012 |
A Regularization Approach for Prediction of Edges and Node Features in
Dynamic Graphs | 2,012 |
This paper proposes to use a rather new modelling approach in the realm of
solar radiation forecasting. In this work, two forecasting models:
Autoregressive Moving Average (ARMA) and Neural Network (NN) models are
combined to form a model committee. The Bayesian inference is used to affect a
probability to each model in the committee. Hence, each model's predictions are
weighted by their respective probability. The models are fitted to one year of
hourly Global Horizontal Irradiance (GHI) measurements. Another year (the test
set) is used for making genuine one hour ahead (h+1) out-of-sample forecast
comparisons. The proposed approach is benchmarked against the persistence
model. The very first results show an improvement brought by this approach.
| 2,012 |
A Bayesian Model Committee Approach to Forecasting Global Solar
Radiation | 2,012 |
Bayesian model averaging (BMA) is an approach to average over alternative
models; yet, it usually gets excessively concentrated around the single most
probable model, therefore achieving only sub-optimal classification
performance. The compression-based approach (Boulle, 2007) overcomes this
problem, averaging over the different models by applying a logarithmic
smoothing over the models' posterior probabilities. This approach has shown
excellent performances when applied to ensembles of naive Bayes classifiers.
AODE is another ensemble of models with high performance (Webb, 2005), based on
a collection of non-naive classifiers (called SPODE) whose probabilistic
predictions are aggregated by simple arithmetic mean. Aggregating the SPODEs
via BMA rather than by arithmetic mean deteriorates the performance; instead,
we aggregate the SPODEs via the compression coefficients and we show that the
resulting classifier obtains a slight but consistent improvement over AODE.
However, an important issue in any Bayesian ensemble of models is the
arbitrariness in the choice of the prior over the models. We address this
problem by the paradigm of credal classification, namely by substituting the
unique prior with a set of priors. Credal classifier automatically recognize
the prior-dependent instances, namely the instances whose most probable class
varies, when different priors are considered; in these cases, credal
classifiers remain reliable by returning a set of classes rather than a single
class. We thus develop the credal version of both the BMA-based and the
compression-based ensemble of SPODEs, substituting the single prior over the
models by a set of priors. Experiments show that both credal classifiers
provide higher classification reliability than their determinate counterparts;
moreover the compression-based credal classifier compares favorably to previous
credal classifiers.
| 2,012 |
Credal Classification based on AODE and compression coefficients | 2,012 |
This paper introduces a novel framework for the automated tracking of cells,
with a particular focus on the challenging situation of phase contrast
microscopic videos. Our framework is based on a topology preserving variational
segmentation approach applied to normal velocity components obtained from
optical flow computations, which appears to yield robust tracking and automated
extraction of cell trajectories. In order to obtain improved trackings of local
shape features we discuss an additional correction step based on active
contours and the image Laplacian which we optimize for an example class of
transformed renal epithelial (MDCK-F) cells. We also test the framework for
human melanoma cells and murine neutrophil granulocytes that were seeded on
different types of extracellular matrices. The results are validated with
manual tracking results.
| 2,012 |
A Framework for Automated Cell Tracking in Phase Contrast Microscopic
Videos based on Normal Velocities | 2,012 |
Hidden Markov Models (HMMs) can be accurately approximated using
co-occurrence frequencies of pairs and triples of observations by using a fast
spectral method in contrast to the usual slow methods like EM or Gibbs
sampling. We provide a new spectral method which significantly reduces the
number of model parameters that need to be estimated, and generates a sample
complexity that does not depend on the size of the observation vocabulary. We
present an elementary proof giving bounds on the relative accuracy of
probability estimates from our model. (Correlaries show our bounds can be
weakened to provide either L1 bounds or KL bounds which provide easier direct
comparisons to previous work.) Our theorem uses conditions that are checkable
from the data, instead of putting conditions on the unobservable Markov
transition matrix.
| 2,012 |
Spectral dimensionality reduction for HMMs | 2,012 |
Tree transducers are formal automata that transform trees into other trees.
Many varieties of tree transducers have been explored in the automata theory
literature, and more recently, in the machine translation literature. In this
paper I review T and xT transducers, situate them among related formalisms, and
show how they can be used to implement rules for machine translation systems
that cover all of the cross-language structural divergences described in Bonnie
Dorr's influential article on the topic. I also present an implementation of xT
transduction, suitable and convenient for experimenting with translation rules.
| 2,012 |
Tree Transducers, Machine Translation, and Cross-Language Divergences | 2,012 |
In depth from defocus (DFD), when images are captured with different camera
parameters, a relative magnification is induced between them. Image warping is
a simpler solution to account for magnification than seemingly more accurate
optical approaches. This work is an investigation into the effects of
magnification on the accuracy of DFD. We comment on issues regarding scaling
effect on relative blur computation. We statistically analyze accountability of
scale factor, commenting on the bias and efficiency of the estimator that does
not consider scale. We also discuss the effect of interpolation errors on blur
estimation in a warping based solution to handle magnification and carry out
experimental analysis to comment on the blur estimation accuracy.
| 2,012 |
Analysis of Magnification in Depth from Defocus | 2,012 |
The automatic recognition of facial expressions has been an active research
topic since the early nineties. There have been several advances in the past
few years in terms of face detection and tracking, feature extraction
mechanisms and the techniques used for expression classification. This paper
surveys some of the published work since 2001 till date. The paper presents a
time-line view of the advances made in this field, the applications of
automatic face expression recognizers, the characteristics of an ideal system,
the databases that have been used and the advances made in terms of their
standardization and a detailed summary of the state of the art. The paper also
discusses facial parameterization using FACS Action Units (AUs) and MPEG-4
Facial Animation Parameters (FAPs) and the recent advances in face detection,
tracking and feature extraction methods. Notes have also been presented on
emotions, expressions and facial features, discussion on the six prototypic
expressions and the recent studies on expression classifiers. The paper ends
with a note on the challenges and the future work. This paper has been written
in a tutorial style with the intention of helping students and researchers who
are new to this field.
| 2,012 |
Face Expression Recognition and Analysis: The State of the Art | 2,012 |
The problem of optimizing unknown costly-to-evaluate functions has been
studied for a long time in the context of Bayesian Optimization. Algorithms in
this field aim to find the optimizer of the function by asking only a few
function evaluations at locations carefully selected based on a posterior
model. In this paper, we assume the unknown function is Lipschitz continuous.
Leveraging the Lipschitz property, we propose an algorithm with a distinct
exploration phase followed by an exploitation phase. The exploration phase aims
to select samples that shrink the search space as much as possible. The
exploitation phase then focuses on the reduced search space and selects samples
closest to the optimizer. Considering the Expected Improvement (EI) as a
baseline, we empirically show that the proposed algorithm significantly
outperforms EI.
| 2,013 |
A Lipschitz Exploration-Exploitation Scheme for Bayesian Optimization | 2,013 |
WordNet proved that it is possible to construct a large-scale electronic
lexical database on the principles of lexical semantics. It has been accepted
and used extensively by computational linguists ever since it was released.
Inspired by WordNet's success, we propose as an alternative a similar resource,
based on the 1987 Penguin edition of Roget's Thesaurus of English Words and
Phrases.
Peter Mark Roget published his first Thesaurus over 150 years ago. Countless
writers, orators and students of the English language have used it.
Computational linguists have employed Roget's for almost 50 years in Natural
Language Processing, however hesitated in accepting Roget's Thesaurus because a
proper machine tractable version was not available.
This dissertation presents an implementation of a machine-tractable version
of the 1987 Penguin edition of Roget's Thesaurus - the first implementation of
its kind to use an entire current edition. It explains the steps necessary for
taking a machine-readable file and transforming it into a tractable system.
This involves converting the lexical material into a format that can be more
easily exploited, identifying data structures and designing classes to
computerize the Thesaurus. Roget's organization is studied in detail and
contrasted with WordNet's.
We show two applications of the computerized Thesaurus: computing semantic
similarity between words and phrases, and building lexical chains in a text.
The experiments are performed using well-known benchmarks and the results are
compared to those of other systems that use Roget's, WordNet and statistical
techniques. Roget's has turned out to be an excellent resource for measuring
semantic similarity; lexical chains are easily built but more difficult to
evaluate. We also explain ways in which Roget's Thesaurus and WordNet can be
combined.
| 2,012 |
Roget's Thesaurus as a Lexical Resource for Natural Language Processing | 2,012 |
Spell-checking is the process of detecting and sometimes providing
suggestions for incorrectly spelled words in a text. Basically, the larger the
dictionary of a spell-checker is, the higher is the error detection rate;
otherwise, misspellings would pass undetected. Unfortunately, traditional
dictionaries suffer from out-of-vocabulary and data sparseness problems as they
do not encompass large vocabulary of words indispensable to cover proper names,
domain-specific terms, technical jargons, special acronyms, and terminologies.
As a result, spell-checkers will incur low error detection and correction rate
and will fail to flag all errors in the text. This paper proposes a new
parallel shared-memory spell-checking algorithm that uses rich real-world word
statistics from Yahoo! N-Grams Dataset to correct non-word and real-word errors
in computer text. Essentially, the proposed algorithm can be divided into three
sub-algorithms that run in a parallel fashion: The error detection algorithm
that detects misspellings, the candidates generation algorithm that generates
correction suggestions, and the error correction algorithm that performs
contextual error correction. Experiments conducted on a set of text articles
containing misspellings, showed a remarkable spelling error correction rate
that resulted in a radical reduction of both non-word and real-word errors in
electronic text. In a further study, the proposed algorithm is to be optimized
for message-passing systems so as to become more flexible and less costly to
scale over distributed machines.
| 2,012 |
Parallel Spell-Checking Algorithm Based on Yahoo! N-Grams Dataset | 2,012 |
With the advent of digital optical scanners, a lot of paper-based books,
textbooks, magazines, articles, and documents are being transformed into an
electronic version that can be manipulated by a computer. For this purpose,
OCR, short for Optical Character Recognition was developed to translate scanned
graphical text into editable computer text. Unfortunately, OCR is still
imperfect as it occasionally mis-recognizes letters and falsely identifies
scanned text, leading to misspellings and linguistics errors in the OCR output
text. This paper proposes a post-processing context-based error correction
algorithm for detecting and correcting OCR non-word and real-word errors. The
proposed algorithm is based on Google's online spelling suggestion which
harnesses an internal database containing a huge collection of terms and word
sequences gathered from all over the web, convenient to suggest possible
replacements for words that have been misspelled during the OCR process.
Experiments carried out revealed a significant improvement in OCR error
correction rate. Future research can improve upon the proposed algorithm so
much so that it can be parallelized and executed over multiprocessing
platforms.
| 2,012 |
OCR Post-Processing Error Correction Algorithm using Google Online
Spelling Suggestion | 2,012 |
We have implemented a system that measures semantic similarity using a
computerized 1987 Roget's Thesaurus, and evaluated it by performing a few
typical tests. We compare the results of these tests with those produced by
WordNet-based similarity measures. One of the benchmarks is Miller and Charles'
list of 30 noun pairs to which human judges had assigned similarity measures.
We correlate these measures with those computed by several NLP systems. The 30
pairs can be traced back to Rubenstein and Goodenough's 65 pairs, which we have
also studied. Our Roget's-based system gets correlations of .878 for the
smaller and .818 for the larger list of noun pairs; this is quite close to the
.885 that Resnik obtained when he employed humans to replicate the Miller and
Charles experiment. We further evaluate our measure by using Roget's and
WordNet to answer 80 TOEFL, 50 ESL and 300 Reader's Digest questions: the
correct synonym must be selected amongst a group of four words. Our system gets
78.75%, 82.00% and 74.33% of the questions respectively.
| 2,012 |
Roget's Thesaurus and Semantic Similarity | 2,012 |
Morris and Hirst present a method of linking significant words that are about
the same topic. The resulting lexical chains are a means of identifying
cohesive regions in a text, with applications in many natural language
processing tasks, including text summarization. The first lexical chains were
constructed manually using Roget's International Thesaurus. Morris and Hirst
wrote that automation would be straightforward given an electronic thesaurus.
All applications so far have used WordNet to produce lexical chains, perhaps
because adequate electronic versions of Roget's were not available until
recently. We discuss the building of lexical chains using an electronic version
of Roget's Thesaurus. We implement a variant of the original algorithm, and
explain the necessary design decisions. We include a comparison with other
implementations.
| 2,012 |
Not As Easy As It Seems: Automating the Construction of Lexical Chains
Using Roget's Thesaurus | 2,012 |
This paper presents the steps involved in creating an electronic lexical
knowledge base from the 1987 Penguin edition of Roget's Thesaurus. Semantic
relations are labelled with the help of WordNet. The two resources are compared
in a qualitative and quantitative manner. Differences in the organization of
the lexical material are discussed, as well as the possibility of merging both
resources.
| 2,012 |
Roget's Thesaurus: a Lexical Resource to Treasure | 2,012 |
We present a novel approach for training kernel Support Vector Machines,
establish learning runtime guarantees for our method that are better then those
of any other known kernelized SVM optimization approach, and show that our
method works well in practice compared to existing alternatives.
| 2,012 |
The Kernelized Stochastic Batch Perceptron | 2,012 |
This paper focuses on fruit defect detection and glare removal using
morphological operations, Glare removal can be considered as an important
preprocessing step as uneven lighting may introduce it in images, which hamper
the results produced through segmentation by Gabor filters .The problem of
glare in images is very pronounced sometimes due to the unusual reflectance
from the camera sensor or stray light entering, this method counteracts this
problem and makes the defect detection much more pronounced. Anisotropic
diffusion is used for further smoothening of the images and removing the high
energy regions in an image for better defect detection and makes the defects
more retrievable. Our algorithm is robust and scalable the employability of a
particular mask for glare removal has been checked and proved useful for
counteracting.this problem, anisotropic diffusion further enhances the defects
with its use further Optimal Gabor filter at various orientations is used for
defect detection.
| 2,012 |
Efficient Fruit Defect Detection and Glare removal Algorithm by
anisotropic diffusion and 2D Gabor filter | 2,012 |
Robustness of embedded biometric systems is of prime importance with the
emergence of fourth generation communication devices and advancement in
security systems This paper presents the realization of such technologies which
demands reliable and error-free biometric identity verification systems. High
dimensional patterns are not permitted due to eigen-decomposition in high
dimensional image space and degeneration of scattering matrices in small size
sample. Generalization, dimensionality reduction and maximizing the margins are
controlled by minimizing weight vectors. Results show good pattern by
multimodal biometric system proposed in this paper. This paper is aimed at
investigating a biometric identity system using Principal Component Analysis
and Lindear Discriminant Analysis with K-Nearest Neighbor and implementing such
system in real-time using SignalWAVE.
| 2,012 |
Principal Component Analysis-Linear Discriminant Analysis Feature
Extractor for Pattern Recognition | 2,012 |
Developing a Bangla OCR requires bunch of algorithm and methods. There were
many effort went on for developing a Bangla OCR. But all of them failed to
provide an error free Bangla OCR. Each of them has some lacking. We discussed
about the problem scope of currently existing Bangla OCR's. In this paper, we
present the basic steps required for developing a Bangla OCR and a complete
workflow for development of a Bangla OCR with mentioning all the possible
algorithms required.
| 2,012 |
A Complete Workflow for Development of Bangla OCR | 2,012 |
We obtain a tight distribution-specific characterization of the sample
complexity of large-margin classification with L2 regularization: We introduce
the margin-adapted dimension, which is a simple function of the second order
statistics of the data distribution, and show distribution-specific upper and
lower bounds on the sample complexity, both governed by the margin-adapted
dimension of the data distribution. The upper bounds are universal, and the
lower bounds hold for the rich family of sub-Gaussian distributions with
independent features. We conclude that this new quantity tightly characterizes
the true sample complexity of large-margin classification. To prove the lower
bound, we develop several new tools of independent interest. These include new
connections between shattering and hardness of learning, new properties of
shattering with linear classifiers, and a new lower bound on the smallest
eigenvalue of a random Gram matrix generated by sub-Gaussian variables. Our
results can be used to quantitatively compare large margin learning to other
learning rules, and to improve the effectiveness of methods that use sample
complexity bounds, such as active learning.
| 2,013 |
Distribution-Dependent Sample Complexity of Large Margin Learning | 2,013 |
In this paper we present a novel slanted-plane MRF model which reasons
jointly about occlusion boundaries as well as depth. We formulate the problem
as the one of inference in a hybrid MRF composed of both continuous (i.e.,
slanted 3D planes) and discrete (i.e., occlusion boundaries) random variables.
This allows us to define potentials encoding the ownership of the pixels that
compose the boundary between segments, as well as potentials encoding which
junctions are physically possible. Our approach outperforms the
state-of-the-art on Middlebury high resolution imagery as well as in the more
challenging KITTI dataset, while being more efficient than existing slanted
plane MRF-based methods, taking on average 2 minutes to perform inference on
high resolution imagery.
| 2,012 |
Continuous Markov Random Fields for Robust Stereo Estimation | 2,012 |
Joint sparsity offers powerful structural cues for feature selection,
especially for variables that are expected to demonstrate a "grouped" behavior.
Such behavior is commonly modeled via group-lasso, multitask lasso, and related
methods where feature selection is effected via mixed-norms. Several mixed-norm
based sparse models have received substantial attention, and for some cases
efficient algorithms are also available. Surprisingly, several constrained
sparse models seem to be lacking scalable algorithms. We address this
deficiency by presenting batch and online (stochastic-gradient) optimization
methods, both of which rely on efficient projections onto mixed-norm balls. We
illustrate our methods by applying them to the multitask lasso. We conclude by
mentioning some open problems.
| 2,012 |
Fast projections onto mixed-norm balls with applications | 2,012 |
An explanation for the acquisition of word-object mappings is the associative
learning in a cross-situational scenario. Here we present analytical results of
the performance of a simple associative learning algorithm for acquiring a
one-to-one mapping between $N$ objects and $N$ words based solely on the
co-occurrence between objects and words. In particular, a learning trial in our
learning scenario consists of the presentation of $C + 1 < N$ objects together
with a target word, which refers to one of the objects in the context. We find
that the learning times are distributed exponentially and the learning rates
are given by $\ln{[\frac{N(N-1)}{C + (N-1)^{2}}]}$ in the case the $N$ target
words are sampled randomly and by $\frac{1}{N} \ln [\frac{N-1}{C}] $ in the
case they follow a deterministic presentation sequence. This learning
performance is much superior to those exhibited by humans and more realistic
learning algorithms in cross-situational experiments. We show that introduction
of discrimination limitations using Weber's law and forgetting reduce the
performance of the associative algorithm to the human level.
| 2,012 |
Minimal model of associative learning for cross-situational lexicon
acquisition | 2,012 |
Gender is an important demographic attribute of people. This paper provides a
survey of human gender recognition in computer vision. A review of approaches
exploiting information from face and whole body (either from a still image or
gait sequence) is presented. We highlight the challenges faced and survey the
representative methods of these approaches. Based on the results, good
performance have been achieved for datasets captured under controlled
environments, but there is still much work that can be done to improve the
robustness of gender recognition under real-life environments.
| 2,012 |
Vision-based Human Gender Recognition: A Survey | 2,012 |
We introduce in this paper a new algorithm for Multi-Armed Bandit (MAB)
problems. A machine learning paradigm popular within Cognitive Network related
topics (e.g., Spectrum Sensing and Allocation). We focus on the case where the
rewards are exponentially distributed, which is common when dealing with
Rayleigh fading channels. This strategy, named Multiplicative Upper Confidence
Bound (MUCB), associates a utility index to every available arm, and then
selects the arm with the highest index. For every arm, the associated index is
equal to the product of a multiplicative factor by the sample mean of the
rewards collected by this arm. We show that the MUCB policy has a low
complexity and is order optimal.
| 2,012 |
UCB Algorithm for Exponential Distributions | 2,012 |
This paper introduces a Bayesian image segmentation algorithm based on finite
mixtures. An EM algorithm is developed to estimate parameters of the Gaussian
mixtures. The finite mixture is a flexible and powerful probabilistic modeling
tool. It can be used to provide a model-based clustering in the field of
pattern recognition. However, the application of finite mixtures to image
segmentation presents some difficulties; especially it's sensible to noise. In
this paper we propose a variant of this method which aims to resolve this
problem. Our approach proceeds by the characterization of pixels by two
features: the first one describes the intrinsic properties of the pixel and the
second characterizes the neighborhood of pixel. Then the classification is made
on the base on adaptive distance which privileges the one or the other features
according to the spatial position of the pixel in the image. The obtained
results have shown a significant improvement of our approach compared to the
standard version of EM algorithm.
| 2,012 |
Image segmentation by adaptive distance based on EM algorithm | 2,012 |
The aim of this work is to develop a method for automatic segmentation of the
liver based on a priori knowledge of the image, such as location and shape of
the liver.
| 2,012 |
Automatic liver segmentation method in CT images | 2,012 |
In this paper, we propose an automatic analysis system for the Arabic
handwriting postal addresses recognition, by using the beta elliptical model.
Our system is divided into different steps: analysis, pre-processing and
classification. The first operation is the filtering of image. In the second,
we remove the border print, stamps and graphics. After locating the address on
the envelope, the address segmentation allows the extraction of postal code and
city name separately. The pre-processing system and the modeling approach are
based on two basic steps. The first step is the extraction of the temporal
order in the image of the handwritten trajectory. The second step is based on
the use of Beta-Elliptical model for the representation of handwritten script.
The recognition system is based on Graph-matching algorithm. Our modeling and
recognition approaches were validated by using the postal code and city names
extracted from the Tunisian postal envelopes data. The recognition rate
obtained is about 98%.
| 2,012 |
A New Approach for Arabic Handwritten Postal Addresses Recognition | 2,012 |
Semisupervised methods are techniques for using labeled data
$(X_1,Y_1),\ldots,(X_n,Y_n)$ together with unlabeled data $X_{n+1},\ldots,X_N$
to make predictions. These methods invoke some assumptions that link the
marginal distribution $P_X$ of X to the regression function f(x). For example,
it is common to assume that f is very smooth over high density regions of
$P_X$. Many of the methods are ad-hoc and have been shown to work in specific
examples but are lacking a theoretical foundation. We provide a minimax
framework for analyzing semisupervised methods. In particular, we study methods
based on metrics that are sensitive to the distribution $P_X$. Our model
includes a parameter $\alpha$ that controls the strength of the semisupervised
assumption. We then use the data to adapt to $\alpha$.
| 2,013 |
Density-sensitive semisupervised inference | 2,013 |
We consider the predictive problem of supervised ranking, where the task is
to rank sets of candidate items returned in response to queries. Although there
exist statistical procedures that come with guarantees of consistency in this
setting, these procedures require that individuals provide a complete ranking
of all items, which is rarely feasible in practice. Instead, individuals
routinely provide partial preference information, such as pairwise comparisons
of items, and more practical approaches to ranking have aimed at modeling this
partial preference data directly. As we show, however, such an approach raises
serious theoretical challenges. Indeed, we demonstrate that many commonly used
surrogate losses for pairwise comparison data do not yield consistency;
surprisingly, we show inconsistency even in low-noise settings. With these
negative results as motivation, we present a new approach to supervised ranking
based on aggregation of partial preferences, and we develop $U$-statistic-based
empirical risk minimization procedures. We present an asymptotic analysis of
these new procedures, showing that they yield consistency results that parallel
those available for classification. We complement our theoretical results with
an experiment studying the new procedures in a large-scale web-ranking task.
| 2,013 |
The asymptotics of ranking algorithms | 2,013 |
In this paper, we have proposed an extended version of Absolute Moment Block
Truncation Coding (AMBTC) to compress images. Generally the elements of a
bitplane used in the variants of Block Truncation Coding (BTC) are of size 1
bit. But it has been extended to two bits in the proposed method. Number of
statistical moments preserved to reconstruct the compressed has also been
raised from 2 to 4. Hence, the quality of the reconstructed images has been
improved significantly from 33.62 to 38.12 with the increase in bpp by 1. The
increased bpp (3) is further reduced to 1.75in multiple levels: in one level,
by dropping 4 elements of the bitplane in such a away that the pixel values of
the dropped elements can easily be interpolated with out much of loss in the
quality, in level two, eight elements are dropped and reconstructed later and
in level three, the size of the statistical moments is reduced. The experiments
were carried over standard images of varying intensities. In all the cases, the
proposed method outperforms the existing AMBTC technique in terms of both PSNR
and bpp.
| 2,012 |
Multi-Level Coding Efficiency with Improved Quality for Image
Compression based on AMBTC | 2,012 |
This paper proposes a neural network approach based on Error Back Propagation
(EBP) for classification of different eye images. To reduce the complexity of
layered neural network the dimensions of input vectors are optimized using
Singular Value Decomposition (SVD). The main of this work is to provide for
best method for feature extraction and classification. The details of this
combined system named as SVD-EBP system, and results thereof are presented in
this paper.
Keywords- Singular value decomposition(SVD), Error back Propagation(EBP).
| 2,012 |
SVD-EBP Algorithm for Iris Pattern Recognition | 2,012 |
Hierarchical statistical models are widely employed in information science
and data engineering. The models consist of two types of variables: observable
variables that represent the given data and latent variables for the
unobservable labels. An asymptotic analysis of the models plays an important
role in evaluating the learning process; the result of the analysis is applied
not only to theoretical but also to practical situations, such as optimal model
selection and active learning. There are many studies of generalization errors,
which measure the prediction accuracy of the observable variables. However, the
accuracy of estimating the latent variables has not yet been elucidated. For a
quantitative evaluation of this, the present paper formulates
distribution-based functions for the errors in the estimation of the latent
variables. The asymptotic behavior is analyzed for both the maximum likelihood
and the Bayes methods.
| 2,014 |
Asymptotic Accuracy of Distribution-Based Estimation for Latent
Variables | 2,014 |
In this paper, an approach to the problem of automatic facial feature
extraction from a still frontal posed image and classification and recognition
of facial expression and hence emotion and mood of a person is presented. Feed
forward back propagation neural network is used as a classifier for classifying
the expressions of supplied face into seven basic categories like surprise,
neutral, sad, disgust, fear, happy and angry. For face portion segmentation and
localization, morphological image processing operations are used. Permanent
facial features like eyebrows, eyes, mouth and nose are extracted using SUSAN
edge detection operator, facial geometry, edge projection analysis. Experiments
are carried out on JAFFE facial expression database and gives better
performance in terms of 100% accuracy for training set and 95.26% accuracy for
test set.
| 2,012 |
Automatic facial feature extraction and expression recognition based on
neural network | 2,012 |
Electronic toll collection (ETC) system has been a common trend used for toll
collection on toll road nowadays. The implementation of electronic toll
collection allows vehicles to travel at low or full speed during the toll
payment, which help to avoid the traffic delay at toll road. One of the major
components of an electronic toll collection is the automatic vehicle detection
and classification (AVDC) system which is important to classify the vehicle so
that the toll is charged according to the vehicle classes. Vision-based vehicle
classification system is one type of vehicle classification system which adopt
camera as the input sensing device for the system. This type of system has
advantage over the rest for it is cost efficient as low cost camera is used.
The implementation of vision-based vehicle classification system requires lower
initial investment cost and very suitable for the toll collection trend
migration in Malaysia from single ETC system to full-scale multi-lane free flow
(MLFF). This project includes the development of an image-based vehicle
classification system as an effort to seek for a robust vision-based vehicle
classification system. The techniques used in the system include
scale-invariant feature transform (SIFT) technique, Canny's edge detector,
K-means clustering as well as Euclidean distance matching. In this project, a
unique way to image description as matching medium is proposed. This
distinctiveness of method is analogous to the human DNA concept which is highly
unique. The system is evaluated on open datasets and return promising results.
| 2,012 |
Image-based Vehicle Classification System | 2,012 |
The watershed is a powerful tool for segmenting objects whose contours appear
as crest lines on a gradient image. The watershed transform associates to a
topographic surface a partition into catchment basins, defined as attraction
zones of a drop of water falling on the relief and following a line of steepest
descent. Unfortunately, catchment basins may overlap and do not form a
partition. Moreover, current watershed algorithms, being shortsighted, do not
correctly estimate the steepness of the downwards trajectories and overestimate
the overlapping zones of catchment basins. An arbitrary division of these zones
between adjacent catchment basin results in a poor localization of the
contours. We propose an algorithm without myopia, which considers the total
length of a trajectory for estimating its steepness. We first consider
topographic surfaces defined on node weighted graphs. The graphs are pruned in
order to eliminate all downwards trajectories which are not the steepest. An
iterative algorithm with simple neighborhood operations performs the pruning
and constructs the catchment basins. The algorithm is then adapted to gray tone
images. The graph structure itself is encoded as an image thanks to the fixed
neighborhood structure of grids. A pair of adaptative erosions and dilations
prune the graph and extend the catchment basins. As a result one obtains a
precise detection of the catchment basins and a graph of the steepest
trajectories. A last iterative algorithm allows to follow selected downwards
trajectories in order to detect particular structures such as rivers or thalweg
lines of the topographic surface.
| 2,012 |
The steepest watershed: from graphs to images | 2,012 |
This paper present our new intensity chromaticity space-based feature
detection and matching algorithm. This approach utilizes hybridization of
wireless local area network and camera internal sensor which to receive signal
strength from a access point and the same time retrieve interest point
information from hallways. This information is combined by model fitting
approach in order to find the absolute of user target position. No conventional
searching algorithm is required, thus it is expected reducing the computational
complexity. Finally we present pre-experimental results to illustrate the
performance of the localization system for an indoor environment set-up.
| 2,012 |
Ubiquitous WLAN/Camera Positioning using Inverse Intensity Chromaticity
Space-based Feature Detection and Matching: A Preliminary Result | 2,012 |
Many User interactive systems are proposed all methods are trying to
implement as a user friendly and various approaches proposed but most of the
systems not reached to the use specifications like user friendly systems with
user interest, all proposed method implemented basic techniques some are
improved methods also propose but not reaching to the user specifications. In
this proposed paper we concentrated on image retrieval system with in early
days many user interactive systems performed with basic concepts but such
systems are not reaching to the user specifications and not attracted to the
user so a lot of research interest in recent years with new specifications,
recent approaches have user is interested in friendly interacted methods are
expecting, many are concentrated for improvement in all methods. In this
proposed system we focus on the retrieval of images within a large image
collection based on color projections and different mathematical approaches are
introduced and applied for retrieval of images. before Appling proposed methods
images are sub grouping using threshold values, in this paper R G B color
combinations considered for retrieval of images, in proposed methods are
implemented and results are included, through results it is observed that we
obtaining efficient results comparatively previous and existing.
| 2,012 |
Feature Extraction Methods for Color Image Similarity | 2,012 |
By coding a query sample as a sparse linear combination of all training
samples and then classifying it by evaluating which class leads to the minimal
coding residual, sparse representation based classification (SRC) leads to
interesting results for robust face recognition. It is widely believed that the
l1- norm sparsity constraint on coding coefficients plays a key role in the
success of SRC, while its use of all training samples to collaboratively
represent the query sample is rather ignored. In this paper we discuss how SRC
works, and show that the collaborative representation mechanism used in SRC is
much more crucial to its success of face classification. The SRC is a special
case of collaborative representation based classification (CRC), which has
various instantiations by applying different norms to the coding residual and
coding coefficient. More specifically, the l1 or l2 norm characterization of
coding residual is related to the robustness of CRC to outlier facial pixels,
while the l1 or l2 norm characterization of coding coefficient is related to
the degree of discrimination of facial features. Extensive experiments were
conducted to verify the face recognition accuracy and efficiency of CRC with
different instantiations.
| 2,014 |
Collaborative Representation based Classification for Face Recognition | 2,014 |
A simple linear algebraic explanation of the algorithm in "A Spectral
Algorithm for Learning Hidden Markov Models" (COLT 2009). Most of the content
is in Figure 2; the text just makes everything precise in four nearly-trivial
claims.
| 2,012 |
A Simple Explanation of A Spectral Algorithm for Learning Hidden Markov
Models | 2,012 |
Probabilistic generative modeling of data distributions can potentially
exploit hidden information which is useful for discriminative classification.
This observation has motivated the development of approaches that couple
generative and discriminative models for classification. In this paper, we
propose a new approach to couple generative and discriminative models in an
unified framework based on PAC-Bayes risk theory. We first derive the
model-parameter-independent stochastic feature mapping from a practical MAP
classifier operating on generative models. Then we construct a linear
stochastic classifier equipped with the feature mapping, and derive the
explicit PAC-Bayes risk bounds for such classifier for both supervised and
semi-supervised learning. Minimizing the risk bound, using an EM-like iterative
procedure, results in a new posterior over hidden variables (E-step) and the
update rules of model parameters (M-step). The derivation of the posterior is
always feasible due to the way of equipping feature mapping and the explicit
form of bounding risk. The derived posterior allows the tuning of generative
models and subsequently the feature mappings for better classification. The
derived update rules of the model parameters are same to those of the uncoupled
models as the feature mapping is model-parameter-independent. Our experiments
show that the coupling between data modeling generative model and the
discriminative classifier via a stochastic feature mapping in this framework
leads to a general classification tool with state-of-the-art performance.
| 2,012 |
Stochastic Feature Mapping for PAC-Bayes Classification | 2,012 |
In this paper we present statistical analysis of English texts from
Wikipedia. We try to address the issue of language complexity empirically by
comparing the simple English Wikipedia (Simple) to comparable samples of the
main English Wikipedia (Main). Simple is supposed to use a more simplified
language with a limited vocabulary, and editors are explicitly requested to
follow this guideline, yet in practice the vocabulary richness of both samples
are at the same level. Detailed analysis of longer units (n-grams of words and
part of speech tags) shows that the language of Simple is less complex than
that of Main primarily due to the use of shorter sentences, as opposed to
drastically simplified syntax or vocabulary. Comparing the two language
varieties by the Gunning readability index supports this conclusion. We also
report on the topical dependence of language complexity, e.g. that the language
is more advanced in conceptual articles compared to person-based (biographical)
and object-based articles. Finally, we investigate the relation between
conflict and language complexity by analyzing the content of the talk pages
associated to controversial and peacefully developing articles, concluding that
controversy has the effect of reducing language complexity.
| 2,012 |
A practical approach to language complexity: a Wikipedia case study | 2,012 |
We propose a new segmentation evaluation metric, called segmentation
similarity (S), that quantifies the similarity between two segmentations as the
proportion of boundaries that are not transformed when comparing them using
edit distance, essentially using edit distance as a penalty function and
scaling penalties by segmentation size. We propose several adapted
inter-annotator agreement coefficients which use S that are suitable for
segmentation. We show that S is configurable enough to suit a wide variety of
segmentation evaluations, and is an improvement upon the state of the art. We
also propose using inter-annotator agreement coefficients to evaluate automatic
segmenters in terms of human performance.
| 2,012 |
Segmentation Similarity and Agreement | 2,012 |
Most sparse linear representation-based trackers need to solve a
computationally expensive L1-regularized optimization problem. To address this
problem, we propose a visual tracker based on non-sparse linear
representations, which admit an efficient closed-form solution without
sacrificing accuracy. Moreover, in order to capture the correlation information
between different feature dimensions, we learn a Mahalanobis distance metric in
an online fashion and incorporate the learned metric into the optimization
problem for obtaining the linear representation. We show that online metric
learning using proximity comparison significantly improves the robustness of
the tracking, especially on those sequences exhibiting drastic appearance
changes. Furthermore, in order to prevent the unbounded growth in the number of
training samples for the metric learning, we design a time-weighted reservoir
sampling method to maintain and update limited-sized foreground and background
sample buffers for balancing sample diversity and adaptability. Experimental
results on challenging videos demonstrate the effectiveness and robustness of
the proposed tracker.
| 2,012 |
Non-sparse Linear Representations for Visual Tracking with Online
Reservoir Metric Learning | 2,012 |
This article describes a fast iterative algorithm for image denoising and
deconvolution with signal-dependent observation noise. We use an optimization
strategy based on variable splitting that adapts traditional Gaussian
noise-based restoration algorithms to account for the observed image being
corrupted by mixed Poisson-Gaussian noise and quantization errors.
| 2,012 |
Image Restoration with Signal-dependent Camera Noise | 2,012 |
Parallels of Zipf's law of brevity, the tendency of more frequent words to be
shorter, have been found in bottlenose dolphins and Formosan macaques. Although
these findings suggest that behavioral repertoires are shaped by a general
principle of compression, common marmosets and golden-backed uakaris do not
exhibit the law. However, we argue that the law may be impossible or difficult
to detect statistically in a given species if the repertoire is too small, a
problem that could be affecting golden backed uakaris, and show that the law is
present in a subset of the repertoire of common marmosets. We suggest that the
visibility of the law will depend on the subset of the repertoire under
consideration or the repertoire size.
| 2,012 |
The failure of the law of brevity in two New World primates. Statistical
caveats | 2,012 |
A standard assumption in machine learning is the exchangeability of data,
which is equivalent to assuming that the examples are generated from the same
probability distribution independently. This paper is devoted to testing the
assumption of exchangeability on-line: the examples arrive one by one, and
after receiving each example we would like to have a valid measure of the
degree to which the assumption of exchangeability has been falsified. Such
measures are provided by exchangeability martingales. We extend known
techniques for constructing exchangeability martingales and show that our new
method is competitive with the martingales introduced before. Finally we
investigate the performance of our testing method on two benchmark datasets,
USPS and Statlog Satellite data; for the former, the known techniques give
satisfactory results, but for the latter our new more flexible method becomes
necessary.
| 2,012 |
Plug-in martingales for testing exchangeability on-line | 2,012 |
In distributed learning, the goal is to perform a learning task over data
distributed across multiple nodes with minimal (expensive) communication. Prior
work (Daume III et al., 2012) proposes a general model that bounds the
communication required for learning classifiers while allowing for $\eps$
training error on linearly separable data adversarially distributed across
nodes.
In this work, we develop key improvements and extensions to this basic model.
Our first result is a two-party multiplicative-weight-update based protocol
that uses $O(d^2 \log{1/\eps})$ words of communication to classify distributed
data in arbitrary dimension $d$, $\eps$-optimally. This readily extends to
classification over $k$ nodes with $O(kd^2 \log{1/\eps})$ words of
communication. Our proposed protocol is simple to implement and is considerably
more efficient than baselines compared, as demonstrated by our empirical
results.
In addition, we illustrate general algorithm design paradigms for doing
efficient learning over distributed data. We show how to solve
fixed-dimensional and high dimensional linear programming efficiently in a
distributed setting where constraints may be distributed across nodes. Since
many learning problems can be viewed as convex optimization problems where
constraints are generated by individual points, this models many typical
distributed learning scenarios. Our techniques make use of a novel connection
from multipass streaming, as well as adapting the multiplicative-weight-update
framework more generally to a distributed setting. As a consequence, our
methods extend to the wide range of problems solvable using these techniques.
| 2,012 |
Efficient Protocols for Distributed Classification and Optimization | 2,012 |