Unnamed: 0.1
int64 0
113k
| Unnamed: 0
float64 0
113k
⌀ | title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|---|---|
112,200 | 112,200 | On the Surprising Behaviour of node2vec | Graph embedding techniques are a staple of modern graph learning research.
When using embeddings for downstream tasks such as classification, information
about their stability and robustness, i.e., their susceptibility to sources of
noise, stochastic effects, or specific parameter choices, becomes increasingly
important. As one of the most prominent graph embedding schemes, we focus on
node2vec and analyse its embedding quality from multiple perspectives. Our
findings indicate that embedding quality is unstable with respect to parameter
choices, and we propose strategies to remedy this in practice.
|
112,201 | 112,201 | Gradient-Based Adversarial and Out-of-Distribution Detection | We propose to utilize gradients for detecting adversarial and
out-of-distribution samples. We introduce confounding labels -- labels that
differ from normal labels seen during training -- in gradient generation to
probe the effective expressivity of neural networks. Gradients depict the
amount of change required for a model to properly represent given inputs,
providing insight into the representational power of the model established by
network architectural properties as well as training data. By introducing a
label of different design, we remove the dependency on ground truth labels for
gradient generation during inference. We show that our gradient-based approach
allows for capturing the anomaly in inputs based on the effective expressivity
of the models with no hyperparameter tuning or additional processing, and
outperforms state-of-the-art methods for adversarial and out-of-distribution
detection.
|
112,202 | 112,202 | Gradient Descent for Low-Rank Functions | Several recent empirical studies demonstrate that important machine learning
tasks, e.g., training deep neural networks, exhibit low-rank structure, where
the loss function varies significantly in only a few directions of the input
space. In this paper, we leverage such low-rank structure to reduce the high
computational cost of canonical gradient-based methods such as gradient descent
(GD). Our proposed \emph{Low-Rank Gradient Descent} (LRGD) algorithm finds an
$\epsilon$-approximate stationary point of a $p$-dimensional function by first
identifying $r \leq p$ significant directions, and then estimating the true
$p$-dimensional gradient at every iteration by computing directional
derivatives only along those $r$ directions. We establish that the "directional
oracle complexities" of LRGD for strongly convex and non-convex objective
functions are $\mathcal{O}(r \log(1/\epsilon) + rp)$ and
$\mathcal{O}(r/\epsilon^2 + rp)$, respectively. When $r \ll p$, these
complexities are smaller than the known complexities of $\mathcal{O}(p
\log(1/\epsilon))$ and $\mathcal{O}(p/\epsilon^2)$ of {\gd} in the strongly
convex and non-convex settings, respectively. Thus, LRGD significantly reduces
the computational cost of gradient-based methods for sufficiently low-rank
functions. In the course of our analysis, we also formally define and
characterize the classes of exact and approximately low-rank functions.
|
112,203 | 112,203 | ProGNNosis: A Data-driven Model to Predict GNN Computation Time Using
Graph Metrics | Graph Neural Networks (GNN) show great promise in problems dealing with
graph-structured data. One of the unique points of GNNs is their flexibility to
adapt to multiple problems, which not only leads to wide applicability, but
also poses important challenges when finding the best model or acceleration
technique for a particular problem. An example of such challenges resides in
the fact that the accuracy or effectiveness of a GNN model or acceleration
technique generally depends on the structure of the underlying graph. In this
paper, in an attempt to address the problem of graph-dependent acceleration, we
propose ProGNNosis, a data-driven model that can predict the GNN training time
of a given GNN model running over a graph of arbitrary characteristics by
inspecting the input graph metrics. Such prediction is made based on a
regression that was previously trained offline using a diverse synthetic graph
dataset. In practice, our method allows making informed decisions on which
design to use for a specific problem. In the paper, the methodology to build
ProGNNosis is defined and applied for a specific use case, where it helps to
decide which graph representation is better. Our results show that ProGNNosis
helps achieve an average speedup of 1.22X over randomly selecting a graph
representation in multiple widely used GNN models such as GCN, GIN, GAT, or
GraphSAGE.
|
112,204 | 112,204 | Attention-wise masked graph contrastive learning for predicting
molecular property | Accurate and efficient prediction of the molecular properties of drugs is one
of the fundamental problems in drug research and development. Recent
advancements in representation learning have been shown to greatly improve the
performance of molecular property prediction. However, due to limited labeled
data, supervised learning-based molecular representation algorithms can only
search limited chemical space, which results in poor generalizability. In this
work, we proposed a self-supervised representation learning framework for
large-scale unlabeled molecules. We developed a novel molecular graph
augmentation strategy, referred to as attention-wise graph mask, to generate
challenging positive sample for contrastive learning. We adopted the graph
attention network (GAT) as the molecular graph encoder, and leveraged the
learned attention scores as masking guidance to generate molecular augmentation
graphs. By minimization of the contrastive loss between original graph and
masked graph, our model can capture important molecular structure and
higher-order semantic information. Extensive experiments showed that our
attention-wise graph mask contrastive learning exhibit state-of-the-art
performance in a couple of downstream molecular property prediction tasks.
|
112,205 | 112,205 | Maximum Likelihood Training for Score-Based Diffusion ODEs by High-Order
Denoising Score Matching | Score-based generative models have excellent performance in terms of
generation quality and likelihood. They model the data distribution by matching
a parameterized score network with first-order data score functions. The score
network can be used to define an ODE ("score-based diffusion ODE") for exact
likelihood evaluation. However, the relationship between the likelihood of the
ODE and the score matching objective is unclear. In this work, we prove that
matching the first-order score is not sufficient to maximize the likelihood of
the ODE, by showing a gap between the maximum likelihood and score matching
objectives. To fill up this gap, we show that the negative likelihood of the
ODE can be bounded by controlling the first, second, and third-order score
matching errors; and we further present a novel high-order denoising score
matching method to enable maximum likelihood training of score-based diffusion
ODEs. Our algorithm guarantees that the higher-order matching error is bounded
by the training error and the lower-order errors. We empirically observe that
by high-order score matching, score-based diffusion ODEs achieve better
likelihood on both synthetic data and CIFAR-10, while retaining the high
generation quality.
|
112,206 | 112,206 | Learning with little mixing | We study square loss in a realizable time-series framework with martingale
difference noise. Our main result is a fast rate excess risk bound which shows
that whenever a trajectory hypercontractivity condition holds, the risk of the
least-squares estimator on dependent data matches the iid rate order-wise after
a burn-in time. In comparison, many existing results in learning from dependent
data have rates where the effective sample size is deflated by a factor of the
mixing-time of the underlying process, even after the burn-in time.
Furthermore, our results allow the covariate process to exhibit long range
correlations which are substantially weaker than geometric ergodicity. We call
this phenomenon learning with little mixing, and present several examples for
when it occurs: bounded function classes for which the $L^2$ and
$L^{2+\epsilon}$ norms are equivalent, ergodic finite state Markov chains,
various parametric models, and a broad family of infinite dimensional
$\ell^2(\mathbb{N})$ ellipsoids. By instantiating our main result to system
identification of nonlinear dynamics with generalized linear model transitions,
we obtain a nearly minimax optimal excess risk bound after only a polynomial
burn-in time.
|
112,207 | 112,207 | Concentration of Data Encoding in Parameterized Quantum Circuits | Variational quantum algorithms have been acknowledged as a leading strategy
to realize near-term quantum advantages in meaningful tasks, including machine
learning and combinatorial optimization. When applied to tasks involving
classical data, such algorithms generally begin with quantum circuits for data
encoding and then train quantum neural networks (QNNs) to minimize target
functions. Although QNNs have been widely studied to improve these algorithms'
performance on practical tasks, there is a gap in systematically understanding
the influence of data encoding on the eventual performance. In this paper, we
make progress in filling this gap by considering the common data encoding
strategies based on parameterized quantum circuits. We prove that, under
reasonable assumptions, the distance between the average encoded state and the
maximally mixed state could be explicitly upper-bounded with respect to the
width and depth of the encoding circuit. This result in particular implies that
the average encoded state will concentrate on the maximally mixed state at an
exponential speed on depth. Such concentration seriously limits the
capabilities of quantum classifiers, and strictly restricts the
distinguishability of encoded states from a quantum information perspective. We
further support our findings by numerically verifying these results on both
synthetic and public data sets. Our results highlight the significance of
quantum data encoding in machine learning tasks and may shed light on future
encoding strategies.
|
112,208 | 112,208 | Rank the triplets: A ranking-based multiple instance learning framework
for detecting HPV infection in head and neck cancers using routine H&E images | The aetiology of head and neck squamous cell carcinoma (HNSCC) involves
multiple carcinogens such as alcohol, tobacco and infection with human
papillomavirus (HPV). As the HPV infection influences the prognosis, treatment
and survival of patients with HNSCC, it is important to determine the HPV
status of these tumours. In this paper, we propose a novel triplet-ranking loss
function and a multiple instance learning pipeline for HPV status prediction.
This achieves a new state-of-the-art performance in HPV detection using only
the routine H&E stained WSIs on two HNSCC cohorts. Furthermore, a comprehensive
tumour microenvironment profiling was performed, which characterised the unique
patterns between HPV+/- HNSCC from genomic, immunology and cellular
perspectives. Positive correlations of the proposed score with different
subtypes of T cells (e.g. T cells follicular helper, CD8+ T cells), and
negative correlations with macrophages and connective cells (e.g. fibroblast)
were identified, which is in line with clinical findings. Unique gene
expression profiles were also identified with respect to HPV infection status,
and is in line with existing findings.
|
112,209 | 112,209 | A machine-generated catalogue of Charon's craters and implications for
the Kuiper belt | In this paper we investigate Charon's craters size distribution using a deep
learning model. This is motivated by the recent results of Singer et al. (2019)
who, using manual cataloging, found a change in the size distribution slope of
craters smaller than 12 km in diameter, translating into a paucity of small
Kuiper Belt objects. These results were corroborated by Robbins and Singer
(2021), but opposed by Morbidelli et al. (2021), necessitating an independent
review. Our MaskRCNN-based ensemble of models was trained on Lunar, Mercurian,
and Martian crater catalogues and both optical and digital elevation images. We
use a robust image augmentation scheme to force the model to generalize and
transfer-learn into icy objects. With no prior bias or exposure to Charon, our
model find best fit slopes of q =-1.47+-0.33 for craters smaller than 10 km,
and q =-2.91+-0.51 for craters larger than 15 km. These values indicate a clear
change in slope around 15 km as suggested by Singer et al. (2019) and thus
independently confirm their conclusions. Our slopes however are both slightly
flatter than those found more recently by Robbins and Singer (2021). Our
trained models and relevant codes are available online on
github.com/malidib/ACID .
|
112,210 | 112,210 | Switchable Representation Learning Framework with Self-compatibility | Real-world visual search systems involve deployments on multiple platforms
with different computing and storage resources. Deploying a unified model that
suits the minimal-constrain platforms leads to limited accuracy. It is expected
to deploy models with different capacities adapting to the resource
constraints, which requires features extracted by these models to be aligned in
the metric space. The method to achieve feature alignments is called
"compatible learning". Existing research mainly focuses on the one-to-one
compatible paradigm, which is limited in learning compatibility among multiple
models. We propose a Switchable representation learning Framework with
Self-Compatibility (SFSC). SFSC generates a series of compatible sub-models
with different capacities through one training process. The optimization of
sub-models faces gradients conflict, and we mitigate it from the perspective of
the magnitude and direction. We adjust the priorities of sub-models dynamically
through uncertainty estimation to co-optimize sub-models properly. Besides, the
gradients with conflicting directions are projected to avoid mutual
interference. SFSC achieves state-of-art performance on the evaluated dataset.
|
112,211 | 112,211 | GoodBye WaveNet -- A Language Model for Raw Audio with Context of 1/2
Million Samples | Modeling long-term dependencies for audio signals is a particularly
challenging problem, as even small-time scales yield on the order of a hundred
thousand samples. With the recent advent of Transformers, neural architectures
became good at modeling dependencies over longer time scales, but they suffered
from quadratic constraints to scale them. We propose a generative
auto-regressive architecture that can model audio waveforms over quite a large
context, greater than 500,000 samples. Our work is adapted to learn time
dependencies by learning a latent representation by a CNN front-end, and then
learning dependencies over these representations using Transformer encoders,
fully trained end-to-end: thereby allowing to learn representations as it deems
fit for the next sample. Unlike previous works that compared different time
scales to show improvement, we use a standard dataset, with the same number of
parameters/context to show improvements. We achieve a state-of-the-art
performance as compared to other approaches such as Wavenet, SaSHMI, and
Sample-RNN on a standard dataset for modeling long-term structure. This work
gives very exciting direction for the field, given improvements in context
modeling that can be scaled with more data, as well as potentially better
results by using billions/trillions of parameters.
|
112,212 | 112,212 | On Scaled Methods for Saddle Point Problems | Methods with adaptive scaling of different features play a key role in
solving saddle point problems, primarily due to Adam's popularity for solving
adversarial machine learning problems, including GANS training. This paper
carries out a theoretical analysis of the following scaling techniques for
solving SPPs: the well-known Adam and RmsProp scaling and the newer AdaHessian
and OASIS based on Hutchison approximation. We use the Extra Gradient and its
improved version with negative momentum as the basic method. Experimental
studies on GANs show good applicability not only for Adam, but also for other
less popular methods.
|
112,213 | 112,213 | Adversarial Patch Attacks and Defences in Vision-Based Tasks: A Survey | Adversarial attacks in deep learning models, especially for safety-critical
systems, are gaining more and more attention in recent years, due to the lack
of trust in the security and robustness of AI models. Yet the more primitive
adversarial attacks might be physically infeasible or require some resources
that are hard to access like the training data, which motivated the emergence
of patch attacks. In this survey, we provide a comprehensive overview to cover
existing techniques of adversarial patch attacks, aiming to help interested
researchers quickly catch up with the progress in this field. We also discuss
existing techniques for developing detection and defences against adversarial
patches, aiming to help the community better understand this field and its
applications in the real world.
|
112,214 | 112,214 | Sharper Convergence Guarantees for Asynchronous SGD for Distributed and
Federated Learning | We study the asynchronous stochastic gradient descent algorithm for
distributed training over $n$ workers which have varying computation and
communication frequency over time. In this algorithm, workers compute
stochastic gradients in parallel at their own pace and return those to the
server without any synchronization. Existing convergence rates of this
algorithm for non-convex smooth objectives depend on the maximum gradient delay
$\tau_{\max}$ and show that an $\epsilon$-stationary point is reached after
$\mathcal{O}\!\left(\sigma^2\epsilon^{-2}+ \tau_{\max}\epsilon^{-1}\right)$
iterations, where $\sigma$ denotes the variance of stochastic gradients.
In this work (i) we obtain a tighter convergence rate of
$\mathcal{O}\!\left(\sigma^2\epsilon^{-2}+
\sqrt{\tau_{\max}\tau_{avg}}\epsilon^{-1}\right)$ without any change in the
algorithm where $\tau_{avg}$ is the average delay, which can be significantly
smaller than $\tau_{\max}$. We also provide (ii) a simple delay-adaptive
learning rate scheme, under which asynchronous SGD achieves a convergence rate
of $\mathcal{O}\!\left(\sigma^2\epsilon^{-2}+ \tau_{avg}\epsilon^{-1}\right)$,
and does not require any extra hyperparameter tuning nor extra communications.
Our result allows to show for the first time that asynchronous SGD is always
faster than mini-batch SGD. In addition, (iii) we consider the case of
heterogeneous functions motivated by federated learning applications and
improve the convergence rate by proving a weaker dependence on the maximum
delay compared to prior works. In particular, we show that the heterogeneity
term in convergence rate is only affected by the average delay within each
worker.
|
112,215 | 112,215 | Deepfake histological images for enhancing digital pathology | An optical microscopic examination of thinly cut stained tissue on glass
slides prepared from a FFPE tissue blocks is the gold standard for tissue
diagnostics. In addition, the diagnostic abilities and expertise of any
pathologist is dependent on their direct experience with common as well as
rarer variant morphologies. Recently, deep learning approaches have been used
to successfully show a high level of accuracy for such tasks. However,
obtaining expert-level annotated images is an expensive and time-consuming task
and artificially synthesized histological images can prove greatly beneficial.
Here, we present an approach to not only generate histological images that
reproduce the diagnostic morphologic features of common disease but also
provide a user ability to generate new and rare morphologies. Our approach
involves developing a generative adversarial network model that synthesizes
pathology images constrained by class labels. We investigated the ability of
this framework in synthesizing realistic prostate and colon tissue images and
assessed the utility of these images in augmenting diagnostic ability of
machine learning methods as well as their usability by a panel of experienced
anatomic pathologists. Synthetic data generated by our framework performed
similar to real data in training a deep learning model for diagnosis.
Pathologists were not able to distinguish between real and synthetic images and
showed a similar level of inter-observer agreement for prostate cancer grading.
We extended the approach to significantly more complex images from colon
biopsies and showed that the complex microenvironment in such tissues can also
be reproduced. Finally, we present the ability for a user to generate deepfake
histological images via a simple markup of sematic labels.
|
112,216 | 112,216 | Pythae: Unifying Generative Autoencoders in Python -- A Benchmarking Use
Case | In recent years, deep generative models have attracted increasing interest
due to their capacity to model complex distributions. Among those models,
variational autoencoders have gained popularity as they have proven both to be
computationally efficient and yield impressive results in multiple fields.
Following this breakthrough, extensive research has been done in order to
improve the original publication, resulting in a variety of different VAE
models in response to different tasks. In this paper we present Pythae, a
versatile open-source Python library providing both a unified implementation
and a dedicated framework allowing straightforward, reproducible and reliable
use of generative autoencoder models. We then propose to use this library to
perform a case study benchmark where we present and compare 19 generative
autoencoder models representative of some of the main improvements on
downstream tasks such as image reconstruction, generation, classification,
clustering and interpolation. The open-source library can be found at
https://github.com/clementchadebec/benchmark_VAE.
|
112,217 | 112,217 | Continuous-Time Modeling of Counterfactual Outcomes Using Neural
Controlled Differential Equations | Estimating counterfactual outcomes over time has the potential to unlock
personalized healthcare by assisting decision-makers to answer ''what-iF''
questions. Existing causal inference approaches typically consider regular,
discrete-time intervals between observations and treatment decisions and hence
are unable to naturally model irregularly sampled data, which is the common
setting in practice. To handle arbitrary observation patterns, we interpret the
data as samples from an underlying continuous-time process and propose to model
its latent trajectory explicitly using the mathematics of controlled
differential equations. This leads to a new approach, the Treatment Effect
Neural Controlled Differential Equation (TE-CDE), that allows the potential
outcomes to be evaluated at any time point. In addition, adversarial training
is used to adjust for time-dependent confounding which is critical in
longitudinal settings and is an added challenge not encountered in conventional
time-series. To assess solutions to this problem, we propose a controllable
simulation environment based on a model of tumor growth for a range of
scenarios with irregular sampling reflective of a variety of clinical
scenarios. TE-CDE consistently outperforms existing approaches in all simulated
scenarios with irregular sampling.
|
112,218 | 112,218 | Boosting the Adversarial Transferability of Surrogate Model with Dark
Knowledge | Deep neural networks (DNNs) for image classification are known to be
vulnerable to adversarial examples. And, the adversarial examples have
transferability, which means an adversarial example for a DNN model can fool
another black-box model with a non-trivial probability. This gave birth of the
transfer-based adversarial attack where the adversarial examples generated by a
pretrained or known model (called surrogate model) are used to conduct
black-box attack. There are some work on how to generate the adversarial
examples from a given surrogate model to achieve better transferability.
However, training a special surrogate model to generate adversarial examples
with better transferability is relatively under-explored. In this paper, we
propose a method of training a surrogate model with abundant dark knowledge to
boost the adversarial transferability of the adversarial examples generated by
the surrogate model. This trained surrogate model is named dark surrogate model
(DSM), and the proposed method to train DSM consists of two key components: a
teacher model extracting dark knowledge and providing soft labels, and the
mixing augmentation skill which enhances the dark knowledge of training data.
Extensive experiments have been conducted to show that the proposed method can
substantially improve the adversarial transferability of surrogate model across
different architectures of surrogate model and optimizers for generating
adversarial examples. We also show that the proposed method can be applied to
other scenarios of transfer-based attack that contain dark knowledge, like face
verification.
|
112,219 | 112,219 | Compressed-VFL: Communication-Efficient Learning with Vertically
Partitioned Data | We propose Compressed Vertical Federated Learning (C-VFL) for
communication-efficient training on vertically partitioned data. In C-VFL, a
server and multiple parties collaboratively train a model on their respective
features utilizing several local iterations and sharing compressed intermediate
results periodically. Our work provides the first theoretical analysis of the
effect message compression has on distributed training over vertically
partitioned data. We prove convergence of non-convex objectives at a rate of
$O(\frac{1}{\sqrt{T}})$ when the compression error is bounded over the course
of training. We provide specific requirements for convergence with common
compression techniques, such as quantization and top-$k$ sparsification.
Finally, we experimentally show compression can reduce communication by over
$90\%$ without a significant decrease in accuracy over VFL without compression.
|
112,220 | 112,220 | BYOL-Explore: Exploration by Bootstrapped Prediction | We present BYOL-Explore, a conceptually simple yet general approach for
curiosity-driven exploration in visually-complex environments. BYOL-Explore
learns a world representation, the world dynamics, and an exploration policy
all-together by optimizing a single prediction loss in the latent space with no
additional auxiliary objective. We show that BYOL-Explore is effective in
DM-HARD-8, a challenging partially-observable continuous-action
hard-exploration benchmark with visually-rich 3-D environments. On this
benchmark, we solve the majority of the tasks purely through augmenting the
extrinsic reward with BYOL-Explore s intrinsic reward, whereas prior work could
only get off the ground with human demonstrations. As further evidence of the
generality of BYOL-Explore, we show that it achieves superhuman performance on
the ten hardest exploration games in Atari while having a much simpler design
than other competitive agents.
|
112,221 | 112,221 | Constrained Submodular Optimization for Vaccine Design | Advances in machine learning have enabled the prediction of immune system
responses to prophylactic and therapeutic vaccines. However, the engineering
task of designing vaccines remains a challenge. In particular, the genetic
variability of the human immune system makes it difficult to design peptide
vaccines that provide widespread immunity in vaccinated populations. We
introduce a framework for evaluating and designing peptide vaccines that uses
probabilistic machine learning models, and demonstrate its ability to produce
designs for a SARS-CoV-2 vaccine that outperform previous designs. We provide a
theoretical analysis of the approximability, scalability, and complexity of our
framework.
|
112,222 | 112,222 | iBoot: Image-bootstrapped Self-Supervised Video Representation Learning | Learning visual representations through self-supervision is an extremely
challenging task as the network needs to sieve relevant patterns from spurious
distractors without the active guidance provided by supervision. This is
achieved through heavy data augmentation, large-scale datasets and prohibitive
amounts of compute. Video self-supervised learning (SSL) suffers from added
challenges: video datasets are typically not as large as image datasets,
compute is an order of magnitude larger, and the amount of spurious patterns
the optimizer has to sieve through is multiplied several fold. Thus, directly
learning self-supervised representations from video data might result in
sub-optimal performance. To address this, we propose to utilize a strong
image-based model, pre-trained with self- or language supervision, in a video
representation learning framework, enabling the model to learn strong spatial
and temporal information without relying on the video labeled data. To this
end, we modify the typical video-based SSL design and objective to encourage
the video encoder to \textit{subsume} the semantic content of an image-based
model trained on a general domain. The proposed algorithm is shown to learn
much more efficiently (i.e. in less epochs and with a smaller batch) and
results in a new state-of-the-art performance on standard downstream tasks
among single-modality SSL methods.
|
112,223 | 112,223 | Know your audience: specializing grounded language models with the game
of Dixit | Effective communication requires adapting to the idiosyncratic common ground
shared with each communicative partner. We study a particularly challenging
instantiation of this problem: the popular game Dixit. We formulate a round of
Dixit as a multi-agent image reference game where a (trained) speaker model is
rewarded for describing a target image such that one (pretrained) listener
model can correctly identify it from a pool of distractors, but another
listener cannot. To adapt to this setting, the speaker must exploit differences
in the common ground it shares with the different listeners. We show that
finetuning an attention-based adapter between a CLIP vision encoder and a large
language model in this contrastive, multi-agent setting gives rise to
context-dependent natural language specialization from rewards only, without
direct supervision. In a series of controlled experiments, we show that the
speaker can adapt according to the idiosyncratic strengths and weaknesses of
various pairs of different listeners. Furthermore, we show zero-shot transfer
of the speaker's specialization to unseen real-world data. Our experiments
offer a step towards adaptive communication in complex multi-partner settings
and highlight the interesting research challenges posed by games like Dixit. We
hope that our work will inspire creative new approaches to adapting pretrained
models.
|
112,224 | 112,224 | Towards Understanding How Machines Can Learn Causal Overhypotheses | Recent work in machine learning and cognitive science has suggested that
understanding causal information is essential to the development of
intelligence. The extensive literature in cognitive science using the ``blicket
detector'' environment shows that children are adept at many kinds of causal
inference and learning. We propose to adapt that environment for machine
learning agents. One of the key challenges for current machine learning
algorithms is modeling and understanding causal overhypotheses: transferable
abstract hypotheses about sets of causal relationships. In contrast, even young
children spontaneously learn and use causal overhypotheses. In this work, we
present a new benchmark -- a flexible environment which allows for the
evaluation of existing techniques under variable causal overhypotheses -- and
demonstrate that many existing state-of-the-art methods have trouble
generalizing in this environment. The code and resources for this benchmark are
available at https://github.com/CannyLab/casual_overhypotheses.
|
112,225 | 112,225 | OmniMAE: Single Model Masked Pretraining on Images and Videos | Transformer-based architectures have become competitive across a variety of
visual domains, most notably images and videos. While prior work has studied
these modalities in isolation, having a common architecture suggests that one
can train a single unified model for multiple visual modalities. Prior attempts
at unified modeling typically use architectures tailored for vision tasks, or
obtain worse performance compared to single modality models. In this work, we
show that masked autoencoding can be used to train a simple Vision Transformer
on images and videos, without requiring any labeled data. This single model
learns visual representations that are comparable to or better than
single-modality representations on both image and video benchmarks, while using
a much simpler architecture. In particular, our single pretrained model can be
finetuned to achieve 86.5% on ImageNet and 75.3% on the challenging Something
Something-v2 video benchmark. Furthermore, this model can be learned by
dropping 90% of the image and 95% of the video patches, enabling extremely fast
training.
|
112,226 | 112,226 | Spatially-Adaptive Multilayer Selection for GAN Inversion and Editing | Existing GAN inversion and editing methods work well for aligned objects with
a clean background, such as portraits and animal faces, but often struggle for
more difficult categories with complex scene layouts and object occlusions,
such as cars, animals, and outdoor images. We propose a new method to invert
and edit such complex images in the latent space of GANs, such as StyleGAN2.
Our key idea is to explore inversion with a collection of layers, spatially
adapting the inversion process to the difficulty of the image. We learn to
predict the "invertibility" of different image segments and project each
segment into a latent layer. Easier regions can be inverted into an earlier
layer in the generator's latent space, while more challenging regions can be
inverted into a later feature space. Experiments show that our method obtains
better inversion results compared to the recent approaches on complex
categories, while maintaining downstream editability. Please refer to our
project page at https://www.cs.cmu.edu/~SAMInversion.
|
112,227 | 112,227 | MixGen: A New Multi-Modal Data Augmentation | Data augmentation is a necessity to enhance data efficiency in deep learning.
For vision-language pre-training, data is only augmented either for images or
for text in previous works. In this paper, we present MixGen: a joint data
augmentation for vision-language representation learning to further improve
data efficiency. It generates new image-text pairs with semantic relationships
preserved by interpolating images and concatenating text. It's simple, and can
be plug-and-played into existing pipelines. We evaluate MixGen on four
architectures, including CLIP, ViLT, ALBEF and TCL, across five downstream
vision-language tasks to show its versatility and effectiveness. For example,
adding MixGen in ALBEF pre-training leads to absolute performance improvements
on downstream tasks: image-text retrieval (+6.2% on COCO fine-tuned and +5.3%
on Flicker30K zero-shot), visual grounding (+0.9% on RefCOCO+), visual
reasoning (+0.9% on NLVR$^{2}$), visual question answering (+0.3% on VQA2.0),
and visual entailment (+0.4% on SNLI-VE).
|
112,228 | 112,228 | Benchmarking Heterogeneous Treatment Effect Models through the Lens of
Interpretability | Estimating personalized effects of treatments is a complex, yet pervasive
problem. To tackle it, recent developments in the machine learning (ML)
literature on heterogeneous treatment effect estimation gave rise to many
sophisticated, but opaque, tools: due to their flexibility, modularity and
ability to learn constrained representations, neural networks in particular
have become central to this literature. Unfortunately, the assets of such black
boxes come at a cost: models typically involve countless nontrivial operations,
making it difficult to understand what they have learned. Yet, understanding
these models can be crucial -- in a medical context, for example, discovered
knowledge on treatment effect heterogeneity could inform treatment prescription
in clinical practice. In this work, we therefore use post-hoc feature
importance methods to identify features that influence the model's predictions.
This allows us to evaluate treatment effect estimators along a new and
important dimension that has been overlooked in previous work: We construct a
benchmarking environment to empirically investigate the ability of personalized
treatment effect models to identify predictive covariates -- covariates that
determine differential responses to treatment. Our benchmarking environment
then enables us to provide new insight into the strengths and weaknesses of
different types of treatment effects models as we modulate different challenges
specific to treatment effect estimation -- e.g. the ratio of prognostic to
predictive information, the possible nonlinearity of potential outcomes and the
presence and type of confounding.
|
112,229 | 112,229 | Interaction-Grounded Learning with Action-inclusive Feedback | Consider the problem setting of Interaction-Grounded Learning (IGL), in which
a learner's goal is to optimally interact with the environment with no explicit
reward to ground its policies. The agent observes a context vector, takes an
action, and receives a feedback vector, using this information to effectively
optimize a policy with respect to a latent reward function. Prior analyzed
approaches fail when the feedback vector contains the action, which
significantly limits IGL's success in many potential scenarios such as
Brain-computer interface (BCI) or Human-computer interface (HCI) applications.
We address this by creating an algorithm and analysis which allows IGL to work
even when the feedback vector contains the action, encoded in any fashion. We
provide theoretical guarantees and large-scale experiments based on supervised
datasets to demonstrate the effectiveness of the new approach.
|
112,230 | 112,230 | Scalable First-Order Bayesian Optimization via Structured Automatic
Differentiation | Bayesian Optimization (BO) has shown great promise for the global
optimization of functions that are expensive to evaluate, but despite many
successes, standard approaches can struggle in high dimensions. To improve the
performance of BO, prior work suggested incorporating gradient information into
a Gaussian process surrogate of the objective, giving rise to kernel matrices
of size $nd \times nd$ for $n$ observations in $d$ dimensions. Na\"ively
multiplying with (resp. inverting) these matrices requires
$\mathcal{O}(n^2d^2)$ (resp. $\mathcal{O}(n^3d^3$)) operations, which becomes
infeasible for moderate dimensions and sample sizes. Here, we observe that a
wide range of kernels gives rise to structured matrices, enabling an exact
$\mathcal{O}(n^2d)$ matrix-vector multiply for gradient observations and
$\mathcal{O}(n^2d^2)$ for Hessian observations. Beyond canonical kernel
classes, we derive a programmatic approach to leveraging this type of structure
for transformations and combinations of the discussed kernel classes, which
constitutes a structure-aware automatic differentiation algorithm. Our methods
apply to virtually all canonical kernels and automatically extend to complex
kernels, like the neural network, radial basis function network, and spectral
mixture kernels without any additional derivations, enabling flexible,
problem-dependent modeling while scaling first-order BO to high $d$.
|
112,231 | 112,231 | SHIFT: A Synthetic Driving Dataset for Continuous Multi-Task Domain
Adaptation | Adapting to a continuously evolving environment is a safety-critical
challenge inevitably faced by all autonomous driving systems. Existing image
and video driving datasets, however, fall short of capturing the mutable nature
of the real world. In this paper, we introduce the largest multi-task synthetic
dataset for autonomous driving, SHIFT. It presents discrete and continuous
shifts in cloudiness, rain and fog intensity, time of day, and vehicle and
pedestrian density. Featuring a comprehensive sensor suite and annotations for
several mainstream perception tasks, SHIFT allows investigating the degradation
of a perception system performance at increasing levels of domain shift,
fostering the development of continuous adaptation strategies to mitigate this
problem and assess model robustness and generality. Our dataset and benchmark
toolkit are publicly available at www.vis.xyz/shift.
|
112,232 | 112,232 | How accurate are the time delay estimates in gravitational lensing? | We present a novel approach to estimate the time delay between light curves
of multiple images in a gravitationally lensed system, based on Kernel methods
in the context of machine learning. We perform various experiments with
artificially generated irregularly-sampled data sets to study the effect of the
various levels of noise and the presence of gaps of various size in the
monitoring data. We compare the performance of our method with various other
popular methods of estimating the time delay and conclude, from experiments
with artificial data, that our method is least vulnerable to missing data and
irregular sampling, within reasonable bounds of Gaussian noise. Thereafter, we
use our method to determine the time delays between the two images of quasar
Q0957+561 from radio monitoring data at 4 cm and 6 cm, and conclude that if
only the observations at epochs common to both wavelengths are used, the time
delay gives consistent estimates, which can be combined to yield 408\pm 12
days. The full 6 cm dataset, which covers a longer monitoring period, yields a
value which is 10% larger, but this can be attributed to differences in
sampling and missing data.
|
112,233 | 112,233 | Machine Learning of User Profiles: Representational Issues | As more information becomes available electronically, tools for finding
information of interest to users becomes increasingly important. The goal of
the research described here is to build a system for generating comprehensible
user profiles that accurately capture user interest with minimum user
interaction. The research described here focuses on the importance of a
suitable generalization hierarchy and representation for learning profiles
which are predictively accurate and comprehensible. In our experiments we
evaluated both traditional features based on weighted term vectors as well as
subject features corresponding to categories which could be drawn from a
thesaurus. Our experiments, conducted in the context of a content-based
profiling system for on-line newspapers on the World Wide Web (the IDD News
Browser), demonstrate the importance of a generalization hierarchy and the
promise of combining natural language processing techniques with machine
learning (ML) to address an information retrieval (IR) problem.
|
112,234 | 112,234 | Occam factors and model-independent Bayesian learning of continuous
distributions | Learning of a smooth but nonparametric probability density can be regularized
using methods of Quantum Field Theory. We implement a field theoretic prior
numerically, test its efficacy, and show that the data and the phase space
factors arising from the integration over the model space determine the free
parameter of the theory ("smoothness scale") self-consistently. This persists
even for distributions that are atypical in the prior and is a step towards a
model-independent theory for learning continuous distributions. Finally, we
point out that a wrong parameterization of a model family may sometimes be
advantageous for small data sets.
|
112,235 | 112,235 | Extended Comment on Language Trees and Zipping | This is the extended version of a Comment submitted to Physical Review
Letters. I first point out the inappropriateness of publishing a Letter
unrelated to physics. Next, I give experimental results showing that the
technique used in the Letter is 3 times worse and 17 times slower than a simple
baseline. And finally, I review the literature, showing that the ideas of the
Letter are not novel. I conclude by suggesting that Physical Review Letters
should not publish Letters unrelated to physics.
|
112,236 | 112,236 | Learning by message-passing in networks of discrete synapses | We show that a message-passing process allows to store in binary "material"
synapses a number of random patterns which almost saturates the information
theoretic bounds. We apply the learning algorithm to networks characterized by
a wide range of different connection topologies and of size comparable with
that of biological systems (e.g. $n\simeq10^{5}-10^{6}$). The algorithm can be
turned into an on-line --fault tolerant-- learning protocol of potential
interest in modeling aspects of synaptic plasticity and in building
neuromorphic devices.
|
112,237 | 112,237 | Nonlinear parametric model for Granger causality of time series | We generalize a previously proposed approach for nonlinear Granger causality
of time series, based on radial basis function. The proposed model is not
constrained to be additive in variables from the two time series and can
approximate any function of these variables, still being suitable to evaluate
causality. Usefulness of this measure of causality is shown in a physiological
example and in the study of the feed-back loop in a model of excitatory and
inhibitory neurons.
|
112,238 | 112,238 | Finite size scaling of the bayesian perceptron | We study numerically the properties of the bayesian perceptron through a
gradient descent on the optimal cost function. The theoretical distribution of
stabilities is deduced. It predicts that the optimal generalizer lies close to
the boundary of the space of (error-free) solutions. The numerical simulations
are in good agreement with the theoretical distribution. The extrapolation of
the generalization error to infinite input space size agrees with the
theoretical results. Finite size corrections are negative and exhibit two
different scaling regimes, depending on the training set size. The variance of
the generalization error vanishes for $N \rightarrow \infty$ confirming the
property of self-averaging.
|
112,239 | 112,239 | Multiplicative Algorithm for Orthgonal Groups and Independent Component
Analysis | The multiplicative Newton-like method developed by the author et al. is
extended to the situation where the dynamics is restricted to the orthogonal
group. A general framework is constructed without specifying the cost function.
Though the restriction to the orthogonal groups makes the problem somewhat
complicated, an explicit expression for the amount of individual jumps is
obtained. This algorithm is exactly second-order-convergent. The global
instability inherent in the Newton method is remedied by a
Levenberg-Marquardt-type variation. The method thus constructed can readily be
applied to the independent component analysis. Its remarkable performance is
illustrated by a numerical simulation.
|
112,240 | 112,240 | Predicting the expected behavior of agents that learn about agents: the
CLRI framework | We describe a framework and equations used to model and predict the behavior
of multi-agent systems (MASs) with learning agents. A difference equation is
used for calculating the progression of an agent's error in its decision
function, thereby telling us how the agent is expected to fare in the MAS. The
equation relies on parameters which capture the agent's learning abilities,
such as its change rate, learning rate and retention rate, as well as relevant
aspects of the MAS such as the impact that agents have on each other. We
validate the framework with experimental results using reinforcement learning
agents in a market system, as well as with other experimental results gathered
from the AI literature. Finally, we use PAC-theory to show how to calculate
bounds on the values of the learning parameters.
|
112,241 | 112,241 | Pattern Discovery and Computational Mechanics | Computational mechanics is a method for discovering, describing and
quantifying patterns, using tools from statistical physics. It constructs
optimal, minimal models of stochastic processes and their underlying causal
structures. These models tell us about the intrinsic computation embedded
within a process---how it stores and transforms information. Here we summarize
the mathematics of computational mechanics, especially recent optimality and
uniqueness results. We also expound the principles and motivations underlying
computational mechanics, emphasizing its connections to the minimum description
length principle, PAC theory, and other aspects of machine learning.
|
112,242 | 112,242 | Multiplicative Nonholonomic/Newton -like Algorithm | We construct new algorithms from scratch, which use the fourth order cumulant
of stochastic variables for the cost function. The multiplicative updating rule
here constructed is natural from the homogeneous nature of the Lie group and
has numerous merits for the rigorous treatment of the dynamics. As one
consequence, the second order convergence is shown. For the cost function,
functions invariant under the componentwise scaling are choosen. By identifying
points which can be transformed to each other by the scaling, we assume that
the dynamics is in a coset space. In our method, a point can move toward any
direction in this coset. Thus, no prewhitening is required.
|
112,243 | 112,243 | MOO: A Methodology for Online Optimization through Mining the Offline
Optimum | Ports, warehouses and courier services have to decide online how an arriving
task is to be served in order that cost is minimized (or profit maximized).
These operators have a wealth of historical data on task assignments; can these
data be mined for knowledge or rules that can help the decision-making?
MOO is a novel application of data mining to online optimization. The idea is
to mine (logged) expert decisions or the offline optimum for rules that can be
used for online decisions. It requires little knowledge about the task
distribution and cost structure, and is applicable to a wide range of problems.
This paper presents a feasibility study of the methodology for the well-known
k-server problem. Experiments with synthetic data show that optimization can be
recast as classification of the optimum decisions; the resulting heuristic can
achieve the optimum for strong request patterns, consistently outperforms other
heuristics for weak patterns, and is robust despite changes in cost model.
|
112,244 | 112,244 | A Theory of Universal Artificial Intelligence based on Algorithmic
Complexity | Decision theory formally solves the problem of rational agents in uncertain
worlds if the true environmental prior probability distribution is known.
Solomonoff's theory of universal induction formally solves the problem of
sequence prediction for unknown prior distribution. We combine both ideas and
get a parameterless theory of universal Artificial Intelligence. We give strong
arguments that the resulting AIXI model is the most intelligent unbiased agent
possible. We outline for a number of problem classes, including sequence
prediction, strategic games, function minimization, reinforcement and
supervised learning, how the AIXI model can formally solve them. The major
drawback of the AIXI model is that it is uncomputable. To overcome this
problem, we construct a modified algorithm AIXI-tl, which is still effectively
more intelligent than any other time t and space l bounded agent. The
computation time of AIXI-tl is of the order tx2^l. Other discussed topics are
formal definitions of intelligence order relations, the horizon problem and
relations of the AIXI theory to other AI approaches.
|
112,245 | 112,245 | Modeling the Uncertainty in Complex Engineering Systems | Existing procedures for model validation have been deemed inadequate for many
engineering systems. The reason of this inadequacy is due to the high degree of
complexity of the mechanisms that govern these systems. It is proposed in this
paper to shift the attention from modeling the engineering system itself to
modeling the uncertainty that underlies its behavior. A mathematical framework
for modeling the uncertainty in complex engineering systems is developed. This
framework uses the results of computational learning theory. It is based on the
premise that a system model is a learning machine.
|
112,246 | 112,246 | A Bayesian Reflection on Surfaces | The topic of this paper is a novel Bayesian continuous-basis field
representation and inference framework. Within this paper several problems are
solved: The maximally informative inference of continuous-basis fields, that is
where the basis for the field is itself a continuous object and not
representable in a finite manner; the tradeoff between accuracy of
representation in terms of information learned, and memory or storage capacity
in bits; the approximation of probability distributions so that a maximal
amount of information about the object being inferred is preserved; an
information theoretic justification for multigrid methodology. The maximally
informative field inference framework is described in full generality and
denoted the Generalized Kalman Filter. The Generalized Kalman Filter allows the
update of field knowledge from previous knowledge at any scale, and new data,
to new knowledge at any other scale. An application example instance, the
inference of continuous surfaces from measurements (for example, camera image
data), is presented.
|
112,247 | 112,247 | Integrating E-Commerce and Data Mining: Architecture and Challenges | We show that the e-commerce domain can provide all the right ingredients for
successful data mining and claim that it is a killer domain for data mining. We
describe an integrated architecture, based on our expe-rience at Blue Martini
Software, for supporting this integration. The architecture can dramatically
reduce the pre-processing, cleaning, and data understanding effort often
documented to take 80% of the time in knowledge discovery projects. We
emphasize the need for data collection at the application server layer (not the
web server) in order to support logging of data and metadata that is essential
to the discovery process. We describe the data transformation bridges required
from the transaction processing systems and customer event streams (e.g.,
clickstreams) to the data warehouse. We detail the mining workbench, which
needs to provide multiple views of the data through reporting, data mining
algorithms, visualization, and OLAP. We con-clude with a set of challenges.
|
112,248 | 112,248 | Data Mining to Measure and Improve the Success of Web Sites | For many companies, competitiveness in e-commerce requires a successful
presence on the web. Web sites are used to establish the company's image, to
promote and sell goods and to provide customer support. The success of a web
site affects and reflects directly the success of the company in the electronic
market. In this study, we propose a methodology to improve the ``success'' of
web sites, based on the exploitation of navigation pattern discovery. In
particular, we present a theory, in which success is modelled on the basis of
the navigation behaviour of the site's users. We then exploit WUM, a navigation
pattern discovery miner, to study how the success of a site is reflected in the
users' behaviour. With WUM we measure the success of a site's components and
obtain concrete indications of how the site should be improved. We report on
our first experiments with an online catalog, the success of which we have
studied. Our mining analysis has shown very promising results, on the basis of
which the site is currently undergoing concrete improvements.
|
112,249 | 112,249 | An Experimental Comparison of Naive Bayesian and Keyword-Based Anti-Spam
Filtering with Personal E-mail Messages | The growing problem of unsolicited bulk e-mail, also known as "spam", has
generated a need for reliable anti-spam e-mail filters. Filters of this type
have so far been based mostly on manually constructed keyword patterns. An
alternative approach has recently been proposed, whereby a Naive Bayesian
classifier is trained automatically to detect spam messages. We test this
approach on a large collection of personal e-mail messages, which we make
publicly available in "encrypted" form contributing towards standard
benchmarks. We introduce appropriate cost-sensitive measures, investigating at
the same time the effect of attribute-set size, training-corpus size,
lemmatization, and stop lists, issues that have not been explored in previous
experiments. Finally, the Naive Bayesian filter is compared, in terms of
performance, to a filter that uses keyword patterns, and which is part of a
widely used e-mail reader.
|
112,250 | 112,250 | A Learning Approach to Shallow Parsing | A SNoW based learning approach to shallow parsing tasks is presented and
studied experimentally. The approach learns to identify syntactic patterns by
combining simple predictors to produce a coherent inference. Two instantiations
of this approach are studied and experimental results for Noun-Phrases (NP) and
Subject-Verb (SV) phrases that compare favorably with the best published
results are presented. In doing that, we compare two ways of modeling the
problem of learning to recognize patterns and suggest that shallow parsing
patterns are better learned using open/close predictors than using
inside/outside predictors.
|
112,251 | 112,251 | Complexity analysis for algorithmically simple strings | Given a reference computer, Kolmogorov complexity is a well defined function
on all binary strings. In the standard approach, however, only the asymptotic
properties of such functions are considered because they do not depend on the
reference computer. We argue that this approach can be more useful if it is
refined to include an important practical case of simple binary strings.
Kolmogorov complexity calculus may be developed for this case if we restrict
the class of available reference computers. The interesting problem is to
define a class of computers which is restricted in a {\it natural} way modeling
the real-life situation where only a limited class of computers is physically
available to us. We give an example of what such a natural restriction might
look like mathematically, and show that under such restrictions some error
terms, even logarithmic in complexity, can disappear from the standard
complexity calculus.
Keywords: Kolmogorov complexity; Algorithmic information theory.
|
112,252 | 112,252 | Robust Classification for Imprecise Environments | In real-world environments it usually is difficult to specify target
operating conditions precisely, for example, target misclassification costs.
This uncertainty makes building robust classification systems problematic. We
show that it is possible to build a hybrid classifier that will perform at
least as well as the best available classifier for any target conditions. In
some cases, the performance of the hybrid actually can surpass that of the best
known classifier. This robust performance extends across a wide variety of
comparison frameworks, including the optimization of metrics such as accuracy,
expected cost, lift, precision, recall, and workforce utilization. The hybrid
also is efficient to build, to store, and to update. The hybrid is based on a
method for the comparison of classifier performance that is robust to imprecise
class distributions and misclassification costs. The ROC convex hull (ROCCH)
method combines techniques from ROC analysis, decision analysis and
computational geometry, and adapts them to the particulars of analyzing learned
classifiers. The method is efficient and incremental, minimizes the management
of classifier performance data, and allows for clear visual comparisons and
sensitivity analyses. Finally, we point to empirical evidence that a robust
hybrid classifier indeed is needed for many real-world problems.
|
112,253 | 112,253 | Learning to Filter Spam E-Mail: A Comparison of a Naive Bayesian and a
Memory-Based Approach | We investigate the performance of two machine learning algorithms in the
context of anti-spam filtering. The increasing volume of unsolicited bulk
e-mail (spam) has generated a need for reliable anti-spam filters. Filters of
this type have so far been based mostly on keyword patterns that are
constructed by hand and perform poorly. The Naive Bayesian classifier has
recently been suggested as an effective method to construct automatically
anti-spam filters with superior performance. We investigate thoroughly the
performance of the Naive Bayesian filter on a publicly available corpus,
contributing towards standard benchmarks. At the same time, we compare the
performance of the Naive Bayesian filter to an alternative memory-based
learning approach, after introducing suitable cost-sensitive evaluation
measures. Both methods achieve very accurate spam filtering, outperforming
clearly the keyword-based filter of a widely used e-mail reader.
|
112,254 | 112,254 | A Classification Approach to Word Prediction | The eventual goal of a language model is to accurately predict the value of a
missing word given its context. We present an approach to word prediction that
is based on learning a representation for each word as a function of words and
linguistics predicates in its context. This approach raises a few new questions
that we address. First, in order to learn good word representations it is
necessary to use an expressive representation of the context. We present a way
that uses external knowledge to generate expressive context representations,
along with a learning method capable of handling the large number of features
generated this way that can, potentially, contribute to each prediction.
Second, since the number of words ``competing'' for each prediction is large,
there is a need to ``focus the attention'' on a smaller subset of these. We
exhibit the contribution of a ``focus of attention'' mechanism to the
performance of the word predictor. Finally, we describe a large scale
experimental study in which the approach presented is shown to yield
significant improvements in word prediction tasks.
|
112,255 | 112,255 | Design of an Electro-Hydraulic System Using Neuro-Fuzzy Techniques | Increasing demands in performance and quality make drive systems fundamental
parts in the progressive automation of industrial processes. Their conventional
models become inappropriate and have limited scope if one requires a precise
and fast performance. So, it is important to incorporate learning capabilities
into drive systems in such a way that they improve their accuracy in realtime,
becoming more autonomous agents with some degree of intelligence. To
investigate this challenge, this chapter presents the development of a learning
control system that uses neuro-fuzzy techniques in the design of a tracking
controller to an experimental electro-hydraulic actuator. We begin the chapter
by presenting the neuro-fuzzy modeling process of the actuator. This part
surveys the learning algorithm, describes the laboratorial system, and presents
the modeling steps as the choice of actuator representative variables, the
acquisition of training and testing data sets, and the acquisition of the
neuro-fuzzy inverse-model of the actuator. In the second part of the chapter,
we use the extracted neuro-fuzzy model and its learning capabilities to design
the actuator position controller based on the feedback-error-learning
technique. Through a set of experimental results, we show the generalization
properties of the controller, its learning capability in actualizing in
realtime the initial neuro-fuzzy inverse-model, and its compensation action
improving the electro-hydraulics tracking performance.
|
112,256 | 112,256 | Noise Effects in Fuzzy Modelling Systems | Noise is source of ambiguity for fuzzy systems. Although being an important
aspect, the effects of noise in fuzzy modeling have been little investigated.
This paper presents a set of tests using three well-known fuzzy modeling
algorithms. These evaluate perturbations in the extracted rule-bases caused by
noise polluting the learning data, and the corresponding deformations in each
learned functional relation. We present results to show: 1) how these fuzzy
modeling systems deal with noise; 2) how the established fuzzy model structure
influences noise sensitivity of each algorithm; and 3) whose characteristics of
the learning algorithms are relevant to noise attenuation.
|
112,257 | 112,257 | Torque Ripple Minimization in a Switched Reluctance Drive by Neuro-Fuzzy
Compensation | Simple power electronic drive circuit and fault tolerance of converter are
specific advantages of SRM drives, but excessive torque ripple has limited its
use to special applications. It is well known that controlling the current
shape adequately can minimize the torque ripple. This paper presents a new
method for shaping the motor currents to minimize the torque ripple, using a
neuro-fuzzy compensator. In the proposed method, a compensating signal is added
to the output of a PI controller, in a current-regulated speed control loop.
Numerical results are presented in this paper, with an analysis of the effects
of changing the form of the membership function of the neuro-fuzzy compensator.
|
112,258 | 112,258 | A Fuzzy Relational Identification Algorithm and Its Application to
Predict The Behaviour of a Motor Drive System | Fuzzy relational identification builds a relational model describing systems
behaviour by a nonlinear mapping between its variables. In this paper, we
propose a new fuzzy relational algorithm based on simplified max-min relational
equation. The algorithm presents an adaptation method applied to gravity-center
of each fuzzy set based on error integral value between measured and predicted
system output, and uses the concept of time-variant universe of discourses. The
identification algorithm also includes a method to attenuate noise influence in
extracted system relational model using a fuzzy filtering mechanism. The
algorithm is applied to one-step forward prediction of a simulated and
experimental motor drive system. The identified model has its input-output
variables (stator-reference current and motor speed signal) treated as fuzzy
sets, whereas the relations existing between them are described by means of a
matrix R defining the relational model extracted by the algorithm. The results
show the good potentialities of the algorithm in predict the behaviour of the
system and attenuate through the fuzzy filtering method possible noise
distortions in the relational model.
|
112,259 | 112,259 | Applications of Data Mining to Electronic Commerce | Electronic commerce is emerging as the killer domain for data mining
technology.
The following are five desiderata for success. Seldom are they they all
present in one data mining application.
1. Data with rich descriptions. For example, wide customer records with many
potentially useful fields allow data mining algorithms to search beyond obvious
correlations.
2. A large volume of data. The large model spaces corresponding to rich data
demand many training instances to build reliable models.
3. Controlled and reliable data collection. Manual data entry and integration
from legacy systems both are notoriously problematic; fully automated
collection is considerably better.
4. The ability to evaluate results. Substantial, demonstrable return on
investment can be very convincing.
5. Ease of integration with existing processes. Even if pilot studies show
potential benefit, deploying automated solutions to previously manual processes
is rife with pitfalls. Building a system to take advantage of the mined
knowledge can be a substantial undertaking. Furthermore, one often must deal
with social and political issues involved in the automation of a previously
manual business process.
|
112,260 | 112,260 | Fault Detection using Immune-Based Systems and Formal Language
Algorithms | This paper describes two approaches for fault detection: an immune-based
mechanism and a formal language algorithm. The first one is based on the
feature of immune systems in distinguish any foreign cell from the body own
cell. The formal language approach assumes the system as a linguistic source
capable of generating a certain language, characterised by a grammar. Each
algorithm has particular characteristics, which are analysed in the paper,
namely in what cases they can be used with advantage. To test their
practicality, both approaches were applied on the problem of fault detection in
an induction motor.
|
112,261 | 112,261 | Noise-Tolerant Learning, the Parity Problem, and the Statistical Query
Model | We describe a slightly sub-exponential time algorithm for learning parity
functions in the presence of random classification noise. This results in a
polynomial-time algorithm for the case of parity functions that depend on only
the first O(log n log log n) bits of input. This is the first known instance of
an efficient noise-tolerant algorithm for a concept class that is provably not
learnable in the Statistical Query model of Kearns. Thus, we demonstrate that
the set of problems learnable in the statistical query model is a strict subset
of those problems learnable in the presence of noise in the PAC model.
In coding-theory terms, what we give is a poly(n)-time algorithm for decoding
linear k by n codes in the presence of random noise for the case of k = c log n
loglog n for some c > 0. (The case of k = O(log n) is trivial since one can
just individually check each of the 2^k possible messages and choose the one
that yields the closest codeword.)
A natural extension of the statistical query model is to allow queries about
statistical properties that involve t-tuples of examples (as opposed to single
examples). The second result of this paper is to show that any class of
functions learnable (strongly or weakly) with t-wise queries for t = O(log n)
is also weakly learnable with standard unary queries. Hence this natural
extension to the statistical query model does not increase the set of weakly
learnable functions.
|
112,262 | 112,262 | Top-down induction of clustering trees | An approach to clustering is presented that adapts the basic top-down
induction of decision trees method towards clustering. To this aim, it employs
the principles of instance based learning. The resulting methodology is
implemented in the TIC (Top down Induction of Clustering trees) system for
first order clustering. The TIC system employs the first order logical decision
tree representation of the inductive logic programming system Tilde. Various
experiments with TIC are presented, in both propositional and relational
domains.
|
112,263 | 112,263 | Web Mining Research: A Survey | With the huge amount of information available online, the World Wide Web is a
fertile area for data mining research. The Web mining research is at the cross
road of research from several research communities, such as database,
information retrieval, and within AI, especially the sub-areas of machine
learning and natural language processing. However, there is a lot of confusions
when comparing research efforts from different point of views. In this paper,
we survey the research in the area of Web mining, point out some confusions
regarded the usage of the term Web mining and suggest three Web mining
categories. Then we situate some of the research with respect to these three
categories. We also explore the connection between the Web mining categories
and the related agent paradigm. For the survey, we focus on representation
issues, on the process, on the learning algorithm, and on the application of
the recent works as the criteria. We conclude the paper with some research
issues.
|
112,264 | 112,264 | Provably Fast and Accurate Recovery of Evolutionary Trees through
Harmonic Greedy Triplets | We give a greedy learning algorithm for reconstructing an evolutionary tree
based on a certain harmonic average on triplets of terminal taxa. After the
pairwise distances between terminal taxa are estimated from sequence data, the
algorithm runs in O(n^2) time using O(n) work space, where n is the number of
terminal taxa. These time and space complexities are optimal in the sense that
the size of an input distance matrix is n^2 and the size of an output tree is
n. Moreover, in the Jukes-Cantor model of evolution, the algorithm recovers the
correct tree topology with high probability using sample sequences of length
polynomial in (1) n, (2) the logarithm of the error probability, and (3) the
inverses of two small parameters.
|
112,265 | 112,265 | Scaling Up Inductive Logic Programming by Learning from Interpretations | When comparing inductive logic programming (ILP) and attribute-value learning
techniques, there is a trade-off between expressive power and efficiency.
Inductive logic programming techniques are typically more expressive but also
less efficient. Therefore, the data sets handled by current inductive logic
programming systems are small according to general standards within the data
mining community. The main source of inefficiency lies in the assumption that
several examples may be related to each other, so they cannot be handled
independently.
Within the learning from interpretations framework for inductive logic
programming this assumption is unnecessary, which allows to scale up existing
ILP algorithms. In this paper we explain this learning setting in the context
of relational databases. We relate the setting to propositional data mining and
to the classical ILP setting, and show that learning from interpretations
corresponds to learning from multiple relations and thus extends the
expressiveness of propositional learning, while maintaining its efficiency to a
large extent (which is not the case in the classical ILP setting).
As a case study, we present two alternative implementations of the ILP system
Tilde (Top-down Induction of Logical DEcision trees): Tilde-classic, which
loads all data in main memory, and Tilde-LDS, which loads the examples one by
one. We experimentally compare the implementations, showing Tilde-LDS can
handle large data sets (in the order of 100,000 examples or 100 MB) and indeed
scales up linearly in the number of examples.
|
112,266 | 112,266 | Towards a Universal Theory of Artificial Intelligence based on
Algorithmic Probability and Sequential Decision Theory | Decision theory formally solves the problem of rational agents in uncertain
worlds if the true environmental probability distribution is known.
Solomonoff's theory of universal induction formally solves the problem of
sequence prediction for unknown distribution. We unify both theories and give
strong arguments that the resulting universal AIXI model behaves optimal in any
computable environment. The major drawback of the AIXI model is that it is
uncomputable. To overcome this problem, we construct a modified algorithm
AIXI^tl, which is still superior to any other time t and space l bounded agent.
The computation time of AIXI^tl is of the order t x 2^l.
|
112,267 | 112,267 | General Loss Bounds for Universal Sequence Prediction | The Bayesian framework is ideally suited for induction problems. The
probability of observing $x_t$ at time $t$, given past observations
$x_1...x_{t-1}$ can be computed with Bayes' rule if the true distribution $\mu$
of the sequences $x_1x_2x_3...$ is known. The problem, however, is that in many
cases one does not even have a reasonable estimate of the true distribution. In
order to overcome this problem a universal distribution $\xi$ is defined as a
weighted sum of distributions $\mu_i\inM$, where $M$ is any countable set of
distributions including $\mu$. This is a generalization of Solomonoff
induction, in which $M$ is the set of all enumerable semi-measures. Systems
which predict $y_t$, given $x_1...x_{t-1}$ and which receive loss $l_{x_t y_t}$
if $x_t$ is the true next symbol of the sequence are considered. It is proven
that using the universal $\xi$ as a prior is nearly as good as using the
unknown true distribution $\mu$. Furthermore, games of chance, defined as a
sequence of bets, observations, and rewards are studied. The time needed to
reach the winning zone is bounded in terms of the relative entropy of $\mu$ and
$\xi$. Extensions to arbitrary alphabets, partial and delayed prediction, and
more active systems are discussed.
|
112,268 | 112,268 | Non-convex cost functionals in boosting algorithms and methods for panel
selection | In this document we propose a new improvement for boosting techniques as
proposed in Friedman '99 by the use of non-convex cost functional. The idea is
to introduce a correlation term to better deal with forecasting of additive
time series. The problem is discussed in a theoretical way to prove the
existence of minimizing sequence, and in a numerical way to propose a new
"ArgMin" algorithm. The model has been used to perform the touristic presence
forecast for the winter season 1999/2000 in Trentino (italian Alps).
|
112,269 | 112,269 | An effective Procedure for Speeding up Algorithms | The provably asymptotically fastest algorithm within a factor of 5 for
formally described problems will be constructed. The main idea is to enumerate
all programs provably equivalent to the original problem by enumerating all
proofs. The algorithm could be interpreted as a generalization and improvement
of Levin search, which is, within a multiplicative constant, the fastest
algorithm for inverting functions. Blum's speed-up theorem is avoided by taking
into account only programs for which a correctness proof exists. Furthermore,
it is shown that the fastest program that computes a certain function is also
one of the shortest programs provably computing this function. To quantify this
statement, the definition of Kolmogorov complexity is extended, and two new
natural measures for the complexity of a function are defined.
|
112,270 | 112,270 | Learning Policies with External Memory | In order for an agent to perform well in partially observable domains, it is
usually necessary for actions to depend on the history of observations. In this
paper, we explore a {\it stigmergic} approach, in which the agent's actions
include the ability to set and clear bits in an external memory, and the
external memory is included as part of the input to the agent. In this case, we
need to learn a reactive policy in a highly non-Markovian domain. We explore
two algorithms: SARSA(\lambda), which has had empirical success in partially
observable domains, and VAPS, a new algorithm due to Baird and Moore, with
convergence guarantees in partially observable domains. We compare the
performance of these two algorithms on benchmark problems.
|
112,271 | 112,271 | Fitness Uniform Selection to Preserve Genetic Diversity | In evolutionary algorithms, the fitness of a population increases with time
by mutating and recombining individuals and by a biased selection of more fit
individuals. The right selection pressure is critical in ensuring sufficient
optimization progress on the one hand and in preserving genetic diversity to be
able to escape from local optima on the other. We propose a new selection
scheme, which is uniform in the fitness values. It generates selection pressure
towards sparsely populated fitness regions, not necessarily towards higher
fitness, as is the case for all other selection schemes. We show that the new
selection scheme can be much more effective than standard selection schemes.
|
112,272 | 112,272 | Bootstrapping Structure using Similarity | In this paper a new similarity-based learning algorithm, inspired by string
edit-distance (Wagner and Fischer, 1974), is applied to the problem of
bootstrapping structure from scratch. The algorithm takes a corpus of
unannotated sentences as input and returns a corpus of bracketed sentences. The
method works on pairs of unstructured sentences or sentences partially
bracketed by the algorithm that have one or more words in common. It finds
parts of sentences that are interchangeable (i.e. the parts of the sentences
that are different in both sentences). These parts are taken as possible
constituents of the same type. While this corresponds to the basic
bootstrapping step of the algorithm, further structure may be learned from
comparison with other (similar) sentences.
We used this method for bootstrapping structure from the flat sentences of
the Penn Treebank ATIS corpus, and compared the resulting structured sentences
to the structured sentences in the ATIS corpus. Similarly, the algorithm was
tested on the OVIS corpus. We obtained 86.04 % non-crossing brackets precision
on the ATIS corpus and 89.39 % non-crossing brackets precision on the OVIS
corpus.
|
112,273 | 112,273 | ABL: Alignment-Based Learning | This paper introduces a new type of grammar learning algorithm, inspired by
string edit distance (Wagner and Fischer, 1974). The algorithm takes a corpus
of flat sentences as input and returns a corpus of labelled, bracketed
sentences. The method works on pairs of unstructured sentences that have one or
more words in common. When two sentences are divided into parts that are the
same in both sentences and parts that are different, this information is used
to find parts that are interchangeable. These parts are taken as possible
constituents of the same type. After this alignment learning step, the
selection learning step selects the most probable constituents from all
possible constituents.
This method was used to bootstrap structure on the ATIS corpus (Marcus et
al., 1993) and on the OVIS (Openbaar Vervoer Informatie Systeem (OVIS) stands
for Public Transport Information System.) corpus (Bonnema et al., 1997). While
the results are encouraging (we obtained up to 89.25 % non-crossing brackets
precision), this paper will point out some of the shortcomings of our approach
and will suggest possible solutions.
|
112,274 | 112,274 | Bootstrapping Syntax and Recursion using Alignment-Based Learning | This paper introduces a new type of unsupervised learning algorithm, based on
the alignment of sentences and Harris's (1951) notion of interchangeability.
The algorithm is applied to an untagged, unstructured corpus of natural
language sentences, resulting in a labelled, bracketed version of the corpus.
Firstly, the algorithm aligns all sentences in the corpus in pairs, resulting
in a partition of the sentences consisting of parts of the sentences that are
similar in both sentences and parts that are dissimilar. This information is
used to find (possibly overlapping) constituents. Next, the algorithm selects
(non-overlapping) constituents. Several instances of the algorithm are applied
to the ATIS corpus (Marcus et al., 1993) and the OVIS (Openbaar Vervoer
Informatie Systeem (OVIS) stands for Public Transport Information System.)
corpus (Bonnema et al., 1997). Apart from the promising numerical results, the
most striking result is that even the simplest algorithm based on alignment
learns recursion.
|
112,275 | 112,275 | Market-Based Reinforcement Learning in Partially Observable Worlds | Unlike traditional reinforcement learning (RL), market-based RL is in
principle applicable to worlds described by partially observable Markov
Decision Processes (POMDPs), where an agent needs to learn short-term memories
of relevant previous events in order to execute optimal actions. Most previous
work, however, has focused on reactive settings (MDPs) instead of POMDPs. Here
we reimplement a recent approach to market-based RL and for the first time
evaluate it in a toy POMDP setting.
|
112,276 | 112,276 | Bounds on sample size for policy evaluation in Markov environments | Reinforcement learning means finding the optimal course of action in
Markovian environments without knowledge of the environment's dynamics.
Stochastic optimization algorithms used in the field rely on estimates of the
value of a policy. Typically, the value of a policy is estimated from results
of simulating that very policy in the environment. This approach requires a
large amount of simulation as different points in the policy space are
considered. In this paper, we develop value estimators that utilize data
gathered when using one policy to estimate the value of using another policy,
resulting in much more data-efficient algorithms. We consider the question of
accumulating a sufficient experience and give PAC-style bounds.
|
112,277 | 112,277 | Learning to Cooperate via Policy Search | Cooperative games are those in which both agents share the same payoff
structure. Value-based reinforcement-learning algorithms, such as variants of
Q-learning, have been applied to learning cooperative games, but they only
apply when the game state is completely observable to both agents. Policy
search methods are a reasonable alternative to value-based methods for
partially observable environments. In this paper, we provide a gradient-based
distributed policy-search method for cooperative games and compare the notion
of local optimum to that of Nash equilibrium. We demonstrate the effectiveness
of this method experimentally in a small, partially observable simulated soccer
domain.
|
112,278 | 112,278 | File mapping Rule-based DBMS and Natural Language Processing | This paper describes the system of storage, extract and processing of
information structured similarly to the natural language. For recursive
inference the system uses the rules having the same representation, as the
data. The environment of storage of information is provided with the File
Mapping (SHM) mechanism of operating system. In the paper the main principles
of construction of dynamic data structure and language for record of the
inference rules are stated; the features of available implementation are
considered and the description of the application realizing semantic
information retrieval on the natural language is given.
|
112,279 | 112,279 | Convergence and Error Bounds for Universal Prediction of Nonbinary
Sequences | Solomonoff's uncomputable universal prediction scheme $\xi$ allows to predict
the next symbol $x_k$ of a sequence $x_1...x_{k-1}$ for any Turing computable,
but otherwise unknown, probabilistic environment $\mu$. This scheme will be
generalized to arbitrary environmental classes, which, among others, allows the
construction of computable universal prediction schemes $\xi$. Convergence of
$\xi$ to $\mu$ in a conditional mean squared sense and with $\mu$ probability 1
is proven. It is shown that the average number of prediction errors made by the
universal $\xi$ scheme rapidly converges to those made by the best possible
informed $\mu$ scheme. The schemes, theorems and proofs are given for general
finite alphabet, which results in additional complications as compared to the
binary case. Several extensions of the presented theory and results are
outlined. They include general loss functions and bounds, games of chance,
infinite alphabet, partial and delayed prediction, classification, and more
active systems.
|
112,280 | 112,280 | A Sequential Model for Multi-Class Classification | Many classification problems require decisions among a large number of
competing classes. These tasks, however, are not handled well by general
purpose learning methods and are usually addressed in an ad-hoc fashion. We
suggest a general approach -- a sequential learning model that utilizes
classifiers to sequentially restrict the number of competing classes while
maintaining, with high probability, the presence of the true outcome in the
candidates set. Some theoretical and computational properties of the model are
discussed and we argue that these are important in NLP-like domains. The
advantages of the model are illustrated in an experiment in part-of-speech
tagging.
|
112,281 | 112,281 | Coupled Clustering: a Method for Detecting Structural Correspondence | This paper proposes a new paradigm and computational framework for
identification of correspondences between sub-structures of distinct composite
systems. For this, we define and investigate a variant of traditional data
clustering, termed coupled clustering, which simultaneously identifies
corresponding clusters within two data sets. The presented method is
demonstrated and evaluated for detecting topical correspondences in textual
corpora.
|
112,282 | 112,282 | Yet another zeta function and learning | We study the convergence speed of the batch learning algorithm, and compare
its speed to that of the memoryless learning algorithm and of learning with
memory (as analyzed in joint work with N. Komarova). We obtain precise results
and show in particular that the batch learning algorithm is never worse than
the memoryless learning algorithm (at least asymptotically). Its performance
vis-a-vis learning with full memory is less clearcut, and depends on
certainprobabilistic assumptions. These results necessitate theintroduction of
the moment zeta function of a probability distribution and the study of some of
its properties.
|
112,283 | 112,283 | Bipartite graph partitioning and data clustering | Many data types arising from data mining applications can be modeled as
bipartite graphs, examples include terms and documents in a text corpus,
customers and purchasing items in market basket analysis and reviewers and
movies in a movie recommender system. In this paper, we propose a new data
clustering method based on partitioning the underlying bipartite graph. The
partition is constructed by minimizing a normalized sum of edge weights between
unmatched pairs of vertices of the bipartite graph. We show that an approximate
solution to the minimization problem can be obtained by computing a partial
singular value decomposition (SVD) of the associated edge weight matrix of the
bipartite graph. We point out the connection of our clustering algorithm to
correspondence analysis used in multivariate analysis. We also briefly discuss
the issue of assigning data objects to multiple clusters. In the experimental
results, we apply our clustering algorithm to the problem of document
clustering to illustrate its effectiveness and efficiency.
|
112,284 | 112,284 | Relevant Knowledge First - Reinforcement Learning and Forgetting in
Knowledge Based Configuration | In order to solve complex configuration tasks in technical domains, various
knowledge based methods have been developed. However their applicability is
often unsuccessful due to their low efficiency. One of the reasons for this is
that (parts of the) problems have to be solved again and again, instead of
being "learnt" from preceding processes. However, learning processes bring with
them the problem of conservatism, for in technical domains innovation is a
deciding factor in competition. On the other hand a certain amount of
conservatism is often desired since uncontrolled innovation as a rule is also
detrimental. This paper proposes the heuristic RKF (Relevant Knowledge First)
for making decisions in configuration processes based on the so-called
relevance of objects in a knowledge base. The underlying relevance-function has
two components, one based on reinforcement learning and the other based on
forgetting (fading). Relevance of an object increases with its successful use
and decreases with age when it is not used. RKF has been developed to speed up
the configuration process and to improve the quality of the solutions relative
to the reward value that is given by users.
|
112,285 | 112,285 | Efficient algorithms for decision tree cross-validation | Cross-validation is a useful and generally applicable technique often
employed in machine learning, including decision tree induction. An important
disadvantage of straightforward implementation of the technique is its
computational overhead. In this paper we show that, for decision trees, the
computational overhead of cross-validation can be reduced significantly by
integrating the cross-validation with the normal decision tree induction
process. We discuss how existing decision tree algorithms can be adapted to
this aim, and provide an analysis of the speedups these adaptations may yield.
The analysis is supported by experimental results.
|
112,286 | 112,286 | Machine Learning in Automated Text Categorization | The automated categorization (or classification) of texts into predefined
categories has witnessed a booming interest in the last ten years, due to the
increased availability of documents in digital form and the ensuing need to
organize them. In the research community the dominant approach to this problem
is based on machine learning techniques: a general inductive process
automatically builds a classifier by learning, from a set of preclassified
documents, the characteristics of the categories. The advantages of this
approach over the knowledge engineering approach (consisting in the manual
definition of a classifier by domain experts) are a very good effectiveness,
considerable savings in terms of expert manpower, and straightforward
portability to different domains. This survey discusses the main approaches to
text categorization that fall within the machine learning paradigm. We will
discuss in detail issues pertaining to three different problems, namely
document representation, classifier construction, and classifier evaluation.
|
112,287 | 112,287 | The Use of Classifiers in Sequential Inference | We study the problem of combining the outcomes of several different
classifiers in a way that provides a coherent inference that satisfies some
constraints. In particular, we develop two general approaches for an important
subproblem-identifying phrase structure. The first is a Markovian approach that
extends standard HMMs to allow the use of a rich observation structure and of
general classifiers to model state-observation dependencies. The second is an
extension of constraint satisfaction formalisms. We develop efficient
combination algorithms under both models and study them experimentally in the
context of shallow parsing.
|
112,288 | 112,288 | Sharpening Occam's Razor | We provide a new representation-independent formulation of Occam's razor
theorem, based on Kolmogorov complexity. This new formulation allows us to:
(i) Obtain better sample complexity than both length-based and VC-based
versions of Occam's razor theorem, in many applications.
(ii) Achieve a sharper reverse of Occam's razor theorem than previous work.
Specifically, we weaken the assumptions made in an earlier publication, and
extend the reverse to superpolynomial running times.
|
112,289 | 112,289 | The performance of the batch learner algorithm | We analyze completely the convergence speed of the \emph{batch learning
algorithm}, and compare its speed to that of the memoryless learning algorithm
and of learning with memory. We show that the batch learning algorithm is never
worse than the memoryless learning algorithm (at least asymptotically). Its
performance \emph{vis-a-vis} learning with full memory is less clearcut, and
depends on certain probabilistic assumptions.
|
112,290 | 112,290 | The Dynamics of AdaBoost Weights Tells You What's Hard to Classify | The dynamical evolution of weights in the Adaboost algorithm contains useful
information about the role that the associated data points play in the built of
the Adaboost model. In particular, the dynamics induces a bipartition of the
data set into two (easy/hard) classes. Easy points are ininfluential in the
making of the model, while the varying relevance of hard points can be gauged
in terms of an entropy value associated to their evolution. Smooth
approximations of entropy highlight regions where classification is most
uncertain. Promising results are obtained when methods proposed are applied in
the Optimal Sampling framework.
|
112,291 | 112,291 | Learning to Play Games in Extensive Form by Valuation | A valuation for a player in a game in extensive form is an assignment of
numeric values to the players moves. The valuation reflects the desirability
moves. We assume a myopic player, who chooses a move with the highest
valuation. Valuations can also be revised, and hopefully improved, after each
play of the game. Here, a very simple valuation revision is considered, in
which the moves made in a play are assigned the payoff obtained in the play. We
show that by adopting such a learning process a player who has a winning
strategy in a win-lose game can almost surely guarantee a win in a repeated
game. When a player has more than two payoffs, a more elaborate learning
procedure is required. We consider one that associates with each move the
average payoff in the rounds in which this move was made. When all players
adopt this learning procedure, with some perturbations, then, with probability
1, strategies that are close to subgame perfect equilibrium are played after
some time. A single player who adopts this procedure can guarantee only her
individually rational payoff.
|
112,292 | 112,292 | On Learning by Exchanging Advice | One of the main questions concerning learning in Multi-Agent Systems is:
(How) can agents benefit from mutual interaction during the learning process?.
This paper describes the study of an interactive advice-exchange mechanism as a
possible way to improve agents' learning performance. The advice-exchange
technique, discussed here, uses supervised learning (backpropagation), where
reinforcement is not directly coming from the environment but is based on
advice given by peers with better performance score (higher confidence), to
enhance the performance of a heterogeneous group of Learning Agents (LAs). The
LAs are facing similar problems, in an environment where only reinforcement
information is available. Each LA applies a different, well known, learning
technique: Random Walk (hill-climbing), Simulated Annealing, Evolutionary
Algorithms and Q-Learning. The problem used for evaluation is a simplified
traffic-control simulation. Initial results indicate that advice-exchange can
improve learning speed, although bad advice and/or blind reliance can disturb
the learning performance.
|
112,293 | 112,293 | Capturing Knowledge of User Preferences: ontologies on recommender
systems | Tools for filtering the World Wide Web exist, but they are hampered by the
difficulty of capturing user preferences in such a dynamic environment. We
explore the acquisition of user profiles by unobtrusive monitoring of browsing
behaviour and application of supervised machine-learning techniques coupled
with an ontological representation to extract user preferences. A multi-class
approach to paper classification is used, allowing the paper topic taxonomy to
be utilised during profile construction. The Quickstep recommender system is
presented and two empirical studies evaluate it in a real work setting,
measuring the effectiveness of using a hierarchical topic ontology compared
with an extendable flat list.
|
112,294 | 112,294 | Interface agents: A review of the field | This paper reviews the origins of interface agents, discusses challenges that
exist within the interface agent field and presents a survey of current
attempts to find solutions to these challenges. A history of agent systems from
their birth in the 1960's to the current day is described, along with the
issues they try to address. A taxonomy of interface agent systems is presented,
and today's agent systems categorized accordingly. Lastly, an analysis of the
machine learning and user modelling techniques used by today's agents is
presented.
|
112,295 | 112,295 | Exploiting Synergy Between Ontologies and Recommender Systems | Recommender systems learn about user preferences over time, automatically
finding things of similar interest. This reduces the burden of creating
explicit queries. Recommender systems do, however, suffer from cold-start
problems where no initial information is available early on upon which to base
recommendations. Semantic knowledge structures, such as ontologies, can provide
valuable domain knowledge and user information. However, acquiring such
knowledge and keeping it up to date is not a trivial task and user interests
are particularly difficult to acquire and maintain. This paper investigates the
synergy between a web-based research paper recommender system and an ontology
containing information automatically extracted from departmental databases
available on the web. The ontology is used to address the recommender systems
cold-start problem. The recommender system addresses the ontology's
interest-acquisition problem. An empirical evaluation of this approach is
conducted and the performance of the integrated systems measured.
|
112,296 | 112,296 | Self-Optimizing and Pareto-Optimal Policies in General Environments
based on Bayes-Mixtures | The problem of making sequential decisions in unknown probabilistic
environments is studied. In cycle $t$ action $y_t$ results in perception $x_t$
and reward $r_t$, where all quantities in general may depend on the complete
history. The perception $x_t$ and reward $r_t$ are sampled from the (reactive)
environmental probability distribution $\mu$. This very general setting
includes, but is not limited to, (partial observable, k-th order) Markov
decision processes. Sequential decision theory tells us how to act in order to
maximize the total expected reward, called value, if $\mu$ is known.
Reinforcement learning is usually used if $\mu$ is unknown. In the Bayesian
approach one defines a mixture distribution $\xi$ as a weighted sum of
distributions $\nu\in\M$, where $\M$ is any class of distributions including
the true environment $\mu$. We show that the Bayes-optimal policy $p^\xi$ based
on the mixture $\xi$ is self-optimizing in the sense that the average value
converges asymptotically for all $\mu\in\M$ to the optimal value achieved by
the (infeasible) Bayes-optimal policy $p^\mu$ which knows $\mu$ in advance. We
show that the necessary condition that $\M$ admits self-optimizing policies at
all, is also sufficient. No other structural assumptions are made on $\M$. As
an example application, we discuss ergodic Markov decision processes, which
allow for self-optimizing policies. Furthermore, we show that $p^\xi$ is
Pareto-optimal in the sense that there is no other policy yielding higher or
equal value in {\em all} environments $\nu\in\M$ and a strictly higher value in
at least one.
|
112,297 | 112,297 | Learning from Scarce Experience | Searching the space of policies directly for the optimal policy has been one
popular method for solving partially observable reinforcement learning
problems. Typically, with each change of the target policy, its value is
estimated from the results of following that very policy. This requires a large
number of interactions with the environment as different polices are
considered. We present a family of algorithms based on likelihood ratio
estimation that use data gathered when executing one policy (or collection of
policies) to estimate the value of a different policy. The algorithms combine
estimation and optimization stages. The former utilizes experience to build a
non-parametric representation of an optimized function. The latter performs
optimization on this estimate. We show positive empirical results and provide
the sample complexity bound.
|
112,298 | 112,298 | Required sample size for learning sparse Bayesian networks with many
variables | Learning joint probability distributions on n random variables requires
exponential sample size in the generic case. Here we consider the case that a
temporal (or causal) order of the variables is known and that the (unknown)
graph of causal dependencies has bounded in-degree Delta. Then the joint
measure is uniquely determined by the probabilities of all (2 Delta+1)-tuples.
Upper bounds on the sample size required for estimating their probabilities can
be given in terms of the VC-dimension of the set of corresponding cylinder
sets. The sample size grows less than linearly with n.
|
112,299 | 112,299 | Bootstrapping Structure into Language: Alignment-Based Learning | This thesis introduces a new unsupervised learning framework, called
Alignment-Based Learning, which is based on the alignment of sentences and
Harris's (1951) notion of substitutability. Instances of the framework can be
applied to an untagged, unstructured corpus of natural language sentences,
resulting in a labelled, bracketed version of that corpus.
Firstly, the framework aligns all sentences in the corpus in pairs, resulting
in a partition of the sentences consisting of parts of the sentences that are
equal in both sentences and parts that are unequal. Unequal parts of sentences
can be seen as being substitutable for each other, since substituting one
unequal part for the other results in another valid sentence. The unequal parts
of the sentences are thus considered to be possible (possibly overlapping)
constituents, called hypotheses.
Secondly, the selection learning phase considers all hypotheses found by the
alignment learning phase and selects the best of these. The hypotheses are
selected based on the order in which they were found, or based on a
probabilistic function.
The framework can be extended with a grammar extraction phase. This extended
framework is called parseABL. Instead of returning a structured version of the
unstructured input corpus, like the ABL system, this system also returns a
stochastic context-free or tree substitution grammar.
Different instances of the framework have been tested on the English ATIS
corpus, the Dutch OVIS corpus and the Wall Street Journal corpus. One of the
interesting results, apart from the encouraging numerical results, is that all
instances can (and do) learn recursive structures.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.