id
large_stringlengths 9
16
| submitter
large_stringlengths 3
64
⌀ | authors
large_stringlengths 5
20.2k
| title
large_stringlengths 5
245
| comments
large_stringlengths 1
482
⌀ | journal-ref
large_stringlengths 4
382
⌀ | doi
large_stringlengths 9
151
⌀ | report-no
large_stringlengths 2
509
⌀ | categories
large_stringlengths 5
78
| license
large_stringclasses 9
values | abstract
large_stringlengths 83
3.55k
| versions
large listlengths 1
21
| update_date
timestamp[ms]date 2007-05-23 00:00:00
2025-05-30 00:00:00
| authors_parsed
large listlengths 1
1.35k
| prompt
large_stringlengths 166
3.64k
| label
stringclasses 2
values | prob
float64 0.5
0.73
|
---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|
2305.07540 | Amin Muhammad Shoib | Amin Muhammad Shoib, Summaira Jabeen, Changbo Wang, Tassawar Ali | Content-based jewellery item retrieval using the local region-based
histograms | null | null | null | null | cs.CV | http://creativecommons.org/licenses/by/4.0/ | Jewellery item retrieval is regularly used to find what people want on online
marketplaces using a sample query reference image. Considering recent
developments, due to the simultaneous nature of various jewelry items, various
jewelry goods' occlusion in images or visual streams, as well as shape
deformation, content-based jewellery item retrieval (CBJIR) still has
limitations whenever it pertains to visual searching in the actual world. This
article proposed a content-based jewellery item retrieval method using the
local region-based histograms in HSV color space. Using five local regions, our
novel jewellery classification module extracts the specific feature vectors
from the query image. The jewellery classification module is also applied to
the jewellery database to extract feature vectors. Finally, the similarity
score is matched between the database and query features vectors to retrieve
the jewellery items from the database. The proposed method performance is
tested on publicly available jewellery item retrieval datasets, i.e. ringFIR
and Fashion Product Images dataset. The experimental results demonstrate the
dominance of the proposed method over the baseline methods for retrieving
desired jewellery products.
| [
{
"version": "v1",
"created": "Fri, 12 May 2023 15:06:17 GMT"
}
] | 2023-05-15T00:00:00 | [
[
"Shoib",
"Amin Muhammad",
""
],
[
"Jabeen",
"Summaira",
""
],
[
"Wang",
"Changbo",
""
],
[
"Ali",
"Tassawar",
""
]
] | TITLE: Content-based jewellery item retrieval using the local region-based
histograms
ABSTRACT: Jewellery item retrieval is regularly used to find what people want on online
marketplaces using a sample query reference image. Considering recent
developments, due to the simultaneous nature of various jewelry items, various
jewelry goods' occlusion in images or visual streams, as well as shape
deformation, content-based jewellery item retrieval (CBJIR) still has
limitations whenever it pertains to visual searching in the actual world. This
article proposed a content-based jewellery item retrieval method using the
local region-based histograms in HSV color space. Using five local regions, our
novel jewellery classification module extracts the specific feature vectors
from the query image. The jewellery classification module is also applied to
the jewellery database to extract feature vectors. Finally, the similarity
score is matched between the database and query features vectors to retrieve
the jewellery items from the database. The proposed method performance is
tested on publicly available jewellery item retrieval datasets, i.e. ringFIR
and Fashion Product Images dataset. The experimental results demonstrate the
dominance of the proposed method over the baseline methods for retrieving
desired jewellery products.
| no_new_dataset | 0.711067 |
2305.07545 | Ripon Patgiri | Sabuzima Nayak and Ripon Patgiri | KmerCo: A lightweight K-mer counting technique with a tiny memory
footprint | Submitted to the conference for possible publication | null | null | null | cs.DB | http://creativecommons.org/licenses/by/4.0/ | K-mer counting is a requisite process for DNA assembly because it speeds up
its overall process. The frequency of K-mers is used for estimating the
parameters of DNA assembly, error correction, etc. The process also provides a
list of district K-mers which assist in searching large databases and reducing
the size of de Bruijn graphs. Nonetheless, K-mer counting is a data and
compute-intensive process. Hence, it is crucial to implement a lightweight data
structure that occupies low memory but does fast processing of K-mers. We
proposed a lightweight K-mer counting technique, called KmerCo that implements
a potent counting Bloom Filter variant, called countBF. KmerCo has two phases:
insertion and classification. The insertion phase inserts all K-mers into
countBF and determines distinct K-mers. The classification phase is responsible
for the classification of distinct K-mers into trustworthy and erroneous K-mers
based on a user-provided threshold value. We also proposed a novel benchmark
performance metric. We used the Hadoop MapReduce program to determine the
frequency of K-mers. We have conducted rigorous experiments to prove the
dominion of KmerCo compared to state-of-the-art K-mer counting techniques. The
experiments are conducted using DNA sequences of four organisms. The datasets
are pruned to generate four different size datasets. KmerCo is compared with
Squeakr, BFCounter, and Jellyfish. KmerCo took the lowest memory, highest
number of insertions per second, and a positive trustworthy rate as compared
with the three above-mentioned methods.
| [
{
"version": "v1",
"created": "Fri, 28 Apr 2023 10:14:01 GMT"
}
] | 2023-05-15T00:00:00 | [
[
"Nayak",
"Sabuzima",
""
],
[
"Patgiri",
"Ripon",
""
]
] | TITLE: KmerCo: A lightweight K-mer counting technique with a tiny memory
footprint
ABSTRACT: K-mer counting is a requisite process for DNA assembly because it speeds up
its overall process. The frequency of K-mers is used for estimating the
parameters of DNA assembly, error correction, etc. The process also provides a
list of district K-mers which assist in searching large databases and reducing
the size of de Bruijn graphs. Nonetheless, K-mer counting is a data and
compute-intensive process. Hence, it is crucial to implement a lightweight data
structure that occupies low memory but does fast processing of K-mers. We
proposed a lightweight K-mer counting technique, called KmerCo that implements
a potent counting Bloom Filter variant, called countBF. KmerCo has two phases:
insertion and classification. The insertion phase inserts all K-mers into
countBF and determines distinct K-mers. The classification phase is responsible
for the classification of distinct K-mers into trustworthy and erroneous K-mers
based on a user-provided threshold value. We also proposed a novel benchmark
performance metric. We used the Hadoop MapReduce program to determine the
frequency of K-mers. We have conducted rigorous experiments to prove the
dominion of KmerCo compared to state-of-the-art K-mer counting techniques. The
experiments are conducted using DNA sequences of four organisms. The datasets
are pruned to generate four different size datasets. KmerCo is compared with
Squeakr, BFCounter, and Jellyfish. KmerCo took the lowest memory, highest
number of insertions per second, and a positive trustworthy rate as compared
with the three above-mentioned methods.
| no_new_dataset | 0.710396 |
2305.07552 | Ganesh Bagler Prof | Mansi Goel, Shashank Dargar, Shounak Ghatak, Nidhi Verma, Pratik
Chauhan, Anushka Gupta, Nikhila Vishnumolakala, Hareesh Amuru, Ekta Gambhir,
Ronak Chhajed, Meenal Jain, Astha Jain, Samiksha Garg, Nitesh Narwade,
Nikhilesh Verhwani, Abhuday Tiwari, Kirti Vashishtha and Ganesh Bagler | Dish detection in food platters: A framework for automated diet logging
and nutrition management | 11 pages, 5 figures, 5 tables. Submitted to the 8th International
Conference on Computer Vision & Image Processing (CVIP-2023) | null | null | null | cs.CV cs.AI cs.CY | http://creativecommons.org/licenses/by-nc-nd/4.0/ | Diet is central to the epidemic of lifestyle disorders. Accurate and
effortless diet logging is one of the significant bottlenecks for effective
diet management and calorie restriction. Dish detection from food platters is a
challenging problem due to a visually complex food layout. We present an
end-to-end computational framework for diet management, from data compilation,
annotation, and state-of-the-art model identification to its mobile app
implementation. As a case study, we implement the framework in the context of
Indian food platters known for their complex presentation that poses a
challenge for the automated detection of dishes. Starting with the 61 most
popular Indian dishes, we identify the state-of-the-art model through a
comparative analysis of deep-learning-based object detection architectures.
Rooted in a meticulous compilation of 68,005 platter images with 134,814 manual
dish annotations, we first compare ten architectures for multi-label
classification to identify ResNet152 (mAP=84.51%) as the best model. YOLOv8x
(mAP=87.70%) emerged as the best model architecture for dish detection among
the eight deep-learning models implemented after a thorough performance
evaluation. By comparing with the state-of-the-art model for the IndianFood10
dataset, we demonstrate the superior object detection performance of YOLOv8x
for this subset and establish Resnet152 as the best architecture for
multi-label classification. The models thus trained on richly annotated data
can be extended to include dishes from across global cuisines. The proposed
framework is demonstrated through a proof-of-concept mobile application with
diverse applications for diet logging, food recommendation systems, nutritional
interventions, and mitigation of lifestyle disorders.
| [
{
"version": "v1",
"created": "Fri, 12 May 2023 15:25:58 GMT"
}
] | 2023-05-15T00:00:00 | [
[
"Goel",
"Mansi",
""
],
[
"Dargar",
"Shashank",
""
],
[
"Ghatak",
"Shounak",
""
],
[
"Verma",
"Nidhi",
""
],
[
"Chauhan",
"Pratik",
""
],
[
"Gupta",
"Anushka",
""
],
[
"Vishnumolakala",
"Nikhila",
""
],
[
"Amuru",
"Hareesh",
""
],
[
"Gambhir",
"Ekta",
""
],
[
"Chhajed",
"Ronak",
""
],
[
"Jain",
"Meenal",
""
],
[
"Jain",
"Astha",
""
],
[
"Garg",
"Samiksha",
""
],
[
"Narwade",
"Nitesh",
""
],
[
"Verhwani",
"Nikhilesh",
""
],
[
"Tiwari",
"Abhuday",
""
],
[
"Vashishtha",
"Kirti",
""
],
[
"Bagler",
"Ganesh",
""
]
] | TITLE: Dish detection in food platters: A framework for automated diet logging
and nutrition management
ABSTRACT: Diet is central to the epidemic of lifestyle disorders. Accurate and
effortless diet logging is one of the significant bottlenecks for effective
diet management and calorie restriction. Dish detection from food platters is a
challenging problem due to a visually complex food layout. We present an
end-to-end computational framework for diet management, from data compilation,
annotation, and state-of-the-art model identification to its mobile app
implementation. As a case study, we implement the framework in the context of
Indian food platters known for their complex presentation that poses a
challenge for the automated detection of dishes. Starting with the 61 most
popular Indian dishes, we identify the state-of-the-art model through a
comparative analysis of deep-learning-based object detection architectures.
Rooted in a meticulous compilation of 68,005 platter images with 134,814 manual
dish annotations, we first compare ten architectures for multi-label
classification to identify ResNet152 (mAP=84.51%) as the best model. YOLOv8x
(mAP=87.70%) emerged as the best model architecture for dish detection among
the eight deep-learning models implemented after a thorough performance
evaluation. By comparing with the state-of-the-art model for the IndianFood10
dataset, we demonstrate the superior object detection performance of YOLOv8x
for this subset and establish Resnet152 as the best architecture for
multi-label classification. The models thus trained on richly annotated data
can be extended to include dishes from across global cuisines. The proposed
framework is demonstrated through a proof-of-concept mobile application with
diverse applications for diet logging, food recommendation systems, nutritional
interventions, and mitigation of lifestyle disorders.
| no_new_dataset | 0.709818 |
2305.07558 | Emanuele Bugliarello | Emanuele Bugliarello, Laurent Sartran, Aishwarya Agrawal, Lisa Anne
Hendricks, Aida Nematzadeh | Measuring Progress in Fine-grained Vision-and-Language Understanding | ACL 2023 | null | null | null | cs.CL cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | While pretraining on large-scale image-text data from the Web has facilitated
rapid progress on many vision-and-language (V&L) tasks, recent work has
demonstrated that pretrained models lack "fine-grained" understanding, such as
the ability to recognise relationships, verbs, and numbers in images. This has
resulted in an increased interest in the community to either develop new
benchmarks or models for such capabilities. To better understand and quantify
progress in this direction, we investigate four competitive V&L models on four
fine-grained benchmarks. Through our analysis, we find that X-VLM (Zeng et al.,
2022) consistently outperforms other baselines, and that modelling innovations
can impact performance more than scaling Web data, which even degrades
performance sometimes. Through a deeper investigation of X-VLM, we highlight
the importance of both novel losses and rich data sources for learning
fine-grained skills. Finally, we inspect training dynamics, and discover that
for some tasks, performance peaks early in training or significantly
fluctuates, never converging.
| [
{
"version": "v1",
"created": "Fri, 12 May 2023 15:34:20 GMT"
}
] | 2023-05-15T00:00:00 | [
[
"Bugliarello",
"Emanuele",
""
],
[
"Sartran",
"Laurent",
""
],
[
"Agrawal",
"Aishwarya",
""
],
[
"Hendricks",
"Lisa Anne",
""
],
[
"Nematzadeh",
"Aida",
""
]
] | TITLE: Measuring Progress in Fine-grained Vision-and-Language Understanding
ABSTRACT: While pretraining on large-scale image-text data from the Web has facilitated
rapid progress on many vision-and-language (V&L) tasks, recent work has
demonstrated that pretrained models lack "fine-grained" understanding, such as
the ability to recognise relationships, verbs, and numbers in images. This has
resulted in an increased interest in the community to either develop new
benchmarks or models for such capabilities. To better understand and quantify
progress in this direction, we investigate four competitive V&L models on four
fine-grained benchmarks. Through our analysis, we find that X-VLM (Zeng et al.,
2022) consistently outperforms other baselines, and that modelling innovations
can impact performance more than scaling Web data, which even degrades
performance sometimes. Through a deeper investigation of X-VLM, we highlight
the importance of both novel losses and rich data sources for learning
fine-grained skills. Finally, we inspect training dynamics, and discover that
for some tasks, performance peaks early in training or significantly
fluctuates, never converging.
| no_new_dataset | 0.709447 |
2305.07565 | Vladimir Araujo | Vladimir Araujo, Alvaro Soto, Marie-Francine Moens | A Memory Model for Question Answering from Streaming Data Supported by
Rehearsal and Anticipation of Coreference Information | Accepted paper at ACL2023 Findings | null | null | null | cs.CL cs.AI cs.LG | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Existing question answering methods often assume that the input content
(e.g., documents or videos) is always accessible to solve the task.
Alternatively, memory networks were introduced to mimic the human process of
incremental comprehension and compression of the information in a
fixed-capacity memory. However, these models only learn how to maintain memory
by backpropagating errors in the answers through the entire network. Instead,
it has been suggested that humans have effective mechanisms to boost their
memorization capacities, such as rehearsal and anticipation. Drawing
inspiration from these, we propose a memory model that performs rehearsal and
anticipation while processing inputs to memorize important information for
solving question answering tasks from streaming data. The proposed mechanisms
are applied self-supervised during training through masked modeling tasks
focused on coreference information. We validate our model on a short-sequence
(bAbI) dataset as well as large-sequence textual (NarrativeQA) and video
(ActivityNet-QA) question answering datasets, where it achieves substantial
improvements over previous memory network approaches. Furthermore, our ablation
study confirms the proposed mechanisms' importance for memory models.
| [
{
"version": "v1",
"created": "Fri, 12 May 2023 15:46:36 GMT"
}
] | 2023-05-15T00:00:00 | [
[
"Araujo",
"Vladimir",
""
],
[
"Soto",
"Alvaro",
""
],
[
"Moens",
"Marie-Francine",
""
]
] | TITLE: A Memory Model for Question Answering from Streaming Data Supported by
Rehearsal and Anticipation of Coreference Information
ABSTRACT: Existing question answering methods often assume that the input content
(e.g., documents or videos) is always accessible to solve the task.
Alternatively, memory networks were introduced to mimic the human process of
incremental comprehension and compression of the information in a
fixed-capacity memory. However, these models only learn how to maintain memory
by backpropagating errors in the answers through the entire network. Instead,
it has been suggested that humans have effective mechanisms to boost their
memorization capacities, such as rehearsal and anticipation. Drawing
inspiration from these, we propose a memory model that performs rehearsal and
anticipation while processing inputs to memorize important information for
solving question answering tasks from streaming data. The proposed mechanisms
are applied self-supervised during training through masked modeling tasks
focused on coreference information. We validate our model on a short-sequence
(bAbI) dataset as well as large-sequence textual (NarrativeQA) and video
(ActivityNet-QA) question answering datasets, where it achieves substantial
improvements over previous memory network approaches. Furthermore, our ablation
study confirms the proposed mechanisms' importance for memory models.
| no_new_dataset | 0.711782 |
2305.07613 | Siddarth Asokan | Siddarth Asokan and Chandra Sekhar Seelamantula | Spider GAN: Leveraging Friendly Neighbors to Accelerate GAN Training | CVPR 2023 | null | null | null | cs.CV cs.AI cs.LG stat.ML | http://creativecommons.org/licenses/by/4.0/ | Training Generative adversarial networks (GANs) stably is a challenging task.
The generator in GANs transform noise vectors, typically Gaussian distributed,
into realistic data such as images. In this paper, we propose a novel approach
for training GANs with images as inputs, but without enforcing any pairwise
constraints. The intuition is that images are more structured than noise, which
the generator can leverage to learn a more robust transformation. The process
can be made efficient by identifying closely related datasets, or a ``friendly
neighborhood'' of the target distribution, inspiring the moniker, Spider GAN.
To define friendly neighborhoods leveraging proximity between datasets, we
propose a new measure called the signed inception distance (SID), inspired by
the polyharmonic kernel. We show that the Spider GAN formulation results in
faster convergence, as the generator can discover correspondence even between
seemingly unrelated datasets, for instance, between Tiny-ImageNet and CelebA
faces. Further, we demonstrate cascading Spider GAN, where the output
distribution from a pre-trained GAN generator is used as the input to the
subsequent network. Effectively, transporting one distribution to another in a
cascaded fashion until the target is learnt -- a new flavor of transfer
learning. We demonstrate the efficacy of the Spider approach on DCGAN,
conditional GAN, PGGAN, StyleGAN2 and StyleGAN3. The proposed approach achieves
state-of-the-art Frechet inception distance (FID) values, with one-fifth of the
training iterations, in comparison to their baseline counterparts on
high-resolution small datasets such as MetFaces, Ukiyo-E Faces and AFHQ-Cats.
| [
{
"version": "v1",
"created": "Fri, 12 May 2023 17:03:18 GMT"
}
] | 2023-05-15T00:00:00 | [
[
"Asokan",
"Siddarth",
""
],
[
"Seelamantula",
"Chandra Sekhar",
""
]
] | TITLE: Spider GAN: Leveraging Friendly Neighbors to Accelerate GAN Training
ABSTRACT: Training Generative adversarial networks (GANs) stably is a challenging task.
The generator in GANs transform noise vectors, typically Gaussian distributed,
into realistic data such as images. In this paper, we propose a novel approach
for training GANs with images as inputs, but without enforcing any pairwise
constraints. The intuition is that images are more structured than noise, which
the generator can leverage to learn a more robust transformation. The process
can be made efficient by identifying closely related datasets, or a ``friendly
neighborhood'' of the target distribution, inspiring the moniker, Spider GAN.
To define friendly neighborhoods leveraging proximity between datasets, we
propose a new measure called the signed inception distance (SID), inspired by
the polyharmonic kernel. We show that the Spider GAN formulation results in
faster convergence, as the generator can discover correspondence even between
seemingly unrelated datasets, for instance, between Tiny-ImageNet and CelebA
faces. Further, we demonstrate cascading Spider GAN, where the output
distribution from a pre-trained GAN generator is used as the input to the
subsequent network. Effectively, transporting one distribution to another in a
cascaded fashion until the target is learnt -- a new flavor of transfer
learning. We demonstrate the efficacy of the Spider approach on DCGAN,
conditional GAN, PGGAN, StyleGAN2 and StyleGAN3. The proposed approach achieves
state-of-the-art Frechet inception distance (FID) values, with one-fifth of the
training iterations, in comparison to their baseline counterparts on
high-resolution small datasets such as MetFaces, Ukiyo-E Faces and AFHQ-Cats.
| no_new_dataset | 0.711588 |
2305.07615 | Griffin Adams | Griffin Adams, Bichlien H Nguyen, Jake Smith, Yingce Xia, Shufang Xie,
Anna Ostropolets, Budhaditya Deb, Yuan-Jyue Chen, Tristan Naumann, No\'emie
Elhadad | What are the Desired Characteristics of Calibration Sets? Identifying
Correlates on Long Form Scientific Summarization | ACL 2023 | null | null | null | cs.CL | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Summarization models often generate text that is poorly calibrated to quality
metrics because they are trained to maximize the likelihood of a single
reference (MLE). To address this, recent work has added a calibration step,
which exposes a model to its own ranked outputs to improve relevance or, in a
separate line of work, contrasts positive and negative sets to improve
faithfulness. While effective, much of this work has focused on how to generate
and optimize these sets. Less is known about why one setup is more effective
than another. In this work, we uncover the underlying characteristics of
effective sets. For each training instance, we form a large, diverse pool of
candidates and systematically vary the subsets used for calibration
fine-tuning. Each selection strategy targets distinct aspects of the sets, such
as lexical diversity or the size of the gap between positive and negatives. On
three diverse scientific long-form summarization datasets (spanning biomedical,
clinical, and chemical domains), we find, among others, that faithfulness
calibration is optimal when the negative sets are extractive and more likely to
be generated, whereas for relevance calibration, the metric margin between
candidates should be maximized and surprise--the disagreement between model and
metric defined candidate rankings--minimized. Code to create, select, and
optimize calibration sets is available at
https://github.com/griff4692/calibrating-summaries
| [
{
"version": "v1",
"created": "Fri, 12 May 2023 17:08:47 GMT"
}
] | 2023-05-15T00:00:00 | [
[
"Adams",
"Griffin",
""
],
[
"Nguyen",
"Bichlien H",
""
],
[
"Smith",
"Jake",
""
],
[
"Xia",
"Yingce",
""
],
[
"Xie",
"Shufang",
""
],
[
"Ostropolets",
"Anna",
""
],
[
"Deb",
"Budhaditya",
""
],
[
"Chen",
"Yuan-Jyue",
""
],
[
"Naumann",
"Tristan",
""
],
[
"Elhadad",
"Noémie",
""
]
] | TITLE: What are the Desired Characteristics of Calibration Sets? Identifying
Correlates on Long Form Scientific Summarization
ABSTRACT: Summarization models often generate text that is poorly calibrated to quality
metrics because they are trained to maximize the likelihood of a single
reference (MLE). To address this, recent work has added a calibration step,
which exposes a model to its own ranked outputs to improve relevance or, in a
separate line of work, contrasts positive and negative sets to improve
faithfulness. While effective, much of this work has focused on how to generate
and optimize these sets. Less is known about why one setup is more effective
than another. In this work, we uncover the underlying characteristics of
effective sets. For each training instance, we form a large, diverse pool of
candidates and systematically vary the subsets used for calibration
fine-tuning. Each selection strategy targets distinct aspects of the sets, such
as lexical diversity or the size of the gap between positive and negatives. On
three diverse scientific long-form summarization datasets (spanning biomedical,
clinical, and chemical domains), we find, among others, that faithfulness
calibration is optimal when the negative sets are extractive and more likely to
be generated, whereas for relevance calibration, the metric margin between
candidates should be maximized and surprise--the disagreement between model and
metric defined candidate rankings--minimized. Code to create, select, and
optimize calibration sets is available at
https://github.com/griff4692/calibrating-summaries
| no_new_dataset | 0.711863 |
2305.07625 | Ondrej Bohdal | Ondrej Bohdal, Yinbing Tian, Yongshuo Zong, Ruchika Chavhan, Da Li,
Henry Gouk, Li Guo, Timothy Hospedales | Meta Omnium: A Benchmark for General-Purpose Learning-to-Learn | Accepted at CVPR 2023. Project page:
https://edi-meta-learning.github.io/meta-omnium | null | null | null | cs.CV cs.LG stat.ML | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Meta-learning and other approaches to few-shot learning are widely studied
for image recognition, and are increasingly applied to other vision tasks such
as pose estimation and dense prediction. This naturally raises the question of
whether there is any few-shot meta-learning algorithm capable of generalizing
across these diverse task types? To support the community in answering this
question, we introduce Meta Omnium, a dataset-of-datasets spanning multiple
vision tasks including recognition, keypoint localization, semantic
segmentation and regression. We experiment with popular few-shot meta-learning
baselines and analyze their ability to generalize across tasks and to transfer
knowledge between them. Meta Omnium enables meta-learning researchers to
evaluate model generalization to a much wider array of tasks than previously
possible, and provides a single framework for evaluating meta-learners across a
wide suite of vision applications in a consistent manner.
| [
{
"version": "v1",
"created": "Fri, 12 May 2023 17:25:19 GMT"
}
] | 2023-05-15T00:00:00 | [
[
"Bohdal",
"Ondrej",
""
],
[
"Tian",
"Yinbing",
""
],
[
"Zong",
"Yongshuo",
""
],
[
"Chavhan",
"Ruchika",
""
],
[
"Li",
"Da",
""
],
[
"Gouk",
"Henry",
""
],
[
"Guo",
"Li",
""
],
[
"Hospedales",
"Timothy",
""
]
] | TITLE: Meta Omnium: A Benchmark for General-Purpose Learning-to-Learn
ABSTRACT: Meta-learning and other approaches to few-shot learning are widely studied
for image recognition, and are increasingly applied to other vision tasks such
as pose estimation and dense prediction. This naturally raises the question of
whether there is any few-shot meta-learning algorithm capable of generalizing
across these diverse task types? To support the community in answering this
question, we introduce Meta Omnium, a dataset-of-datasets spanning multiple
vision tasks including recognition, keypoint localization, semantic
segmentation and regression. We experiment with popular few-shot meta-learning
baselines and analyze their ability to generalize across tasks and to transfer
knowledge between them. Meta Omnium enables meta-learning researchers to
evaluate model generalization to a much wider array of tasks than previously
possible, and provides a single framework for evaluating meta-learners across a
wide suite of vision applications in a consistent manner.
| new_dataset | 0.713057 |
2305.07632 | Min Hun Lee | Min Hun Lee, Daniel P. Siewiorek, Asim Smailagic, Alexandre
Bernardino, Sergi Berm\'udez i Badia | Design, Development, and Evaluation of an Interactive Personalized
Social Robot to Monitor and Coach Post-Stroke Rehabilitation Exercises | User Modeling and User-Adapted Interaction 2023 | null | 10.1007/s11257-022-09348-5 | null | cs.RO cs.AI cs.HC | http://creativecommons.org/licenses/by-nc-nd/4.0/ | Socially assistive robots are increasingly being explored to improve the
engagement of older adults and people with disability in health and
well-being-related exercises. However, even if people have various physical
conditions, most prior work on social robot exercise coaching systems has
utilized generic, predefined feedback. The deployment of these systems still
remains a challenge. In this paper, we present our work of iteratively engaging
therapists and post-stroke survivors to design, develop, and evaluate a social
robot exercise coaching system for personalized rehabilitation. Through
interviews with therapists, we designed how this system interacts with the user
and then developed an interactive social robot exercise coaching system. This
system integrates a neural network model with a rule-based model to
automatically monitor and assess patients' rehabilitation exercises and can be
tuned with individual patient's data to generate real-time, personalized
corrective feedback for improvement. With the dataset of rehabilitation
exercises from 15 post-stroke survivors, we demonstrated our system
significantly improves its performance to assess patients' exercises while
tuning with held-out patient's data. In addition, our real-world evaluation
study showed that our system can adapt to new participants and achieved 0.81
average performance to assess their exercises, which is comparable to the
experts' agreement level. We further discuss the potential benefits and
limitations of our system in practice.
| [
{
"version": "v1",
"created": "Fri, 12 May 2023 17:37:04 GMT"
}
] | 2023-05-15T00:00:00 | [
[
"Lee",
"Min Hun",
""
],
[
"Siewiorek",
"Daniel P.",
""
],
[
"Smailagic",
"Asim",
""
],
[
"Bernardino",
"Alexandre",
""
],
[
"Badia",
"Sergi Bermúdez i",
""
]
] | TITLE: Design, Development, and Evaluation of an Interactive Personalized
Social Robot to Monitor and Coach Post-Stroke Rehabilitation Exercises
ABSTRACT: Socially assistive robots are increasingly being explored to improve the
engagement of older adults and people with disability in health and
well-being-related exercises. However, even if people have various physical
conditions, most prior work on social robot exercise coaching systems has
utilized generic, predefined feedback. The deployment of these systems still
remains a challenge. In this paper, we present our work of iteratively engaging
therapists and post-stroke survivors to design, develop, and evaluate a social
robot exercise coaching system for personalized rehabilitation. Through
interviews with therapists, we designed how this system interacts with the user
and then developed an interactive social robot exercise coaching system. This
system integrates a neural network model with a rule-based model to
automatically monitor and assess patients' rehabilitation exercises and can be
tuned with individual patient's data to generate real-time, personalized
corrective feedback for improvement. With the dataset of rehabilitation
exercises from 15 post-stroke survivors, we demonstrated our system
significantly improves its performance to assess patients' exercises while
tuning with held-out patient's data. In addition, our real-world evaluation
study showed that our system can adapt to new participants and achieved 0.81
average performance to assess their exercises, which is comparable to the
experts' agreement level. We further discuss the potential benefits and
limitations of our system in practice.
| no_new_dataset | 0.704961 |
2305.07633 | Ziwei Fan | Ziwei Fan, Zhiwei Liu, Shelby Heinecke, Jianguo Zhang, Huan Wang,
Caiming Xiong, and Philip S. Yu | Zero-shot Item-based Recommendation via Multi-task Product Knowledge
Graph Pre-Training | 11 pages | null | null | null | cs.IR cs.AI cs.LG | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Existing recommender systems face difficulties with zero-shot items, i.e.
items that have no historical interactions with users during the training
stage. Though recent works extract universal item representation via
pre-trained language models (PLMs), they ignore the crucial item relationships.
This paper presents a novel paradigm for the Zero-Shot Item-based
Recommendation (ZSIR) task, which pre-trains a model on product knowledge graph
(PKG) to refine the item features from PLMs. We identify three challenges for
pre-training PKG, which are multi-type relations in PKG, semantic divergence
between item generic information and relations and domain discrepancy from PKG
to downstream ZSIR task. We address the challenges by proposing four
pre-training tasks and novel task-oriented adaptation (ToA) layers. Moreover,
this paper discusses how to fine-tune the model on new recommendation task such
that the ToA layers are adapted to ZSIR task. Comprehensive experiments on 18
markets dataset are conducted to verify the effectiveness of the proposed model
in both knowledge prediction and ZSIR task.
| [
{
"version": "v1",
"created": "Fri, 12 May 2023 17:38:24 GMT"
}
] | 2023-05-15T00:00:00 | [
[
"Fan",
"Ziwei",
""
],
[
"Liu",
"Zhiwei",
""
],
[
"Heinecke",
"Shelby",
""
],
[
"Zhang",
"Jianguo",
""
],
[
"Wang",
"Huan",
""
],
[
"Xiong",
"Caiming",
""
],
[
"Yu",
"Philip S.",
""
]
] | TITLE: Zero-shot Item-based Recommendation via Multi-task Product Knowledge
Graph Pre-Training
ABSTRACT: Existing recommender systems face difficulties with zero-shot items, i.e.
items that have no historical interactions with users during the training
stage. Though recent works extract universal item representation via
pre-trained language models (PLMs), they ignore the crucial item relationships.
This paper presents a novel paradigm for the Zero-Shot Item-based
Recommendation (ZSIR) task, which pre-trains a model on product knowledge graph
(PKG) to refine the item features from PLMs. We identify three challenges for
pre-training PKG, which are multi-type relations in PKG, semantic divergence
between item generic information and relations and domain discrepancy from PKG
to downstream ZSIR task. We address the challenges by proposing four
pre-training tasks and novel task-oriented adaptation (ToA) layers. Moreover,
this paper discusses how to fine-tune the model on new recommendation task such
that the ToA layers are adapted to ZSIR task. Comprehensive experiments on 18
markets dataset are conducted to verify the effectiveness of the proposed model
in both knowledge prediction and ZSIR task.
| no_new_dataset | 0.706975 |
2305.07642 | Dominic LaBella M.D. | Dominic LaBella, Maruf Adewole, Michelle Alonso-Basanta, Talissa
Altes, Syed Muhammad Anwar, Ujjwal Baid, Timothy Bergquist, Radhika Bhalerao,
Sully Chen, Verena Chung, Gian-Marco Conte, Farouk Dako, James Eddy, Ivan
Ezhov, Devon Godfrey, Fathi Hilal, Ariana Familiar, Keyvan Farahani, Juan
Eugenio Iglesias, Zhifan Jiang, Elaine Johanson, Anahita Fathi Kazerooni,
Collin Kent, John Kirkpatrick, Florian Kofler, Koen Van Leemput, Hongwei Bran
Li, Xinyang Liu, Aria Mahtabfar, Shan McBurney-Lin, Ryan McLean, Zeke Meier,
Ahmed W Moawad, John Mongan, Pierre Nedelec, Maxence Pajot, Marie Piraud,
Arif Rashid, Zachary Reitman, Russell Takeshi Shinohara, Yury Velichko,
Chunhao Wang, Pranav Warman, Walter Wiggins, Mariam Aboian, Jake Albrecht,
Udunna Anazodo, Spyridon Bakas, Adam Flanders, Anastasia Janas, Goldey
Khanna, Marius George Linguraru, Bjoern Menze, Ayman Nada, Andreas M
Rauschecker, Jeff Rudie, Nourel Hoda Tahon, Javier Villanueva-Meyer, Benedikt
Wiestler, Evan Calabrese | The ASNR-MICCAI Brain Tumor Segmentation (BraTS) Challenge 2023:
Intracranial Meningioma | null | null | null | null | cs.CV cs.AI cs.LG stat.ML | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Meningiomas are the most common primary intracranial tumor in adults and can
be associated with significant morbidity and mortality. Radiologists,
neurosurgeons, neuro-oncologists, and radiation oncologists rely on
multiparametric MRI (mpMRI) for diagnosis, treatment planning, and longitudinal
treatment monitoring; yet automated, objective, and quantitative tools for
non-invasive assessment of meningiomas on mpMRI are lacking. The BraTS
meningioma 2023 challenge will provide a community standard and benchmark for
state-of-the-art automated intracranial meningioma segmentation models based on
the largest expert annotated multilabel meningioma mpMRI dataset to date.
Challenge competitors will develop automated segmentation models to predict
three distinct meningioma sub-regions on MRI including enhancing tumor,
non-enhancing tumor core, and surrounding nonenhancing T2/FLAIR hyperintensity.
Models will be evaluated on separate validation and held-out test datasets
using standardized metrics utilized across the BraTS 2023 series of challenges
including the Dice similarity coefficient and Hausdorff distance. The models
developed during the course of this challenge will aid in incorporation of
automated meningioma MRI segmentation into clinical practice, which will
ultimately improve care of patients with meningioma.
| [
{
"version": "v1",
"created": "Fri, 12 May 2023 17:52:36 GMT"
}
] | 2023-05-15T00:00:00 | [
[
"LaBella",
"Dominic",
""
],
[
"Adewole",
"Maruf",
""
],
[
"Alonso-Basanta",
"Michelle",
""
],
[
"Altes",
"Talissa",
""
],
[
"Anwar",
"Syed Muhammad",
""
],
[
"Baid",
"Ujjwal",
""
],
[
"Bergquist",
"Timothy",
""
],
[
"Bhalerao",
"Radhika",
""
],
[
"Chen",
"Sully",
""
],
[
"Chung",
"Verena",
""
],
[
"Conte",
"Gian-Marco",
""
],
[
"Dako",
"Farouk",
""
],
[
"Eddy",
"James",
""
],
[
"Ezhov",
"Ivan",
""
],
[
"Godfrey",
"Devon",
""
],
[
"Hilal",
"Fathi",
""
],
[
"Familiar",
"Ariana",
""
],
[
"Farahani",
"Keyvan",
""
],
[
"Iglesias",
"Juan Eugenio",
""
],
[
"Jiang",
"Zhifan",
""
],
[
"Johanson",
"Elaine",
""
],
[
"Kazerooni",
"Anahita Fathi",
""
],
[
"Kent",
"Collin",
""
],
[
"Kirkpatrick",
"John",
""
],
[
"Kofler",
"Florian",
""
],
[
"Van Leemput",
"Koen",
""
],
[
"Li",
"Hongwei Bran",
""
],
[
"Liu",
"Xinyang",
""
],
[
"Mahtabfar",
"Aria",
""
],
[
"McBurney-Lin",
"Shan",
""
],
[
"McLean",
"Ryan",
""
],
[
"Meier",
"Zeke",
""
],
[
"Moawad",
"Ahmed W",
""
],
[
"Mongan",
"John",
""
],
[
"Nedelec",
"Pierre",
""
],
[
"Pajot",
"Maxence",
""
],
[
"Piraud",
"Marie",
""
],
[
"Rashid",
"Arif",
""
],
[
"Reitman",
"Zachary",
""
],
[
"Shinohara",
"Russell Takeshi",
""
],
[
"Velichko",
"Yury",
""
],
[
"Wang",
"Chunhao",
""
],
[
"Warman",
"Pranav",
""
],
[
"Wiggins",
"Walter",
""
],
[
"Aboian",
"Mariam",
""
],
[
"Albrecht",
"Jake",
""
],
[
"Anazodo",
"Udunna",
""
],
[
"Bakas",
"Spyridon",
""
],
[
"Flanders",
"Adam",
""
],
[
"Janas",
"Anastasia",
""
],
[
"Khanna",
"Goldey",
""
],
[
"Linguraru",
"Marius George",
""
],
[
"Menze",
"Bjoern",
""
],
[
"Nada",
"Ayman",
""
],
[
"Rauschecker",
"Andreas M",
""
],
[
"Rudie",
"Jeff",
""
],
[
"Tahon",
"Nourel Hoda",
""
],
[
"Villanueva-Meyer",
"Javier",
""
],
[
"Wiestler",
"Benedikt",
""
],
[
"Calabrese",
"Evan",
""
]
] | TITLE: The ASNR-MICCAI Brain Tumor Segmentation (BraTS) Challenge 2023:
Intracranial Meningioma
ABSTRACT: Meningiomas are the most common primary intracranial tumor in adults and can
be associated with significant morbidity and mortality. Radiologists,
neurosurgeons, neuro-oncologists, and radiation oncologists rely on
multiparametric MRI (mpMRI) for diagnosis, treatment planning, and longitudinal
treatment monitoring; yet automated, objective, and quantitative tools for
non-invasive assessment of meningiomas on mpMRI are lacking. The BraTS
meningioma 2023 challenge will provide a community standard and benchmark for
state-of-the-art automated intracranial meningioma segmentation models based on
the largest expert annotated multilabel meningioma mpMRI dataset to date.
Challenge competitors will develop automated segmentation models to predict
three distinct meningioma sub-regions on MRI including enhancing tumor,
non-enhancing tumor core, and surrounding nonenhancing T2/FLAIR hyperintensity.
Models will be evaluated on separate validation and held-out test datasets
using standardized metrics utilized across the BraTS 2023 series of challenges
including the Dice similarity coefficient and Hausdorff distance. The models
developed during the course of this challenge will aid in incorporation of
automated meningioma MRI segmentation into clinical practice, which will
ultimately improve care of patients with meningioma.
| no_new_dataset | 0.688678 |
1809.09387 | Suejb Memeti | Suejb Memeti and Sabri Pllana | HSTREAM: A directive-based language extension for heterogeneous stream
computing | Preprint, 21st IEEE International Conference on Computational Science
and Engineering (CSE 2018) | null | 10.1109/CSE.2018.00026 | null | cs.PL | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Big data streaming applications require utilization of heterogeneous parallel
computing systems, which may comprise multiple multi-core CPUs and many-core
accelerating devices such as NVIDIA GPUs and Intel Xeon Phis. Programming such
systems require advanced knowledge of several hardware architectures and
device-specific programming models, including OpenMP and CUDA. In this paper,
we present HSTREAM, a compiler directive-based language extension to support
programming stream computing applications for heterogeneous parallel computing
systems. HSTREAM source-to-source compiler aims to increase the programming
productivity by enabling programmers to annotate the parallel regions for
heterogeneous execution and generate target specific code. The HSTREAM runtime
automatically distributes the workload across CPUs and accelerating devices. We
demonstrate the usefulness of HSTREAM language extension with various
applications from the STREAM benchmark. Experimental evaluation results show
that HSTREAM can keep the same programming simplicity as OpenMP, and the
generated code can deliver performance beyond what CPUs-only and GPUs-only
executions can deliver.
| [
{
"version": "v1",
"created": "Tue, 25 Sep 2018 09:56:36 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Memeti",
"Suejb",
""
],
[
"Pllana",
"Sabri",
""
]
] | TITLE: HSTREAM: A directive-based language extension for heterogeneous stream
computing
ABSTRACT: Big data streaming applications require utilization of heterogeneous parallel
computing systems, which may comprise multiple multi-core CPUs and many-core
accelerating devices such as NVIDIA GPUs and Intel Xeon Phis. Programming such
systems require advanced knowledge of several hardware architectures and
device-specific programming models, including OpenMP and CUDA. In this paper,
we present HSTREAM, a compiler directive-based language extension to support
programming stream computing applications for heterogeneous parallel computing
systems. HSTREAM source-to-source compiler aims to increase the programming
productivity by enabling programmers to annotate the parallel regions for
heterogeneous execution and generate target specific code. The HSTREAM runtime
automatically distributes the workload across CPUs and accelerating devices. We
demonstrate the usefulness of HSTREAM language extension with various
applications from the STREAM benchmark. Experimental evaluation results show
that HSTREAM can keep the same programming simplicity as OpenMP, and the
generated code can deliver performance beyond what CPUs-only and GPUs-only
executions can deliver.
| no_new_dataset | 0.706431 |
2011.01871 | Xiang Li | Xiang Li | FASTCloud: A novel framework of assessment and selection for trustworthy
cloud service | null | null | null | null | cs.DC | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | By virtue of technology and benefit advantages, cloud computing has
increasingly attracted a large number of potential cloud consumers (PCC) plan
to migrate the traditional business to the cloud service. However, trust has
become one of the most challenging issues that prevent the PCC from adopting
cloud services, especially in trustworthy cloud service selection. Besides, due
to the diversity and dynamic of quality of service (QoS) in the cloud
environment, the existing trust assessment methods based on the single constant
value of QoS attribute and the subjective weight assignment are not good enough
to provide an effective solution for PCCs to identify and select a trustworthy
cloud service among a wide range of functionally-equivalent cloud service
providers (CSPs). To address the challenge, a novel assessment and selection
framework for trustworthy cloud service, FASTCloud, is proposed in this study.
This framework facilitates PCCs to select a trustworthy cloud service based on
their actual QoS requirements. In order to accurately and efficiently assess
the trust level of cloud services, a QoS-based trust assessment model is
proposed. This model represents a trust level assessment method based on the
interval multiple attributes with an objective weight assignment method based
on the deviation maximization to adaptively determine the trust level of
different cloud services provisioned by candidate CSPs. The advantage of the
proposed trust level assessment method in time complexity is demonstrated by
the performance analysis and comparison. The experimental result of a case
study with an open-source dataset shows that the trust model is efficient in
cloud service trust assessment and the FASTCloud can effectively help PCCs
select a trustworthy cloud service.
| [
{
"version": "v1",
"created": "Mon, 2 Nov 2020 01:18:05 GMT"
},
{
"version": "v2",
"created": "Tue, 19 Jan 2021 07:49:30 GMT"
},
{
"version": "v3",
"created": "Thu, 11 May 2023 08:34:41 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Li",
"Xiang",
""
]
] | TITLE: FASTCloud: A novel framework of assessment and selection for trustworthy
cloud service
ABSTRACT: By virtue of technology and benefit advantages, cloud computing has
increasingly attracted a large number of potential cloud consumers (PCC) plan
to migrate the traditional business to the cloud service. However, trust has
become one of the most challenging issues that prevent the PCC from adopting
cloud services, especially in trustworthy cloud service selection. Besides, due
to the diversity and dynamic of quality of service (QoS) in the cloud
environment, the existing trust assessment methods based on the single constant
value of QoS attribute and the subjective weight assignment are not good enough
to provide an effective solution for PCCs to identify and select a trustworthy
cloud service among a wide range of functionally-equivalent cloud service
providers (CSPs). To address the challenge, a novel assessment and selection
framework for trustworthy cloud service, FASTCloud, is proposed in this study.
This framework facilitates PCCs to select a trustworthy cloud service based on
their actual QoS requirements. In order to accurately and efficiently assess
the trust level of cloud services, a QoS-based trust assessment model is
proposed. This model represents a trust level assessment method based on the
interval multiple attributes with an objective weight assignment method based
on the deviation maximization to adaptively determine the trust level of
different cloud services provisioned by candidate CSPs. The advantage of the
proposed trust level assessment method in time complexity is demonstrated by
the performance analysis and comparison. The experimental result of a case
study with an open-source dataset shows that the trust model is efficient in
cloud service trust assessment and the FASTCloud can effectively help PCCs
select a trustworthy cloud service.
| no_new_dataset | 0.710597 |
2101.11315 | Siamak Layeghy | Mohanad Sarhan, Siamak Layeghy, Marius Portmann | Towards a Standard Feature Set for Network Intrusion Detection System
Datasets | 13 pages, 4 figures, 13 tables. arXiv admin note: substantial text
overlap with arXiv:2011.09144 | null | 10.1007/s11036-021-01843-0 | null | cs.NI | http://creativecommons.org/licenses/by/4.0/ | Network Intrusion Detection Systems (NIDSs) are important tools for the
protection of computer networks against increasingly frequent and sophisticated
cyber attacks. Recently, a lot of research effort has been dedicated to the
development of Machine Learning (ML) based NIDSs. As in any ML-based
application, the availability of high-quality datasets is critical for the
training and evaluation of ML-based NIDS. One of the key problems with the
currently available datasets is the lack of a standard feature set. The use of
a unique and proprietary set of features for each of the publicly available
datasets makes it virtually impossible to compare the performance of ML-based
traffic classifiers on different datasets, and hence to evaluate the ability of
these systems to generalise across different network scenarios. To address that
limitation, this paper proposes and evaluates standard NIDS feature sets based
on the NetFlow network meta-data collection protocol and system. We evaluate
and compare two NetFlow-based feature set variants, a version with 12 features,
and another one with 43 features.
| [
{
"version": "v1",
"created": "Wed, 27 Jan 2021 11:00:55 GMT"
},
{
"version": "v2",
"created": "Sat, 15 May 2021 01:53:46 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Sarhan",
"Mohanad",
""
],
[
"Layeghy",
"Siamak",
""
],
[
"Portmann",
"Marius",
""
]
] | TITLE: Towards a Standard Feature Set for Network Intrusion Detection System
Datasets
ABSTRACT: Network Intrusion Detection Systems (NIDSs) are important tools for the
protection of computer networks against increasingly frequent and sophisticated
cyber attacks. Recently, a lot of research effort has been dedicated to the
development of Machine Learning (ML) based NIDSs. As in any ML-based
application, the availability of high-quality datasets is critical for the
training and evaluation of ML-based NIDS. One of the key problems with the
currently available datasets is the lack of a standard feature set. The use of
a unique and proprietary set of features for each of the publicly available
datasets makes it virtually impossible to compare the performance of ML-based
traffic classifiers on different datasets, and hence to evaluate the ability of
these systems to generalise across different network scenarios. To address that
limitation, this paper proposes and evaluates standard NIDS feature sets based
on the NetFlow network meta-data collection protocol and system. We evaluate
and compare two NetFlow-based feature set variants, a version with 12 features,
and another one with 43 features.
| no_new_dataset | 0.709868 |
2103.16329 | Wai Weng Lo | Wai Weng Lo, Siamak Layeghy, Mohanad Sarhan, Marcus Gallagher, Marius
Portmann | E-GraphSAGE: A Graph Neural Network based Intrusion Detection System for
IoT | will appear in IEEE/IFIP Network Operations and Management Symposium
2022 | null | 10.1109/NOMS54207.2022.9789878 | null | cs.NI cs.AI cs.CR cs.LG | http://creativecommons.org/licenses/by/4.0/ | This paper presents a new Network Intrusion Detection System (NIDS) based on
Graph Neural Networks (GNNs). GNNs are a relatively new sub-field of deep
neural networks, which can leverage the inherent structure of graph-based data.
Training and evaluation data for NIDSs are typically represented as flow
records, which can naturally be represented in a graph format. In this paper,
we propose E-GraphSAGE, a GNN approach that allows capturing both the edge
features of a graph as well as the topological information for network
intrusion detection in IoT networks. To the best of our knowledge, our proposal
is the first successful, practical, and extensively evaluated approach of
applying GNNs on the problem of network intrusion detection for IoT using
flow-based data. Our extensive experimental evaluation on four recent NIDS
benchmark datasets shows that our approach outperforms the state-of-the-art in
terms of key classification metrics, which demonstrates the potential of GNNs
in network intrusion detection, and provides motivation for further research.
| [
{
"version": "v1",
"created": "Tue, 30 Mar 2021 13:21:31 GMT"
},
{
"version": "v2",
"created": "Thu, 1 Apr 2021 07:43:02 GMT"
},
{
"version": "v3",
"created": "Thu, 13 May 2021 10:01:00 GMT"
},
{
"version": "v4",
"created": "Fri, 14 May 2021 01:03:35 GMT"
},
{
"version": "v5",
"created": "Fri, 30 Jul 2021 07:59:46 GMT"
},
{
"version": "v6",
"created": "Mon, 1 Nov 2021 08:47:15 GMT"
},
{
"version": "v7",
"created": "Thu, 6 Jan 2022 21:33:48 GMT"
},
{
"version": "v8",
"created": "Tue, 11 Jan 2022 02:04:37 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Lo",
"Wai Weng",
""
],
[
"Layeghy",
"Siamak",
""
],
[
"Sarhan",
"Mohanad",
""
],
[
"Gallagher",
"Marcus",
""
],
[
"Portmann",
"Marius",
""
]
] | TITLE: E-GraphSAGE: A Graph Neural Network based Intrusion Detection System for
IoT
ABSTRACT: This paper presents a new Network Intrusion Detection System (NIDS) based on
Graph Neural Networks (GNNs). GNNs are a relatively new sub-field of deep
neural networks, which can leverage the inherent structure of graph-based data.
Training and evaluation data for NIDSs are typically represented as flow
records, which can naturally be represented in a graph format. In this paper,
we propose E-GraphSAGE, a GNN approach that allows capturing both the edge
features of a graph as well as the topological information for network
intrusion detection in IoT networks. To the best of our knowledge, our proposal
is the first successful, practical, and extensively evaluated approach of
applying GNNs on the problem of network intrusion detection for IoT using
flow-based data. Our extensive experimental evaluation on four recent NIDS
benchmark datasets shows that our approach outperforms the state-of-the-art in
terms of key classification metrics, which demonstrates the potential of GNNs
in network intrusion detection, and provides motivation for further research.
| no_new_dataset | 0.711212 |
2104.07183 | Siamak Layeghy | Mohanad Sarhan, Siamak Layeghy, Marius Portmann | Evaluating Standard Feature Sets Towards Increased Generalisability and
Explainability of ML-based Network Intrusion Detection | 11 pages, 7 figures | null | 10.1016/j.bdr.2022.100359 | null | cs.CR cs.LG cs.NI | http://creativecommons.org/licenses/by/4.0/ | Machine Learning (ML)-based network intrusion detection systems bring many
benefits for enhancing the cybersecurity posture of an organisation. Many
systems have been designed and developed in the research community, often
achieving a close to perfect detection rate when evaluated using synthetic
datasets. However, the high number of academic research has not often
translated into practical deployments. There are several causes contributing
towards the wide gap between research and production, such as the limited
ability of comprehensive evaluation of ML models and lack of understanding of
internal ML operations. This paper tightens the gap by evaluating the
generalisability of a common feature set to different network environments and
attack scenarios. Therefore, two feature sets (NetFlow and CICFlowMeter) have
been evaluated in terms of detection accuracy across three key datasets, i.e.,
CSE-CIC-IDS2018, BoT-IoT, and ToN-IoT. The results show the superiority of the
NetFlow feature set in enhancing the ML models detection accuracy of various
network attacks. In addition, due to the complexity of the learning models,
SHapley Additive exPlanations (SHAP), an explainable AI methodology, has been
adopted to explain and interpret the classification decisions of ML models. The
Shapley values of two common feature sets have been analysed across multiple
datasets to determine the influence contributed by each feature towards the
final ML prediction.
| [
{
"version": "v1",
"created": "Thu, 15 Apr 2021 00:44:45 GMT"
},
{
"version": "v2",
"created": "Sun, 29 Aug 2021 00:07:12 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Sarhan",
"Mohanad",
""
],
[
"Layeghy",
"Siamak",
""
],
[
"Portmann",
"Marius",
""
]
] | TITLE: Evaluating Standard Feature Sets Towards Increased Generalisability and
Explainability of ML-based Network Intrusion Detection
ABSTRACT: Machine Learning (ML)-based network intrusion detection systems bring many
benefits for enhancing the cybersecurity posture of an organisation. Many
systems have been designed and developed in the research community, often
achieving a close to perfect detection rate when evaluated using synthetic
datasets. However, the high number of academic research has not often
translated into practical deployments. There are several causes contributing
towards the wide gap between research and production, such as the limited
ability of comprehensive evaluation of ML models and lack of understanding of
internal ML operations. This paper tightens the gap by evaluating the
generalisability of a common feature set to different network environments and
attack scenarios. Therefore, two feature sets (NetFlow and CICFlowMeter) have
been evaluated in terms of detection accuracy across three key datasets, i.e.,
CSE-CIC-IDS2018, BoT-IoT, and ToN-IoT. The results show the superiority of the
NetFlow feature set in enhancing the ML models detection accuracy of various
network attacks. In addition, due to the complexity of the learning models,
SHapley Additive exPlanations (SHAP), an explainable AI methodology, has been
adopted to explain and interpret the classification decisions of ML models. The
Shapley values of two common feature sets have been analysed across multiple
datasets to determine the influence contributed by each feature towards the
final ML prediction.
| no_new_dataset | 0.709057 |
2108.12722 | Siamak Layeghy | Mohanad Sarhan, Siamak Layeghy, Nour Moustafa, Marcus Gallagher,
Marius Portmann | Feature Extraction for Machine Learning-based Intrusion Detection in IoT
Networks | null | null | 10.1016/j.dcan.2022.08.012 | null | cs.NI cs.CR cs.LG | http://creativecommons.org/licenses/by/4.0/ | A large number of network security breaches in IoT networks have demonstrated
the unreliability of current Network Intrusion Detection Systems (NIDSs).
Consequently, network interruptions and loss of sensitive data have occurred,
which led to an active research area for improving NIDS technologies. In an
analysis of related works, it was observed that most researchers aim to obtain
better classification results by using a set of untried combinations of Feature
Reduction (FR) and Machine Learning (ML) techniques on NIDS datasets. However,
these datasets are different in feature sets, attack types, and network design.
Therefore, this paper aims to discover whether these techniques can be
generalised across various datasets. Six ML models are utilised: a Deep Feed
Forward (DFF), Convolutional Neural Network (CNN), Recurrent Neural Network
(RNN), Decision Tree (DT), Logistic Regression (LR), and Naive Bayes (NB). The
accuracy of three Feature Extraction (FE) algorithms; Principal Component
Analysis (PCA), Auto-encoder (AE), and Linear Discriminant Analysis (LDA), are
evaluated using three benchmark datasets: UNSW-NB15, ToN-IoT and
CSE-CIC-IDS2018. Although PCA and AE algorithms have been widely used, the
determination of their optimal number of extracted dimensions has been
overlooked. The results indicate that no clear FE method or ML model can
achieve the best scores for all datasets. The optimal number of extracted
dimensions has been identified for each dataset, and LDA degrades the
performance of the ML models on two datasets. The variance is used to analyse
the extracted dimensions of LDA and PCA. Finally, this paper concludes that the
choice of datasets significantly alters the performance of the applied
techniques. We believe that a universal (benchmark) feature set is needed to
facilitate further advancement and progress of research in this field.
| [
{
"version": "v1",
"created": "Sat, 28 Aug 2021 23:52:18 GMT"
},
{
"version": "v2",
"created": "Thu, 17 Nov 2022 06:38:29 GMT"
},
{
"version": "v3",
"created": "Mon, 5 Dec 2022 10:24:33 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Sarhan",
"Mohanad",
""
],
[
"Layeghy",
"Siamak",
""
],
[
"Moustafa",
"Nour",
""
],
[
"Gallagher",
"Marcus",
""
],
[
"Portmann",
"Marius",
""
]
] | TITLE: Feature Extraction for Machine Learning-based Intrusion Detection in IoT
Networks
ABSTRACT: A large number of network security breaches in IoT networks have demonstrated
the unreliability of current Network Intrusion Detection Systems (NIDSs).
Consequently, network interruptions and loss of sensitive data have occurred,
which led to an active research area for improving NIDS technologies. In an
analysis of related works, it was observed that most researchers aim to obtain
better classification results by using a set of untried combinations of Feature
Reduction (FR) and Machine Learning (ML) techniques on NIDS datasets. However,
these datasets are different in feature sets, attack types, and network design.
Therefore, this paper aims to discover whether these techniques can be
generalised across various datasets. Six ML models are utilised: a Deep Feed
Forward (DFF), Convolutional Neural Network (CNN), Recurrent Neural Network
(RNN), Decision Tree (DT), Logistic Regression (LR), and Naive Bayes (NB). The
accuracy of three Feature Extraction (FE) algorithms; Principal Component
Analysis (PCA), Auto-encoder (AE), and Linear Discriminant Analysis (LDA), are
evaluated using three benchmark datasets: UNSW-NB15, ToN-IoT and
CSE-CIC-IDS2018. Although PCA and AE algorithms have been widely used, the
determination of their optimal number of extracted dimensions has been
overlooked. The results indicate that no clear FE method or ML model can
achieve the best scores for all datasets. The optimal number of extracted
dimensions has been identified for each dataset, and LDA degrades the
performance of the ML models on two datasets. The variance is used to analyse
the extracted dimensions of LDA and PCA. Finally, this paper concludes that the
choice of datasets significantly alters the performance of the applied
techniques. We believe that a universal (benchmark) feature set is needed to
facilitate further advancement and progress of research in this field.
| no_new_dataset | 0.709988 |
2111.02791 | Siamak Layeghy | Mohanad Sarhan, Siamak Layeghy, Nour Moustafa, Marius Portmann | A Cyber Threat Intelligence Sharing Scheme based on Federated Learning
for Network Intrusion Detection | null | null | 10.1007/s10922-022-09691-3 | null | cs.LG cs.AI cs.CR cs.NI | http://creativecommons.org/licenses/by/4.0/ | The uses of Machine Learning (ML) in detection of network attacks have been
effective when designed and evaluated in a single organisation. However, it has
been very challenging to design an ML-based detection system by utilising
heterogeneous network data samples originating from several sources. This is
mainly due to privacy concerns and the lack of a universal format of datasets.
In this paper, we propose a collaborative federated learning scheme to address
these issues. The proposed framework allows multiple organisations to join
forces in the design, training, and evaluation of a robust ML-based network
intrusion detection system. The threat intelligence scheme utilises two
critical aspects for its application; the availability of network data traffic
in a common format to allow for the extraction of meaningful patterns across
data sources. Secondly, the adoption of a federated learning mechanism to avoid
the necessity of sharing sensitive users' information between organisations. As
a result, each organisation benefits from other organisations cyber threat
intelligence while maintaining the privacy of its data internally. The model is
trained locally and only the updated weights are shared with the remaining
participants in the federated averaging process. The framework has been
designed and evaluated in this paper by using two key datasets in a NetFlow
format known as NF-UNSW-NB15-v2 and NF-BoT-IoT-v2. Two other common scenarios
are considered in the evaluation process; a centralised training method where
the local data samples are shared with other organisations and a localised
training method where no threat intelligence is shared. The results demonstrate
the efficiency and effectiveness of the proposed framework by designing a
universal ML model effectively classifying benign and intrusive traffic
originating from multiple organisations without the need for local data
exchange.
| [
{
"version": "v1",
"created": "Thu, 4 Nov 2021 12:06:34 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Sarhan",
"Mohanad",
""
],
[
"Layeghy",
"Siamak",
""
],
[
"Moustafa",
"Nour",
""
],
[
"Portmann",
"Marius",
""
]
] | TITLE: A Cyber Threat Intelligence Sharing Scheme based on Federated Learning
for Network Intrusion Detection
ABSTRACT: The uses of Machine Learning (ML) in detection of network attacks have been
effective when designed and evaluated in a single organisation. However, it has
been very challenging to design an ML-based detection system by utilising
heterogeneous network data samples originating from several sources. This is
mainly due to privacy concerns and the lack of a universal format of datasets.
In this paper, we propose a collaborative federated learning scheme to address
these issues. The proposed framework allows multiple organisations to join
forces in the design, training, and evaluation of a robust ML-based network
intrusion detection system. The threat intelligence scheme utilises two
critical aspects for its application; the availability of network data traffic
in a common format to allow for the extraction of meaningful patterns across
data sources. Secondly, the adoption of a federated learning mechanism to avoid
the necessity of sharing sensitive users' information between organisations. As
a result, each organisation benefits from other organisations cyber threat
intelligence while maintaining the privacy of its data internally. The model is
trained locally and only the updated weights are shared with the remaining
participants in the federated averaging process. The framework has been
designed and evaluated in this paper by using two key datasets in a NetFlow
format known as NF-UNSW-NB15-v2 and NF-BoT-IoT-v2. Two other common scenarios
are considered in the evaluation process; a centralised training method where
the local data samples are shared with other organisations and a localised
training method where no threat intelligence is shared. The results demonstrate
the efficiency and effectiveness of the proposed framework by designing a
universal ML model effectively classifying benign and intrusive traffic
originating from multiple organisations without the need for local data
exchange.
| no_new_dataset | 0.712407 |
2112.07133 | Aman Shrivastava | Aman Shrivastava, Ramprasaath R. Selvaraju, Nikhil Naik, Vicente
Ordonez | CLIP-Lite: Information Efficient Visual Representation Learning with
Language Supervision | null | null | null | null | cs.CV | http://creativecommons.org/licenses/by/4.0/ | We propose CLIP-Lite, an information efficient method for visual
representation learning by feature alignment with textual annotations. Compared
to the previously proposed CLIP model, CLIP-Lite requires only one negative
image-text sample pair for every positive image-text sample during the
optimization of its contrastive learning objective. We accomplish this by
taking advantage of an information efficient lower-bound to maximize the mutual
information between the two input modalities. This allows CLIP-Lite to be
trained with significantly reduced amounts of data and batch sizes while
obtaining better performance than CLIP at the same scale. We evaluate CLIP-Lite
by pretraining on the COCO-Captions dataset and testing transfer learning to
other datasets. CLIP-Lite obtains a +14.0% mAP absolute gain in performance on
Pascal VOC classification, and a +22.1% top-1 accuracy gain on ImageNet, while
being comparable or superior to other, more complex, text-supervised models.
CLIP-Lite is also superior to CLIP on image and text retrieval, zero-shot
classification, and visual grounding. Finally, we show that CLIP-Lite can
leverage language semantics to encourage bias-free visual representations that
can be used in downstream tasks. Implementation:
https://github.com/4m4n5/CLIP-Lite
| [
{
"version": "v1",
"created": "Tue, 14 Dec 2021 03:08:37 GMT"
},
{
"version": "v2",
"created": "Thu, 11 May 2023 13:47:42 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Shrivastava",
"Aman",
""
],
[
"Selvaraju",
"Ramprasaath R.",
""
],
[
"Naik",
"Nikhil",
""
],
[
"Ordonez",
"Vicente",
""
]
] | TITLE: CLIP-Lite: Information Efficient Visual Representation Learning with
Language Supervision
ABSTRACT: We propose CLIP-Lite, an information efficient method for visual
representation learning by feature alignment with textual annotations. Compared
to the previously proposed CLIP model, CLIP-Lite requires only one negative
image-text sample pair for every positive image-text sample during the
optimization of its contrastive learning objective. We accomplish this by
taking advantage of an information efficient lower-bound to maximize the mutual
information between the two input modalities. This allows CLIP-Lite to be
trained with significantly reduced amounts of data and batch sizes while
obtaining better performance than CLIP at the same scale. We evaluate CLIP-Lite
by pretraining on the COCO-Captions dataset and testing transfer learning to
other datasets. CLIP-Lite obtains a +14.0% mAP absolute gain in performance on
Pascal VOC classification, and a +22.1% top-1 accuracy gain on ImageNet, while
being comparable or superior to other, more complex, text-supervised models.
CLIP-Lite is also superior to CLIP on image and text retrieval, zero-shot
classification, and visual grounding. Finally, we show that CLIP-Lite can
leverage language semantics to encourage bias-free visual representations that
can be used in downstream tasks. Implementation:
https://github.com/4m4n5/CLIP-Lite
| no_new_dataset | 0.709233 |
2201.08770 | Alejandro Perdomo-Ortiz | Kaitlin Gili, Marta Mauri, Alejandro Perdomo-Ortiz | Generalization Metrics for Practical Quantum Advantage in Generative
Models | 34 pages, 18 figures. The main text and appendix have been revised
and expanded. We include more details about the numerical simulations and the
trained generative models | null | null | null | cs.LG quant-ph | http://creativecommons.org/licenses/by/4.0/ | As the quantum computing community gravitates towards understanding the
practical benefits of quantum computers, having a clear definition and
evaluation scheme for assessing practical quantum advantage in the context of
specific applications is paramount. Generative modeling, for example, is a
widely accepted natural use case for quantum computers, and yet has lacked a
concrete approach for quantifying success of quantum models over classical
ones. In this work, we construct a simple and unambiguous approach to probe
practical quantum advantage for generative modeling by measuring the
algorithm's generalization performance. Using the sample-based approach
proposed here, any generative model, from state-of-the-art classical generative
models such as GANs to quantum models such as Quantum Circuit Born Machines,
can be evaluated on the same ground on a concrete well-defined framework. In
contrast to other sample-based metrics for probing practical generalization, we
leverage constrained optimization problems (e.g., cardinality-constrained
problems) and use these discrete datasets to define specific metrics capable of
unambiguously measuring the quality of the samples and the model's
generalization capabilities for generating data beyond the training set but
still within the valid solution space. Additionally, our metrics can diagnose
trainability issues such as mode collapse and overfitting, as we illustrate
when comparing GANs to quantum-inspired models built out of tensor networks.
Our simulation results show that our quantum-inspired models have up to a $68
\times$ enhancement in generating unseen unique and valid samples compared to
GANs, and a ratio of 61:2 for generating samples with better quality than those
observed in the training set. We foresee these metrics as valuable tools for
rigorously defining practical quantum advantage in the domain of generative
modeling.
| [
{
"version": "v1",
"created": "Fri, 21 Jan 2022 16:35:35 GMT"
},
{
"version": "v2",
"created": "Thu, 26 May 2022 14:40:53 GMT"
},
{
"version": "v3",
"created": "Thu, 11 May 2023 12:14:43 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Gili",
"Kaitlin",
""
],
[
"Mauri",
"Marta",
""
],
[
"Perdomo-Ortiz",
"Alejandro",
""
]
] | TITLE: Generalization Metrics for Practical Quantum Advantage in Generative
Models
ABSTRACT: As the quantum computing community gravitates towards understanding the
practical benefits of quantum computers, having a clear definition and
evaluation scheme for assessing practical quantum advantage in the context of
specific applications is paramount. Generative modeling, for example, is a
widely accepted natural use case for quantum computers, and yet has lacked a
concrete approach for quantifying success of quantum models over classical
ones. In this work, we construct a simple and unambiguous approach to probe
practical quantum advantage for generative modeling by measuring the
algorithm's generalization performance. Using the sample-based approach
proposed here, any generative model, from state-of-the-art classical generative
models such as GANs to quantum models such as Quantum Circuit Born Machines,
can be evaluated on the same ground on a concrete well-defined framework. In
contrast to other sample-based metrics for probing practical generalization, we
leverage constrained optimization problems (e.g., cardinality-constrained
problems) and use these discrete datasets to define specific metrics capable of
unambiguously measuring the quality of the samples and the model's
generalization capabilities for generating data beyond the training set but
still within the valid solution space. Additionally, our metrics can diagnose
trainability issues such as mode collapse and overfitting, as we illustrate
when comparing GANs to quantum-inspired models built out of tensor networks.
Our simulation results show that our quantum-inspired models have up to a $68
\times$ enhancement in generating unseen unique and valid samples compared to
GANs, and a ratio of 61:2 for generating samples with better quality than those
observed in the training set. We foresee these metrics as valuable tools for
rigorously defining practical quantum advantage in the domain of generative
modeling.
| no_new_dataset | 0.711387 |
2203.06355 | Yingjie Chen | Yingjie Chen, Jiarui Zhang, Tao Wang, and Yun Liang | EventFormer: AU Event Transformer for Facial Action Unit Event Detection | null | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Facial action units (AUs) play an indispensable role in human emotion
analysis. We observe that although AU-based high-level emotion analysis is
urgently needed by real-world applications, frame-level AU results provided by
previous works cannot be directly used for such analysis. Moreover, as AUs are
dynamic processes, the utilization of global temporal information is important
but has been gravely ignored in the literature. To this end, we propose
EventFormer for AU event detection, which is the first work directly detecting
AU events from a video sequence by viewing AU event detection as a multiple
class-specific sets prediction problem. Extensive experiments conducted on a
commonly used AU benchmark dataset, BP4D, show the superiority of EventFormer
under suitable metrics.
| [
{
"version": "v1",
"created": "Sat, 12 Mar 2022 06:19:22 GMT"
},
{
"version": "v2",
"created": "Thu, 11 May 2023 04:19:51 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Chen",
"Yingjie",
""
],
[
"Zhang",
"Jiarui",
""
],
[
"Wang",
"Tao",
""
],
[
"Liang",
"Yun",
""
]
] | TITLE: EventFormer: AU Event Transformer for Facial Action Unit Event Detection
ABSTRACT: Facial action units (AUs) play an indispensable role in human emotion
analysis. We observe that although AU-based high-level emotion analysis is
urgently needed by real-world applications, frame-level AU results provided by
previous works cannot be directly used for such analysis. Moreover, as AUs are
dynamic processes, the utilization of global temporal information is important
but has been gravely ignored in the literature. To this end, we propose
EventFormer for AU event detection, which is the first work directly detecting
AU events from a video sequence by viewing AU event detection as a multiple
class-specific sets prediction problem. Extensive experiments conducted on a
commonly used AU benchmark dataset, BP4D, show the superiority of EventFormer
under suitable metrics.
| no_new_dataset | 0.71202 |
2204.12000 | Saketh Reddy Karra | Saketh Reddy Karra, Son The Nguyen, Theja Tulabandhula | Estimating the Personality of White-Box Language Models | null | null | null | null | cs.CL cs.AI | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Technology for open-ended language generation, a key application of
artificial intelligence, has advanced to a great extent in recent years.
Large-scale language models, which are trained on large corpora of text, are
being used in a wide range of applications everywhere, from virtual assistants
to conversational bots. While these language models output fluent text,
existing research shows that these models can and do capture human biases. Many
of these biases, especially those that could potentially cause harm, are being
well-investigated. On the other hand, studies that infer and change human
personality traits inherited by these models have been scarce or non-existent.
Our work seeks to address this gap by exploring the personality traits of
several large-scale language models designed for open-ended text generation and
the datasets used for training them. We build on the popular Big Five factors
and develop robust methods that quantify the personality traits of these models
and their underlying datasets. In particular, we trigger the models with a
questionnaire designed for personality assessment and subsequently classify the
text responses into quantifiable traits using a Zero-shot classifier. Our
estimation scheme sheds light on an important anthropomorphic element found in
such AI models and can help stakeholders decide how they should be applied as
well as how society could perceive them. Additionally, we examined approaches
to alter these personalities, adding to our understanding of how AI models can
be adapted to specific contexts.
| [
{
"version": "v1",
"created": "Mon, 25 Apr 2022 23:53:53 GMT"
},
{
"version": "v2",
"created": "Wed, 10 May 2023 21:17:34 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Karra",
"Saketh Reddy",
""
],
[
"Nguyen",
"Son The",
""
],
[
"Tulabandhula",
"Theja",
""
]
] | TITLE: Estimating the Personality of White-Box Language Models
ABSTRACT: Technology for open-ended language generation, a key application of
artificial intelligence, has advanced to a great extent in recent years.
Large-scale language models, which are trained on large corpora of text, are
being used in a wide range of applications everywhere, from virtual assistants
to conversational bots. While these language models output fluent text,
existing research shows that these models can and do capture human biases. Many
of these biases, especially those that could potentially cause harm, are being
well-investigated. On the other hand, studies that infer and change human
personality traits inherited by these models have been scarce or non-existent.
Our work seeks to address this gap by exploring the personality traits of
several large-scale language models designed for open-ended text generation and
the datasets used for training them. We build on the popular Big Five factors
and develop robust methods that quantify the personality traits of these models
and their underlying datasets. In particular, we trigger the models with a
questionnaire designed for personality assessment and subsequently classify the
text responses into quantifiable traits using a Zero-shot classifier. Our
estimation scheme sheds light on an important anthropomorphic element found in
such AI models and can help stakeholders decide how they should be applied as
well as how society could perceive them. Additionally, we examined approaches
to alter these personalities, adding to our understanding of how AI models can
be adapted to specific contexts.
| no_new_dataset | 0.710434 |
2205.04112 | Siamak Layeghy | Siamak Layeghy, Marius Portmann | On Generalisability of Machine Learning-based Network Intrusion
Detection Systems | null | null | 10.1016/j.compeleceng.2023.108692 | null | cs.NI cs.CR cs.LG | http://creativecommons.org/licenses/by/4.0/ | Many of the proposed machine learning (ML) based network intrusion detection
systems (NIDSs) achieve near perfect detection performance when evaluated on
synthetic benchmark datasets. Though, there is no record of if and how these
results generalise to other network scenarios, in particular to real-world
networks. In this paper, we investigate the generalisability property of
ML-based NIDSs by extensively evaluating seven supervised and unsupervised
learning models on four recently published benchmark NIDS datasets. Our
investigation indicates that none of the considered models is able to
generalise over all studied datasets. Interestingly, our results also indicate
that the generalisability has a high degree of asymmetry, i.e., swapping the
source and target domains can significantly change the classification
performance. Our investigation also indicates that overall, unsupervised
learning methods generalise better than supervised learning models in our
considered scenarios. Using SHAP values to explain these results indicates that
the lack of generalisability is mainly due to the presence of strong
correspondence between the values of one or more features and Attack/Benign
classes in one dataset-model combination and its absence in other datasets that
have different feature distributions.
| [
{
"version": "v1",
"created": "Mon, 9 May 2022 08:26:48 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Layeghy",
"Siamak",
""
],
[
"Portmann",
"Marius",
""
]
] | TITLE: On Generalisability of Machine Learning-based Network Intrusion
Detection Systems
ABSTRACT: Many of the proposed machine learning (ML) based network intrusion detection
systems (NIDSs) achieve near perfect detection performance when evaluated on
synthetic benchmark datasets. Though, there is no record of if and how these
results generalise to other network scenarios, in particular to real-world
networks. In this paper, we investigate the generalisability property of
ML-based NIDSs by extensively evaluating seven supervised and unsupervised
learning models on four recently published benchmark NIDS datasets. Our
investigation indicates that none of the considered models is able to
generalise over all studied datasets. Interestingly, our results also indicate
that the generalisability has a high degree of asymmetry, i.e., swapping the
source and target domains can significantly change the classification
performance. Our investigation also indicates that overall, unsupervised
learning methods generalise better than supervised learning models in our
considered scenarios. Using SHAP values to explain these results indicates that
the lack of generalisability is mainly due to the presence of strong
correspondence between the values of one or more features and Attack/Benign
classes in one dataset-model combination and its absence in other datasets that
have different feature distributions.
| no_new_dataset | 0.711443 |
2205.09511 | Yunhao Yuan | Yunhao Yuan, Gaurav Verma, Barbara Keller, Talayeh Aledavood | Minority Stress Experienced by LGBTQ Online Communities during the
COVID-19 Pandemic | 11 pages, 5 figures | null | null | null | cs.SI cs.CL cs.HC cs.LG | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | The COVID-19 pandemic has disproportionately impacted the lives of
minorities, such as members of the LGBTQ community (lesbian, gay, bisexual,
transgender, and queer) due to pre-existing social disadvantages and health
disparities. Although extensive research has been carried out on the impact of
the COVID-19 pandemic on different aspects of the general population's lives,
few studies are focused on the LGBTQ population. In this paper, we develop and
evaluate two sets of machine learning classifiers using a pre-pandemic and a
during-pandemic dataset to identify Twitter posts exhibiting minority stress,
which is a unique pressure faced by the members of the LGBTQ population due to
their sexual and gender identities. We demonstrate that our best pre- and
during-pandemic models show strong and stable performance for detecting posts
that contain minority stress. We investigate the linguistic differences in
minority stress posts across pre- and during-pandemic periods. We find that
anger words are strongly associated with minority stress during the COVID-19
pandemic. We explore the impact of the pandemic on the emotional states of the
LGBTQ population by adopting propensity score-based matching to perform a
causal analysis. The results show that the LGBTQ population have a greater
increase in the usage of cognitive words and worsened observable attribute in
the usage of positive emotion words than the group of the general population
with similar pre-pandemic behavioral attributes. Our findings have implications
for the public health domain and policy-makers to provide adequate support,
especially with respect to mental health, to the LGBTQ population during future
crises.
| [
{
"version": "v1",
"created": "Thu, 19 May 2022 12:26:59 GMT"
},
{
"version": "v2",
"created": "Fri, 27 May 2022 07:02:19 GMT"
},
{
"version": "v3",
"created": "Wed, 10 May 2023 21:27:54 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Yuan",
"Yunhao",
""
],
[
"Verma",
"Gaurav",
""
],
[
"Keller",
"Barbara",
""
],
[
"Aledavood",
"Talayeh",
""
]
] | TITLE: Minority Stress Experienced by LGBTQ Online Communities during the
COVID-19 Pandemic
ABSTRACT: The COVID-19 pandemic has disproportionately impacted the lives of
minorities, such as members of the LGBTQ community (lesbian, gay, bisexual,
transgender, and queer) due to pre-existing social disadvantages and health
disparities. Although extensive research has been carried out on the impact of
the COVID-19 pandemic on different aspects of the general population's lives,
few studies are focused on the LGBTQ population. In this paper, we develop and
evaluate two sets of machine learning classifiers using a pre-pandemic and a
during-pandemic dataset to identify Twitter posts exhibiting minority stress,
which is a unique pressure faced by the members of the LGBTQ population due to
their sexual and gender identities. We demonstrate that our best pre- and
during-pandemic models show strong and stable performance for detecting posts
that contain minority stress. We investigate the linguistic differences in
minority stress posts across pre- and during-pandemic periods. We find that
anger words are strongly associated with minority stress during the COVID-19
pandemic. We explore the impact of the pandemic on the emotional states of the
LGBTQ population by adopting propensity score-based matching to perform a
causal analysis. The results show that the LGBTQ population have a greater
increase in the usage of cognitive words and worsened observable attribute in
the usage of positive emotion words than the group of the general population
with similar pre-pandemic behavioral attributes. Our findings have implications
for the public health domain and policy-makers to provide adequate support,
especially with respect to mental health, to the LGBTQ population during future
crises.
| no_new_dataset | 0.70374 |
2205.12029 | Souhail Bakkali | Souhail Bakkali, Zuheng Ming, Mickael Coustaty, Mar\c{c}al Rusi\~nol,
Oriol Ramos Terrades | VLCDoC: Vision-Language Contrastive Pre-Training Model for Cross-Modal
Document Classification | Accepted at PR | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Multimodal learning from document data has achieved great success lately as
it allows to pre-train semantically meaningful features as a prior into a
learnable downstream task. In this paper, we approach the document
classification problem by learning cross-modal representations through language
and vision cues, considering intra- and inter-modality relationships. Instead
of merging features from different modalities into a joint representation
space, the proposed method exploits high-level interactions and learns relevant
semantic information from effective attention flows within and across
modalities. The proposed learning objective is devised between intra- and
inter-modality alignment tasks, where the similarity distribution per task is
computed by contracting positive sample pairs while simultaneously contrasting
negative ones in the joint representation space}. Extensive experiments on
public document classification datasets demonstrate the effectiveness and the
generality of our model on low-scale and large-scale datasets.
| [
{
"version": "v1",
"created": "Tue, 24 May 2022 12:28:12 GMT"
},
{
"version": "v2",
"created": "Mon, 11 Jul 2022 14:33:37 GMT"
},
{
"version": "v3",
"created": "Thu, 11 May 2023 15:31:06 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Bakkali",
"Souhail",
""
],
[
"Ming",
"Zuheng",
""
],
[
"Coustaty",
"Mickael",
""
],
[
"Rusiñol",
"Marçal",
""
],
[
"Terrades",
"Oriol Ramos",
""
]
] | TITLE: VLCDoC: Vision-Language Contrastive Pre-Training Model for Cross-Modal
Document Classification
ABSTRACT: Multimodal learning from document data has achieved great success lately as
it allows to pre-train semantically meaningful features as a prior into a
learnable downstream task. In this paper, we approach the document
classification problem by learning cross-modal representations through language
and vision cues, considering intra- and inter-modality relationships. Instead
of merging features from different modalities into a joint representation
space, the proposed method exploits high-level interactions and learns relevant
semantic information from effective attention flows within and across
modalities. The proposed learning objective is devised between intra- and
inter-modality alignment tasks, where the similarity distribution per task is
computed by contracting positive sample pairs while simultaneously contrasting
negative ones in the joint representation space}. Extensive experiments on
public document classification datasets demonstrate the effectiveness and the
generality of our model on low-scale and large-scale datasets.
| no_new_dataset | 0.710653 |
2206.13089 | Christina Baek | Christina Baek, Yiding Jiang, Aditi Raghunathan, Zico Kolter | Agreement-on-the-Line: Predicting the Performance of Neural Networks
under Distribution Shift | NeurIPS 2022 | null | null | null | cs.LG cs.AI | http://creativecommons.org/licenses/by/4.0/ | Recently, Miller et al. showed that a model's in-distribution (ID) accuracy
has a strong linear correlation with its out-of-distribution (OOD) accuracy on
several OOD benchmarks -- a phenomenon they dubbed ''accuracy-on-the-line''.
While a useful tool for model selection (i.e., the model most likely to perform
the best OOD is the one with highest ID accuracy), this fact does not help
estimate the actual OOD performance of models without access to a labeled OOD
validation set. In this paper, we show a similar but surprising phenomenon also
holds for the agreement between pairs of neural network classifiers: whenever
accuracy-on-the-line holds, we observe that the OOD agreement between the
predictions of any two pairs of neural networks (with potentially different
architectures) also observes a strong linear correlation with their ID
agreement. Furthermore, we observe that the slope and bias of OOD vs ID
agreement closely matches that of OOD vs ID accuracy. This phenomenon, which we
call agreement-on-the-line, has important practical applications: without any
labeled data, we can predict the OOD accuracy of classifiers}, since OOD
agreement can be estimated with just unlabeled data. Our prediction algorithm
outperforms previous methods both in shifts where agreement-on-the-line holds
and, surprisingly, when accuracy is not on the line. This phenomenon also
provides new insights into deep neural networks: unlike accuracy-on-the-line,
agreement-on-the-line appears to only hold for neural network classifiers.
| [
{
"version": "v1",
"created": "Mon, 27 Jun 2022 07:50:47 GMT"
},
{
"version": "v2",
"created": "Thu, 11 May 2023 00:39:23 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Baek",
"Christina",
""
],
[
"Jiang",
"Yiding",
""
],
[
"Raghunathan",
"Aditi",
""
],
[
"Kolter",
"Zico",
""
]
] | TITLE: Agreement-on-the-Line: Predicting the Performance of Neural Networks
under Distribution Shift
ABSTRACT: Recently, Miller et al. showed that a model's in-distribution (ID) accuracy
has a strong linear correlation with its out-of-distribution (OOD) accuracy on
several OOD benchmarks -- a phenomenon they dubbed ''accuracy-on-the-line''.
While a useful tool for model selection (i.e., the model most likely to perform
the best OOD is the one with highest ID accuracy), this fact does not help
estimate the actual OOD performance of models without access to a labeled OOD
validation set. In this paper, we show a similar but surprising phenomenon also
holds for the agreement between pairs of neural network classifiers: whenever
accuracy-on-the-line holds, we observe that the OOD agreement between the
predictions of any two pairs of neural networks (with potentially different
architectures) also observes a strong linear correlation with their ID
agreement. Furthermore, we observe that the slope and bias of OOD vs ID
agreement closely matches that of OOD vs ID accuracy. This phenomenon, which we
call agreement-on-the-line, has important practical applications: without any
labeled data, we can predict the OOD accuracy of classifiers}, since OOD
agreement can be estimated with just unlabeled data. Our prediction algorithm
outperforms previous methods both in shifts where agreement-on-the-line holds
and, surprisingly, when accuracy is not on the line. This phenomenon also
provides new insights into deep neural networks: unlike accuracy-on-the-line,
agreement-on-the-line appears to only hold for neural network classifiers.
| no_new_dataset | 0.7116 |
2207.03054 | Lang Nie | Lang Nie, Chunyu Lin, Kang Liao, Shuaicheng Liu, Yao Zhao | Deep Rotation Correction without Angle Prior | Accepted by IEEE Transactions on Image Processing(TIP); code and
dataset:https://github.com/nie-lang/RotationCorrection | null | 10.1109/TIP.2023.3275869 | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Not everybody can be equipped with professional photography skills and
sufficient shooting time, and there can be some tilts in the captured images
occasionally. In this paper, we propose a new and practical task, named
Rotation Correction, to automatically correct the tilt with high content
fidelity in the condition that the rotated angle is unknown. This task can be
easily integrated into image editing applications, allowing users to correct
the rotated images without any manual operations. To this end, we leverage a
neural network to predict the optical flows that can warp the tilted images to
be perceptually horizontal. Nevertheless, the pixel-wise optical flow
estimation from a single image is severely unstable, especially in large-angle
tilted images. To enhance its robustness, we propose a simple but effective
prediction strategy to form a robust elastic warp. Particularly, we first
regress the mesh deformation that can be transformed into robust initial
optical flows. Then we estimate residual optical flows to facilitate our
network the flexibility of pixel-wise deformation, further correcting the
details of the tilted images. To establish an evaluation benchmark and train
the learning framework, a comprehensive rotation correction dataset is
presented with a large diversity in scenes and rotated angles. Extensive
experiments demonstrate that even in the absence of the angle prior, our
algorithm can outperform other state-of-the-art solutions requiring this prior.
The code and dataset are available at
https://github.com/nie-lang/RotationCorrection.
| [
{
"version": "v1",
"created": "Thu, 7 Jul 2022 02:46:27 GMT"
},
{
"version": "v2",
"created": "Thu, 11 May 2023 08:04:28 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Nie",
"Lang",
""
],
[
"Lin",
"Chunyu",
""
],
[
"Liao",
"Kang",
""
],
[
"Liu",
"Shuaicheng",
""
],
[
"Zhao",
"Yao",
""
]
] | TITLE: Deep Rotation Correction without Angle Prior
ABSTRACT: Not everybody can be equipped with professional photography skills and
sufficient shooting time, and there can be some tilts in the captured images
occasionally. In this paper, we propose a new and practical task, named
Rotation Correction, to automatically correct the tilt with high content
fidelity in the condition that the rotated angle is unknown. This task can be
easily integrated into image editing applications, allowing users to correct
the rotated images without any manual operations. To this end, we leverage a
neural network to predict the optical flows that can warp the tilted images to
be perceptually horizontal. Nevertheless, the pixel-wise optical flow
estimation from a single image is severely unstable, especially in large-angle
tilted images. To enhance its robustness, we propose a simple but effective
prediction strategy to form a robust elastic warp. Particularly, we first
regress the mesh deformation that can be transformed into robust initial
optical flows. Then we estimate residual optical flows to facilitate our
network the flexibility of pixel-wise deformation, further correcting the
details of the tilted images. To establish an evaluation benchmark and train
the learning framework, a comprehensive rotation correction dataset is
presented with a large diversity in scenes and rotated angles. Extensive
experiments demonstrate that even in the absence of the angle prior, our
algorithm can outperform other state-of-the-art solutions requiring this prior.
The code and dataset are available at
https://github.com/nie-lang/RotationCorrection.
| no_new_dataset | 0.697442 |
2208.02879 | Fuxin Li | Wenxuan Wu, Li Fuxin, Qi Shan | PointConvFormer: Revenge of the Point-based Convolution | Accepted at CVPR 2023 | null | null | null | cs.CV cs.LG | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | We introduce PointConvFormer, a novel building block for point cloud based
deep network architectures. Inspired by generalization theory, PointConvFormer
combines ideas from point convolution, where filter weights are only based on
relative position, and Transformers which utilize feature-based attention. In
PointConvFormer, attention computed from feature difference between points in
the neighborhood is used to modify the convolutional weights at each point.
Hence, we preserved the invariances from point convolution, whereas attention
helps to select relevant points in the neighborhood for convolution.
PointConvFormer is suitable for multiple tasks that require details at the
point level, such as segmentation and scene flow estimation tasks. We
experiment on both tasks with multiple datasets including ScanNet,
SemanticKitti, FlyingThings3D and KITTI. Our results show that PointConvFormer
offers a better accuracy-speed tradeoff than classic convolutions, regular
transformers, and voxelized sparse convolution approaches. Visualizations show
that PointConvFormer performs similarly to convolution on flat areas, whereas
the neighborhood selection effect is stronger on object boundaries, showing
that it has got the best of both worlds.
| [
{
"version": "v1",
"created": "Thu, 4 Aug 2022 20:31:46 GMT"
},
{
"version": "v2",
"created": "Fri, 16 Dec 2022 00:31:44 GMT"
},
{
"version": "v3",
"created": "Wed, 10 May 2023 21:43:09 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Wu",
"Wenxuan",
""
],
[
"Fuxin",
"Li",
""
],
[
"Shan",
"Qi",
""
]
] | TITLE: PointConvFormer: Revenge of the Point-based Convolution
ABSTRACT: We introduce PointConvFormer, a novel building block for point cloud based
deep network architectures. Inspired by generalization theory, PointConvFormer
combines ideas from point convolution, where filter weights are only based on
relative position, and Transformers which utilize feature-based attention. In
PointConvFormer, attention computed from feature difference between points in
the neighborhood is used to modify the convolutional weights at each point.
Hence, we preserved the invariances from point convolution, whereas attention
helps to select relevant points in the neighborhood for convolution.
PointConvFormer is suitable for multiple tasks that require details at the
point level, such as segmentation and scene flow estimation tasks. We
experiment on both tasks with multiple datasets including ScanNet,
SemanticKitti, FlyingThings3D and KITTI. Our results show that PointConvFormer
offers a better accuracy-speed tradeoff than classic convolutions, regular
transformers, and voxelized sparse convolution approaches. Visualizations show
that PointConvFormer performs similarly to convolution on flat areas, whereas
the neighborhood selection effect is stronger on object boundaries, showing
that it has got the best of both worlds.
| no_new_dataset | 0.710245 |
2208.08831 | Olivia Wiles | Olivia Wiles, Isabela Albuquerque, Sven Gowal | Discovering Bugs in Vision Models using Off-the-shelf Image Generation
and Captioning | null | null | null | null | cs.CV cs.LG stat.ML | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Automatically discovering failures in vision models under real-world settings
remains an open challenge. This work demonstrates how off-the-shelf,
large-scale, image-to-text and text-to-image models, trained on vast amounts of
data, can be leveraged to automatically find such failures. In essence, a
conditional text-to-image generative model is used to generate large amounts of
synthetic, yet realistic, inputs given a ground-truth label. Misclassified
inputs are clustered and a captioning model is used to describe each cluster.
Each cluster's description is used in turn to generate more inputs and assess
whether specific clusters induce more failures than expected. We use this
pipeline to demonstrate that we can effectively interrogate classifiers trained
on ImageNet to find specific failure cases and discover spurious correlations.
We also show that we can scale the approach to generate adversarial datasets
targeting specific classifier architectures. This work serves as a
proof-of-concept demonstrating the utility of large-scale generative models to
automatically discover bugs in vision models in an open-ended manner. We also
describe a number of limitations and pitfalls related to this approach.
| [
{
"version": "v1",
"created": "Thu, 18 Aug 2022 13:49:10 GMT"
},
{
"version": "v2",
"created": "Thu, 11 May 2023 17:13:16 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Wiles",
"Olivia",
""
],
[
"Albuquerque",
"Isabela",
""
],
[
"Gowal",
"Sven",
""
]
] | TITLE: Discovering Bugs in Vision Models using Off-the-shelf Image Generation
and Captioning
ABSTRACT: Automatically discovering failures in vision models under real-world settings
remains an open challenge. This work demonstrates how off-the-shelf,
large-scale, image-to-text and text-to-image models, trained on vast amounts of
data, can be leveraged to automatically find such failures. In essence, a
conditional text-to-image generative model is used to generate large amounts of
synthetic, yet realistic, inputs given a ground-truth label. Misclassified
inputs are clustered and a captioning model is used to describe each cluster.
Each cluster's description is used in turn to generate more inputs and assess
whether specific clusters induce more failures than expected. We use this
pipeline to demonstrate that we can effectively interrogate classifiers trained
on ImageNet to find specific failure cases and discover spurious correlations.
We also show that we can scale the approach to generate adversarial datasets
targeting specific classifier architectures. This work serves as a
proof-of-concept demonstrating the utility of large-scale generative models to
automatically discover bugs in vision models in an open-ended manner. We also
describe a number of limitations and pitfalls related to this approach.
| no_new_dataset | 0.71262 |
2209.00692 | Borhane Blili-Hamelin | Borhane Blili-Hamelin and Leif Hancox-Li | Making Intelligence: Ethical Values in IQ and ML Benchmarks | FAccT 2023, June 12 to 15, 2023, Chicago, IL, USA | null | 10.1145/3593013.3593996 | null | cs.LG cs.CY | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | In recent years, ML researchers have wrestled with defining and improving
machine learning (ML) benchmarks and datasets. In parallel, some have trained a
critical lens on the ethics of dataset creation and ML research. In this
position paper, we highlight the entanglement of ethics with seemingly
``technical'' or ``scientific'' decisions about the design of ML benchmarks.
Our starting point is the existence of multiple overlooked structural
similarities between human intelligence benchmarks and ML benchmarks. Both
types of benchmarks set standards for describing, evaluating, and comparing
performance on tasks relevant to intelligence -- standards that many scholars
of human intelligence have long recognized as value-laden. We use perspectives
from feminist philosophy of science on IQ benchmarks and thick concepts in
social science to argue that values need to be considered and documented when
creating ML benchmarks. It is neither possible nor desirable to avoid this
choice by creating value-neutral benchmarks. Finally, we outline practical
recommendations for ML benchmark research ethics and ethics review.
| [
{
"version": "v1",
"created": "Thu, 1 Sep 2022 19:00:39 GMT"
},
{
"version": "v2",
"created": "Mon, 7 Nov 2022 18:28:07 GMT"
},
{
"version": "v3",
"created": "Mon, 6 Feb 2023 20:31:24 GMT"
},
{
"version": "v4",
"created": "Thu, 11 May 2023 17:09:56 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Blili-Hamelin",
"Borhane",
""
],
[
"Hancox-Li",
"Leif",
""
]
] | TITLE: Making Intelligence: Ethical Values in IQ and ML Benchmarks
ABSTRACT: In recent years, ML researchers have wrestled with defining and improving
machine learning (ML) benchmarks and datasets. In parallel, some have trained a
critical lens on the ethics of dataset creation and ML research. In this
position paper, we highlight the entanglement of ethics with seemingly
``technical'' or ``scientific'' decisions about the design of ML benchmarks.
Our starting point is the existence of multiple overlooked structural
similarities between human intelligence benchmarks and ML benchmarks. Both
types of benchmarks set standards for describing, evaluating, and comparing
performance on tasks relevant to intelligence -- standards that many scholars
of human intelligence have long recognized as value-laden. We use perspectives
from feminist philosophy of science on IQ benchmarks and thick concepts in
social science to argue that values need to be considered and documented when
creating ML benchmarks. It is neither possible nor desirable to avoid this
choice by creating value-neutral benchmarks. Finally, we outline practical
recommendations for ML benchmark research ethics and ethics review.
| no_new_dataset | 0.712401 |
2209.02399 | Wenhan Wu | Wenhan Wu, Yilei Hua, Ce Zheng, Shiqian Wu, Chen Chen, Aidong Lu | SkeletonMAE: Spatial-Temporal Masked Autoencoders for Self-supervised
Skeleton Action Recognition | ICME 2023 Workshop | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Fully supervised skeleton-based action recognition has achieved great
progress with the blooming of deep learning techniques. However, these methods
require sufficient labeled data which is not easy to obtain. In contrast,
self-supervised skeleton-based action recognition has attracted more attention.
With utilizing the unlabeled data, more generalizable features can be learned
to alleviate the overfitting problem and reduce the demand of massive labeled
training data. Inspired by the MAE, we propose a spatial-temporal masked
autoencoder framework for self-supervised 3D skeleton-based action recognition
(SkeletonMAE). Following MAE's masking and reconstruction pipeline, we utilize
a skeleton-based encoder-decoder transformer architecture to reconstruct the
masked skeleton sequences. A novel masking strategy, named Spatial-Temporal
Masking, is introduced in terms of both joint-level and frame-level for the
skeleton sequence. This pre-training strategy makes the encoder output
generalizable skeleton features with spatial and temporal dependencies. Given
the unmasked skeleton sequence, the encoder is fine-tuned for the action
recognition task. Extensive experiments show that our SkeletonMAE achieves
remarkable performance and outperforms the state-of-the-art methods on both NTU
RGB+D and NTU RGB+D 120 datasets.
| [
{
"version": "v1",
"created": "Thu, 1 Sep 2022 20:54:27 GMT"
},
{
"version": "v2",
"created": "Wed, 10 May 2023 02:22:07 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Wu",
"Wenhan",
""
],
[
"Hua",
"Yilei",
""
],
[
"Zheng",
"Ce",
""
],
[
"Wu",
"Shiqian",
""
],
[
"Chen",
"Chen",
""
],
[
"Lu",
"Aidong",
""
]
] | TITLE: SkeletonMAE: Spatial-Temporal Masked Autoencoders for Self-supervised
Skeleton Action Recognition
ABSTRACT: Fully supervised skeleton-based action recognition has achieved great
progress with the blooming of deep learning techniques. However, these methods
require sufficient labeled data which is not easy to obtain. In contrast,
self-supervised skeleton-based action recognition has attracted more attention.
With utilizing the unlabeled data, more generalizable features can be learned
to alleviate the overfitting problem and reduce the demand of massive labeled
training data. Inspired by the MAE, we propose a spatial-temporal masked
autoencoder framework for self-supervised 3D skeleton-based action recognition
(SkeletonMAE). Following MAE's masking and reconstruction pipeline, we utilize
a skeleton-based encoder-decoder transformer architecture to reconstruct the
masked skeleton sequences. A novel masking strategy, named Spatial-Temporal
Masking, is introduced in terms of both joint-level and frame-level for the
skeleton sequence. This pre-training strategy makes the encoder output
generalizable skeleton features with spatial and temporal dependencies. Given
the unmasked skeleton sequence, the encoder is fine-tuned for the action
recognition task. Extensive experiments show that our SkeletonMAE achieves
remarkable performance and outperforms the state-of-the-art methods on both NTU
RGB+D and NTU RGB+D 120 datasets.
| no_new_dataset | 0.711606 |
2209.07754 | Qiyu Kang | Yang Song, Qiyu Kang, Sijie Wang, Zhao Kai, Wee Peng Tay | On the Robustness of Graph Neural Diffusion to Topology Perturbations | null | NeurIPS 2022 | null | null | cs.LG | http://creativecommons.org/licenses/by/4.0/ | Neural diffusion on graphs is a novel class of graph neural networks that has
attracted increasing attention recently. The capability of graph neural partial
differential equations (PDEs) in addressing common hurdles of graph neural
networks (GNNs), such as the problems of over-smoothing and bottlenecks, has
been investigated but not their robustness to adversarial attacks. In this
work, we explore the robustness properties of graph neural PDEs. We empirically
demonstrate that graph neural PDEs are intrinsically more robust against
topology perturbation as compared to other GNNs. We provide insights into this
phenomenon by exploiting the stability of the heat semigroup under graph
topology perturbations. We discuss various graph diffusion operators and relate
them to existing graph neural PDEs. Furthermore, we propose a general graph
neural PDE framework based on which a new class of robust GNNs can be defined.
We verify that the new model achieves comparable state-of-the-art performance
on several benchmark datasets.
| [
{
"version": "v1",
"created": "Fri, 16 Sep 2022 07:19:35 GMT"
},
{
"version": "v2",
"created": "Thu, 11 May 2023 04:50:47 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Song",
"Yang",
""
],
[
"Kang",
"Qiyu",
""
],
[
"Wang",
"Sijie",
""
],
[
"Kai",
"Zhao",
""
],
[
"Tay",
"Wee Peng",
""
]
] | TITLE: On the Robustness of Graph Neural Diffusion to Topology Perturbations
ABSTRACT: Neural diffusion on graphs is a novel class of graph neural networks that has
attracted increasing attention recently. The capability of graph neural partial
differential equations (PDEs) in addressing common hurdles of graph neural
networks (GNNs), such as the problems of over-smoothing and bottlenecks, has
been investigated but not their robustness to adversarial attacks. In this
work, we explore the robustness properties of graph neural PDEs. We empirically
demonstrate that graph neural PDEs are intrinsically more robust against
topology perturbation as compared to other GNNs. We provide insights into this
phenomenon by exploiting the stability of the heat semigroup under graph
topology perturbations. We discuss various graph diffusion operators and relate
them to existing graph neural PDEs. Furthermore, we propose a general graph
neural PDE framework based on which a new class of robust GNNs can be defined.
We verify that the new model achieves comparable state-of-the-art performance
on several benchmark datasets.
| no_new_dataset | 0.71 |
2210.02334 | Diego Amancio | Giovana D. da Silva, Filipi N. Silva, Henrique F. de Arruda, B\'arbara
C. e Souza, Luciano da F. Costa and Diego R. Amancio | Using Full-Text Content to Characterize and Identify Best Seller Books | null | null | null | null | cs.CL cs.LG | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Artistic pieces can be studied from several perspectives, one example being
their reception among readers over time. In the present work, we approach this
interesting topic from the standpoint of literary works, particularly assessing
the task of predicting whether a book will become a best seller. Dissimilarly
from previous approaches, we focused on the full content of books and
considered visualization and classification tasks. We employed visualization
for the preliminary exploration of the data structure and properties, involving
SemAxis and linear discriminant analyses. Then, to obtain quantitative and more
objective results, we employed various classifiers. Such approaches were used
along with a dataset containing (i) books published from 1895 to 1924 and
consecrated as best sellers by the Publishers Weekly Bestseller Lists and (ii)
literary works published in the same period but not being mentioned in that
list. Our comparison of methods revealed that the best-achieved result -
combining a bag-of-words representation with a logistic regression classifier -
led to an average accuracy of 0.75 both for the leave-one-out and 10-fold
cross-validations. Such an outcome suggests that it is unfeasible to predict
the success of books with high accuracy using only the full content of the
texts. Nevertheless, our findings provide insights into the factors leading to
the relative success of a literary work.
| [
{
"version": "v1",
"created": "Wed, 5 Oct 2022 15:40:25 GMT"
},
{
"version": "v2",
"created": "Thu, 11 May 2023 12:37:00 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"da Silva",
"Giovana D.",
""
],
[
"Silva",
"Filipi N.",
""
],
[
"de Arruda",
"Henrique F.",
""
],
[
"Souza",
"Bárbara C. e",
""
],
[
"Costa",
"Luciano da F.",
""
],
[
"Amancio",
"Diego R.",
""
]
] | TITLE: Using Full-Text Content to Characterize and Identify Best Seller Books
ABSTRACT: Artistic pieces can be studied from several perspectives, one example being
their reception among readers over time. In the present work, we approach this
interesting topic from the standpoint of literary works, particularly assessing
the task of predicting whether a book will become a best seller. Dissimilarly
from previous approaches, we focused on the full content of books and
considered visualization and classification tasks. We employed visualization
for the preliminary exploration of the data structure and properties, involving
SemAxis and linear discriminant analyses. Then, to obtain quantitative and more
objective results, we employed various classifiers. Such approaches were used
along with a dataset containing (i) books published from 1895 to 1924 and
consecrated as best sellers by the Publishers Weekly Bestseller Lists and (ii)
literary works published in the same period but not being mentioned in that
list. Our comparison of methods revealed that the best-achieved result -
combining a bag-of-words representation with a logistic regression classifier -
led to an average accuracy of 0.75 both for the leave-one-out and 10-fold
cross-validations. Such an outcome suggests that it is unfeasible to predict
the success of books with high accuracy using only the full content of the
texts. Nevertheless, our findings provide insights into the factors leading to
the relative success of a literary work.
| no_new_dataset | 0.705994 |
2210.04490 | Wentao Ding | Wentao Ding, Hao Chen, Huayu Li, Yuzhong Qu | Semantic Framework based Query Generation for Temporal Question
Answering over Knowledge Graphs | Accepted to EMNLP 2022, v3 is resubmitted to correct the misspelled
author name | null | null | null | cs.CL | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Answering factual questions with temporal intent over knowledge graphs
(temporal KGQA) attracts rising attention in recent years. In the generation of
temporal queries, existing KGQA methods ignore the fact that some intrinsic
connections between events can make them temporally related, which may limit
their capability. We systematically analyze the possible interpretation of
temporal constraints and conclude the interpretation structures as the Semantic
Framework of Temporal Constraints, SF-TCons. Based on the semantic framework,
we propose a temporal question answering method, SF-TQA, which generates query
graphs by exploring the relevant facts of mentioned entities, where the
exploring process is restricted by SF-TCons. Our evaluations show that SF-TQA
significantly outperforms existing methods on two benchmarks over different
knowledge graphs.
| [
{
"version": "v1",
"created": "Mon, 10 Oct 2022 08:40:28 GMT"
},
{
"version": "v2",
"created": "Wed, 19 Oct 2022 07:38:25 GMT"
},
{
"version": "v3",
"created": "Thu, 11 May 2023 06:29:09 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Ding",
"Wentao",
""
],
[
"Chen",
"Hao",
""
],
[
"Li",
"Huayu",
""
],
[
"Qu",
"Yuzhong",
""
]
] | TITLE: Semantic Framework based Query Generation for Temporal Question
Answering over Knowledge Graphs
ABSTRACT: Answering factual questions with temporal intent over knowledge graphs
(temporal KGQA) attracts rising attention in recent years. In the generation of
temporal queries, existing KGQA methods ignore the fact that some intrinsic
connections between events can make them temporally related, which may limit
their capability. We systematically analyze the possible interpretation of
temporal constraints and conclude the interpretation structures as the Semantic
Framework of Temporal Constraints, SF-TCons. Based on the semantic framework,
we propose a temporal question answering method, SF-TQA, which generates query
graphs by exploring the relevant facts of mentioned entities, where the
exploring process is restricted by SF-TCons. Our evaluations show that SF-TQA
significantly outperforms existing methods on two benchmarks over different
knowledge graphs.
| no_new_dataset | 0.707859 |
2210.12921 | Ahnaf Mozib Samin | Ahnaf Mozib Samin, M. Humayon Kobir, Md. Mushtaq Shahriyar Rafee, M.
Firoz Ahmed, Mehedi Hasan, Partha Ghosh, Shafkat Kibria, and M. Shahidur
Rahman | Investigating self-supervised, weakly supervised and fully supervised
training approaches for multi-domain automatic speech recognition: a study on
Bangladeshi Bangla | null | null | null | null | cs.CL cs.SD eess.AS | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Despite huge improvements in automatic speech recognition (ASR) employing
neural networks, ASR systems still suffer from a lack of robustness and
generalizability issues due to domain shifting. This is mainly because
principal corpus design criteria are often not identified and examined
adequately while compiling ASR datasets. In this study, we investigate the
robustness of the state-of-the-art transfer learning approaches such as
self-supervised wav2vec 2.0 and weakly supervised Whisper as well as fully
supervised convolutional neural networks (CNNs) for multi-domain ASR. We also
demonstrate the significance of domain selection while building a corpus by
assessing these models on a novel multi-domain Bangladeshi Bangla ASR
evaluation benchmark - BanSpeech, which contains approximately 6.52 hours of
human-annotated speech and 8085 utterances from 13 distinct domains. SUBAK.KO,
a mostly read speech corpus for the morphologically rich language Bangla, has
been used to train the ASR systems. Experimental evaluation reveals that
self-supervised cross-lingual pre-training is the best strategy compared to
weak supervision and full supervision to tackle the multi-domain ASR task.
Moreover, the ASR models trained on SUBAK.KO face difficulty recognizing speech
from domains with mostly spontaneous speech. The BanSpeech will be publicly
available to meet the need for a challenging evaluation benchmark for Bangla
ASR.
| [
{
"version": "v1",
"created": "Mon, 24 Oct 2022 02:18:03 GMT"
},
{
"version": "v2",
"created": "Tue, 28 Feb 2023 11:56:22 GMT"
},
{
"version": "v3",
"created": "Thu, 11 May 2023 01:06:17 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Samin",
"Ahnaf Mozib",
""
],
[
"Kobir",
"M. Humayon",
""
],
[
"Rafee",
"Md. Mushtaq Shahriyar",
""
],
[
"Ahmed",
"M. Firoz",
""
],
[
"Hasan",
"Mehedi",
""
],
[
"Ghosh",
"Partha",
""
],
[
"Kibria",
"Shafkat",
""
],
[
"Rahman",
"M. Shahidur",
""
]
] | TITLE: Investigating self-supervised, weakly supervised and fully supervised
training approaches for multi-domain automatic speech recognition: a study on
Bangladeshi Bangla
ABSTRACT: Despite huge improvements in automatic speech recognition (ASR) employing
neural networks, ASR systems still suffer from a lack of robustness and
generalizability issues due to domain shifting. This is mainly because
principal corpus design criteria are often not identified and examined
adequately while compiling ASR datasets. In this study, we investigate the
robustness of the state-of-the-art transfer learning approaches such as
self-supervised wav2vec 2.0 and weakly supervised Whisper as well as fully
supervised convolutional neural networks (CNNs) for multi-domain ASR. We also
demonstrate the significance of domain selection while building a corpus by
assessing these models on a novel multi-domain Bangladeshi Bangla ASR
evaluation benchmark - BanSpeech, which contains approximately 6.52 hours of
human-annotated speech and 8085 utterances from 13 distinct domains. SUBAK.KO,
a mostly read speech corpus for the morphologically rich language Bangla, has
been used to train the ASR systems. Experimental evaluation reveals that
self-supervised cross-lingual pre-training is the best strategy compared to
weak supervision and full supervision to tackle the multi-domain ASR task.
Moreover, the ASR models trained on SUBAK.KO face difficulty recognizing speech
from domains with mostly spontaneous speech. The BanSpeech will be publicly
available to meet the need for a challenging evaluation benchmark for Bangla
ASR.
| no_new_dataset | 0.692473 |
2210.12958 | Ryo Yoshida | Ryo Yoshida and Yohei Oseki | Composition, Attention, or Both? | Accepted by Findings of EMNLP 2022 | null | null | null | cs.CL | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | In this paper, we propose a novel architecture called Composition Attention
Grammars (CAGs) that recursively compose subtrees into a single vector
representation with a composition function, and selectively attend to previous
structural information with a self-attention mechanism. We investigate whether
these components -- the composition function and the self-attention mechanism
-- can both induce human-like syntactic generalization. Specifically, we train
language models (LMs) with and without these two components with the model
sizes carefully controlled, and evaluate their syntactic generalization
performance against six test circuits on the SyntaxGym benchmark. The results
demonstrated that the composition function and the self-attention mechanism
both play an important role to make LMs more human-like, and closer inspection
of linguistic phenomenon implied that the composition function allowed
syntactic features, but not semantic features, to percolate into subtree
representations.
| [
{
"version": "v1",
"created": "Mon, 24 Oct 2022 05:30:02 GMT"
},
{
"version": "v2",
"created": "Wed, 14 Dec 2022 08:04:07 GMT"
},
{
"version": "v3",
"created": "Thu, 11 May 2023 02:39:00 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Yoshida",
"Ryo",
""
],
[
"Oseki",
"Yohei",
""
]
] | TITLE: Composition, Attention, or Both?
ABSTRACT: In this paper, we propose a novel architecture called Composition Attention
Grammars (CAGs) that recursively compose subtrees into a single vector
representation with a composition function, and selectively attend to previous
structural information with a self-attention mechanism. We investigate whether
these components -- the composition function and the self-attention mechanism
-- can both induce human-like syntactic generalization. Specifically, we train
language models (LMs) with and without these two components with the model
sizes carefully controlled, and evaluate their syntactic generalization
performance against six test circuits on the SyntaxGym benchmark. The results
demonstrated that the composition function and the self-attention mechanism
both play an important role to make LMs more human-like, and closer inspection
of linguistic phenomenon implied that the composition function allowed
syntactic features, but not semantic features, to percolate into subtree
representations.
| no_new_dataset | 0.710986 |
2210.14977 | Yi Chang | Yi Chang, Zhao Ren, Thanh Tam Nguyen, Kun Qian, Bj\"orn W. Schuller | Knowledge Transfer For On-Device Speech Emotion Recognition with Neural
Structured Learning | Accepted by ICASSP 2023 | null | null | null | cs.SD cs.AI eess.AS | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Speech emotion recognition (SER) has been a popular research topic in
human-computer interaction (HCI). As edge devices are rapidly springing up,
applying SER to edge devices is promising for a huge number of HCI
applications. Although deep learning has been investigated to improve the
performance of SER by training complex models, the memory space and
computational capability of edge devices represents a constraint for embedding
deep learning models. We propose a neural structured learning (NSL) framework
through building synthesized graphs. An SER model is trained on a source
dataset and used to build graphs on a target dataset. A relatively lightweight
model is then trained with the speech samples and graphs together as the input.
Our experiments demonstrate that training a lightweight SER model on the target
dataset with speech samples and graphs can not only produce small SER models,
but also enhance the model performance compared to models with speech samples
only and those using classic transfer learning strategies.
| [
{
"version": "v1",
"created": "Wed, 26 Oct 2022 18:38:42 GMT"
},
{
"version": "v2",
"created": "Tue, 24 Jan 2023 13:58:33 GMT"
},
{
"version": "v3",
"created": "Thu, 11 May 2023 13:54:45 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Chang",
"Yi",
""
],
[
"Ren",
"Zhao",
""
],
[
"Nguyen",
"Thanh Tam",
""
],
[
"Qian",
"Kun",
""
],
[
"Schuller",
"Björn W.",
""
]
] | TITLE: Knowledge Transfer For On-Device Speech Emotion Recognition with Neural
Structured Learning
ABSTRACT: Speech emotion recognition (SER) has been a popular research topic in
human-computer interaction (HCI). As edge devices are rapidly springing up,
applying SER to edge devices is promising for a huge number of HCI
applications. Although deep learning has been investigated to improve the
performance of SER by training complex models, the memory space and
computational capability of edge devices represents a constraint for embedding
deep learning models. We propose a neural structured learning (NSL) framework
through building synthesized graphs. An SER model is trained on a source
dataset and used to build graphs on a target dataset. A relatively lightweight
model is then trained with the speech samples and graphs together as the input.
Our experiments demonstrate that training a lightweight SER model on the target
dataset with speech samples and graphs can not only produce small SER models,
but also enhance the model performance compared to models with speech samples
only and those using classic transfer learning strategies.
| no_new_dataset | 0.709416 |
2211.03878 | Ning Ding | Ning Ding, Ce Zhang, Azim Eskandarian | EEG-Fest: Few-shot based Attention Network for Driver's Vigilance
Estimation with EEG Signals | Submitted to peer review journal for review | null | null | null | cs.LG eess.IV eess.SP | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | A lack of driver's vigilance is the main cause of most vehicle crashes.
Electroencephalography(EEG) has been reliable and efficient tool for drivers'
drowsiness estimation. Even though previous studies have developed accurate and
robust driver's vigilance detection algorithms, these methods are still facing
challenges on following areas: (a) small sample size training, (b) anomaly
signal detection, and (c) subject-independent classification. In this paper, we
propose a generalized few-shot model, namely EEG-Fest, to improve
aforementioned drawbacks. The EEG-Fest model can (a) classify the query
sample's drowsiness with a few samples, (b) identify whether a query sample is
anomaly signals or not, and (c) achieve subject independent classification. The
proposed algorithm achieves state-of-the-art results on the SEED-VIG dataset
and the SADT dataset. The accuracy of the drowsy class achieves 92% and 94% for
1-shot and 5-shot support samples in the SEED-VIG dataset, and 62% and 78% for
1-shot and 5-shot support samples in the SADT dataset.
| [
{
"version": "v1",
"created": "Mon, 7 Nov 2022 21:35:08 GMT"
},
{
"version": "v2",
"created": "Mon, 24 Apr 2023 19:07:10 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Ding",
"Ning",
""
],
[
"Zhang",
"Ce",
""
],
[
"Eskandarian",
"Azim",
""
]
] | TITLE: EEG-Fest: Few-shot based Attention Network for Driver's Vigilance
Estimation with EEG Signals
ABSTRACT: A lack of driver's vigilance is the main cause of most vehicle crashes.
Electroencephalography(EEG) has been reliable and efficient tool for drivers'
drowsiness estimation. Even though previous studies have developed accurate and
robust driver's vigilance detection algorithms, these methods are still facing
challenges on following areas: (a) small sample size training, (b) anomaly
signal detection, and (c) subject-independent classification. In this paper, we
propose a generalized few-shot model, namely EEG-Fest, to improve
aforementioned drawbacks. The EEG-Fest model can (a) classify the query
sample's drowsiness with a few samples, (b) identify whether a query sample is
anomaly signals or not, and (c) achieve subject independent classification. The
proposed algorithm achieves state-of-the-art results on the SEED-VIG dataset
and the SADT dataset. The accuracy of the drowsy class achieves 92% and 94% for
1-shot and 5-shot support samples in the SEED-VIG dataset, and 62% and 78% for
1-shot and 5-shot support samples in the SADT dataset.
| no_new_dataset | 0.71282 |
2211.07145 | Yicheng Zou | Yicheng Zou, Kaitao Song, Xu Tan, Zhongkai Fu, Qi Zhang, Dongsheng Li,
Tao Gui | Towards Understanding Omission in Dialogue Summarization | ACL 2023 | null | null | null | cs.CL | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Dialogue summarization aims to condense the lengthy dialogue into a concise
summary, and has recently achieved significant progress. However, the result of
existing methods is still far from satisfactory. Previous works indicated that
omission is a major factor in affecting the quality of summarization, but few
of them have further explored the omission problem, such as how omission
affects summarization results and how to detect omission, which is critical for
reducing omission and improving summarization quality. Moreover, analyzing and
detecting omission relies on summarization datasets with omission labels (i.e.,
which dialogue utterances are omitted in the summarization), which are not
available in the current literature. In this paper, we propose the OLDS
dataset, which provides high-quality Omission Labels for Dialogue
Summarization. By analyzing this dataset, we find that a large improvement in
summarization quality can be achieved by providing ground-truth omission labels
for the summarization model to recover omission information, which demonstrates
the importance of omission detection for omission mitigation in dialogue
summarization. Therefore, we formulate an omission detection task and
demonstrate our proposed dataset can support the training and evaluation of
this task well. We also call for research action on omission detection based on
our proposed datasets. Our dataset and codes are publicly available.
| [
{
"version": "v1",
"created": "Mon, 14 Nov 2022 06:56:59 GMT"
},
{
"version": "v2",
"created": "Thu, 11 May 2023 13:26:02 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Zou",
"Yicheng",
""
],
[
"Song",
"Kaitao",
""
],
[
"Tan",
"Xu",
""
],
[
"Fu",
"Zhongkai",
""
],
[
"Zhang",
"Qi",
""
],
[
"Li",
"Dongsheng",
""
],
[
"Gui",
"Tao",
""
]
] | TITLE: Towards Understanding Omission in Dialogue Summarization
ABSTRACT: Dialogue summarization aims to condense the lengthy dialogue into a concise
summary, and has recently achieved significant progress. However, the result of
existing methods is still far from satisfactory. Previous works indicated that
omission is a major factor in affecting the quality of summarization, but few
of them have further explored the omission problem, such as how omission
affects summarization results and how to detect omission, which is critical for
reducing omission and improving summarization quality. Moreover, analyzing and
detecting omission relies on summarization datasets with omission labels (i.e.,
which dialogue utterances are omitted in the summarization), which are not
available in the current literature. In this paper, we propose the OLDS
dataset, which provides high-quality Omission Labels for Dialogue
Summarization. By analyzing this dataset, we find that a large improvement in
summarization quality can be achieved by providing ground-truth omission labels
for the summarization model to recover omission information, which demonstrates
the importance of omission detection for omission mitigation in dialogue
summarization. Therefore, we formulate an omission detection task and
demonstrate our proposed dataset can support the training and evaluation of
this task well. We also call for research action on omission detection based on
our proposed datasets. Our dataset and codes are publicly available.
| new_dataset | 0.718409 |
2211.09691 | Amanda Xu | Amanda Xu, Abtin Molavi, Lauren Pick, Swamit Tannu, Aws Albarghouthi | Synthesizing Quantum-Circuit Optimizers | Full version of PLDI 2023 paper | null | 10.1145/3591254 | null | cs.PL quant-ph | http://creativecommons.org/licenses/by-nc-sa/4.0/ | Near-term quantum computers are expected to work in an environment where each
operation is noisy, with no error correction. Therefore, quantum-circuit
optimizers are applied to minimize the number of noisy operations. Today,
physicists are constantly experimenting with novel devices and architectures.
For every new physical substrate and for every modification of a quantum
computer, we need to modify or rewrite major pieces of the optimizer to run
successful experiments. In this paper, we present QUESO, an efficient approach
for automatically synthesizing a quantum-circuit optimizer for a given quantum
device. For instance, in 1.2 minutes, QUESO can synthesize an optimizer with
high-probability correctness guarantees for IBM computers that significantly
outperforms leading compilers, such as IBM's Qiskit and TKET, on the majority
(85%) of the circuits in a diverse benchmark suite.
A number of theoretical and algorithmic insights underlie QUESO: (1) An
algebraic approach for representing rewrite rules and their semantics. This
facilitates reasoning about complex symbolic rewrite rules that are beyond the
scope of existing techniques. (2) A fast approach for probabilistically
verifying equivalence of quantum circuits by reducing the problem to a special
form of polynomial identity testing. (3) A novel probabilistic data structure,
called a polynomial identity filter (PIF), for efficiently synthesizing rewrite
rules. (4) A beam-search-based algorithm that efficiently applies the
synthesized symbolic rewrite rules to optimize quantum circuits.
| [
{
"version": "v1",
"created": "Thu, 17 Nov 2022 17:30:20 GMT"
},
{
"version": "v2",
"created": "Mon, 10 Apr 2023 18:52:40 GMT"
},
{
"version": "v3",
"created": "Wed, 10 May 2023 21:48:33 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Xu",
"Amanda",
""
],
[
"Molavi",
"Abtin",
""
],
[
"Pick",
"Lauren",
""
],
[
"Tannu",
"Swamit",
""
],
[
"Albarghouthi",
"Aws",
""
]
] | TITLE: Synthesizing Quantum-Circuit Optimizers
ABSTRACT: Near-term quantum computers are expected to work in an environment where each
operation is noisy, with no error correction. Therefore, quantum-circuit
optimizers are applied to minimize the number of noisy operations. Today,
physicists are constantly experimenting with novel devices and architectures.
For every new physical substrate and for every modification of a quantum
computer, we need to modify or rewrite major pieces of the optimizer to run
successful experiments. In this paper, we present QUESO, an efficient approach
for automatically synthesizing a quantum-circuit optimizer for a given quantum
device. For instance, in 1.2 minutes, QUESO can synthesize an optimizer with
high-probability correctness guarantees for IBM computers that significantly
outperforms leading compilers, such as IBM's Qiskit and TKET, on the majority
(85%) of the circuits in a diverse benchmark suite.
A number of theoretical and algorithmic insights underlie QUESO: (1) An
algebraic approach for representing rewrite rules and their semantics. This
facilitates reasoning about complex symbolic rewrite rules that are beyond the
scope of existing techniques. (2) A fast approach for probabilistically
verifying equivalence of quantum circuits by reducing the problem to a special
form of polynomial identity testing. (3) A novel probabilistic data structure,
called a polynomial identity filter (PIF), for efficiently synthesizing rewrite
rules. (4) A beam-search-based algorithm that efficiently applies the
synthesized symbolic rewrite rules to optimize quantum circuits.
| no_new_dataset | 0.70779 |
2212.02560 | Zhongju Yuan | Zhongju Yuan, Zhenkun Wang and Genghui Li | Cross-Domain Few-Shot Relation Extraction via Representation Learning
and Domain Adaptation | null | null | null | null | cs.CL cs.AI | http://creativecommons.org/licenses/by-nc-sa/4.0/ | Few-shot relation extraction aims to recognize novel relations with few
labeled sentences in each relation. Previous metric-based few-shot relation
extraction algorithms identify relationships by comparing the prototypes
generated by the few labeled sentences embedding with the embeddings of the
query sentences using a trained metric function. However, as these domains
always have considerable differences from those in the training dataset, the
generalization ability of these approaches on unseen relations in many domains
is limited. Since the prototype is necessary for obtaining relationships
between entities in the latent space, we suggest learning more interpretable
and efficient prototypes from prior knowledge and the intrinsic semantics of
relations to extract new relations in various domains more effectively. By
exploring the relationships between relations using prior information, we
effectively improve the prototype representation of relations. By using
contrastive learning to make the classification margins between sentence
embedding more distinct, the prototype's geometric interpretability is
enhanced. Additionally, utilizing a transfer learning approach for the
cross-domain problem allows the generation process of the prototype to account
for the gap between other domains, making the prototype more robust and
enabling the better extraction of associations across multiple domains. The
experiment results on the benchmark FewRel dataset demonstrate the advantages
of the suggested method over some state-of-the-art approaches.
| [
{
"version": "v1",
"created": "Mon, 5 Dec 2022 19:34:52 GMT"
},
{
"version": "v2",
"created": "Wed, 10 May 2023 20:25:08 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Yuan",
"Zhongju",
""
],
[
"Wang",
"Zhenkun",
""
],
[
"Li",
"Genghui",
""
]
] | TITLE: Cross-Domain Few-Shot Relation Extraction via Representation Learning
and Domain Adaptation
ABSTRACT: Few-shot relation extraction aims to recognize novel relations with few
labeled sentences in each relation. Previous metric-based few-shot relation
extraction algorithms identify relationships by comparing the prototypes
generated by the few labeled sentences embedding with the embeddings of the
query sentences using a trained metric function. However, as these domains
always have considerable differences from those in the training dataset, the
generalization ability of these approaches on unseen relations in many domains
is limited. Since the prototype is necessary for obtaining relationships
between entities in the latent space, we suggest learning more interpretable
and efficient prototypes from prior knowledge and the intrinsic semantics of
relations to extract new relations in various domains more effectively. By
exploring the relationships between relations using prior information, we
effectively improve the prototype representation of relations. By using
contrastive learning to make the classification margins between sentence
embedding more distinct, the prototype's geometric interpretability is
enhanced. Additionally, utilizing a transfer learning approach for the
cross-domain problem allows the generation process of the prototype to account
for the gap between other domains, making the prototype more robust and
enabling the better extraction of associations across multiple domains. The
experiment results on the benchmark FewRel dataset demonstrate the advantages
of the suggested method over some state-of-the-art approaches.
| no_new_dataset | 0.710025 |
2212.08853 | Hongyi Yuan | Hongyi Yuan, Zheng Yuan, Chuanqi Tan, Fei Huang, Songfang Huang | HyPe: Better Pre-trained Language Model Fine-tuning with Hidden
Representation Perturbation | Accepted by ACL 2023 | null | null | null | cs.CL | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Language models with the Transformers structure have shown great performance
in natural language processing. However, there still poses problems when
fine-tuning pre-trained language models on downstream tasks, such as
over-fitting or representation collapse. In this work, we propose HyPe, a
simple yet effective fine-tuning technique to alleviate such problems by
perturbing hidden representations of Transformers layers. Unlike previous works
that only add noise to inputs or parameters, we argue that the hidden
representations of Transformers layers convey more diverse and meaningful
language information. Therefore, making the Transformers layers more robust to
hidden representation perturbations can further benefit the fine-tuning of PLMs
en bloc. We conduct extensive experiments and analyses on GLUE and other
natural language inference datasets. Results demonstrate that HyPe outperforms
vanilla fine-tuning and enhances generalization of hidden representations from
different layers. In addition, HyPe acquires negligible computational
overheads, and is better than and compatible with previous state-of-the-art
fine-tuning techniques.
| [
{
"version": "v1",
"created": "Sat, 17 Dec 2022 11:56:21 GMT"
},
{
"version": "v2",
"created": "Thu, 11 May 2023 07:10:32 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Yuan",
"Hongyi",
""
],
[
"Yuan",
"Zheng",
""
],
[
"Tan",
"Chuanqi",
""
],
[
"Huang",
"Fei",
""
],
[
"Huang",
"Songfang",
""
]
] | TITLE: HyPe: Better Pre-trained Language Model Fine-tuning with Hidden
Representation Perturbation
ABSTRACT: Language models with the Transformers structure have shown great performance
in natural language processing. However, there still poses problems when
fine-tuning pre-trained language models on downstream tasks, such as
over-fitting or representation collapse. In this work, we propose HyPe, a
simple yet effective fine-tuning technique to alleviate such problems by
perturbing hidden representations of Transformers layers. Unlike previous works
that only add noise to inputs or parameters, we argue that the hidden
representations of Transformers layers convey more diverse and meaningful
language information. Therefore, making the Transformers layers more robust to
hidden representation perturbations can further benefit the fine-tuning of PLMs
en bloc. We conduct extensive experiments and analyses on GLUE and other
natural language inference datasets. Results demonstrate that HyPe outperforms
vanilla fine-tuning and enhances generalization of hidden representations from
different layers. In addition, HyPe acquires negligible computational
overheads, and is better than and compatible with previous state-of-the-art
fine-tuning techniques.
| no_new_dataset | 0.709038 |
2302.06100 | Andrew Blair-Stanek | Andrew Blair-Stanek, Nils Holzenberger, Benjamin Van Durme | Can GPT-3 Perform Statutory Reasoning? | 10 pages | null | null | null | cs.CL cs.AI | http://creativecommons.org/licenses/by/4.0/ | Statutory reasoning is the task of reasoning with facts and statutes, which
are rules written in natural language by a legislature. It is a basic legal
skill. In this paper we explore the capabilities of the most capable GPT-3
model, text-davinci-003, on an established statutory-reasoning dataset called
SARA. We consider a variety of approaches, including dynamic few-shot
prompting, chain-of-thought prompting, and zero-shot prompting. While we
achieve results with GPT-3 that are better than the previous best published
results, we also identify several types of clear errors it makes. We
investigate why these errors happen. We discover that GPT-3 has imperfect prior
knowledge of the actual U.S. statutes on which SARA is based. More importantly,
we create simple synthetic statutes, which GPT-3 is guaranteed not to have seen
during training. We find GPT-3 performs poorly at answering straightforward
questions about these simple synthetic statutes.
| [
{
"version": "v1",
"created": "Mon, 13 Feb 2023 04:56:11 GMT"
},
{
"version": "v2",
"created": "Wed, 10 May 2023 19:17:23 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Blair-Stanek",
"Andrew",
""
],
[
"Holzenberger",
"Nils",
""
],
[
"Van Durme",
"Benjamin",
""
]
] | TITLE: Can GPT-3 Perform Statutory Reasoning?
ABSTRACT: Statutory reasoning is the task of reasoning with facts and statutes, which
are rules written in natural language by a legislature. It is a basic legal
skill. In this paper we explore the capabilities of the most capable GPT-3
model, text-davinci-003, on an established statutory-reasoning dataset called
SARA. We consider a variety of approaches, including dynamic few-shot
prompting, chain-of-thought prompting, and zero-shot prompting. While we
achieve results with GPT-3 that are better than the previous best published
results, we also identify several types of clear errors it makes. We
investigate why these errors happen. We discover that GPT-3 has imperfect prior
knowledge of the actual U.S. statutes on which SARA is based. More importantly,
we create simple synthetic statutes, which GPT-3 is guaranteed not to have seen
during training. We find GPT-3 performs poorly at answering straightforward
questions about these simple synthetic statutes.
| new_dataset | 0.71682 |
2302.07077 | Christos Garoufis | Christos Garoufis, Athanasia Zlatintsi, Petros Maragos | Multi-Source Contrastive Learning from Musical Audio | 8 pages, 4 figures, 3 tables. Camera-ready submission at SMC23 | null | null | null | eess.AS cs.SD | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Contrastive learning constitutes an emerging branch of self-supervised
learning that leverages large amounts of unlabeled data, by learning a latent
space, where pairs of different views of the same sample are associated. In
this paper, we propose musical source association as a pair generation strategy
in the context of contrastive music representation learning. To this end, we
modify COLA, a widely used contrastive learning audio framework, to learn to
associate a song excerpt with a stochastically selected and automatically
extracted vocal or instrumental source. We further introduce a novel
modification to the contrastive loss to incorporate information about the
existence or absence of specific sources. Our experimental evaluation in three
different downstream tasks (music auto-tagging, instrument classification and
music genre classification) using the publicly available Magna-Tag-A-Tune
(MTAT) as a source dataset yields competitive results to existing literature
methods, as well as faster network convergence. The results also show that this
pre-training method can be steered towards specific features, according to the
selected musical source, while also being dependent on the quality of the
separated sources.
| [
{
"version": "v1",
"created": "Tue, 14 Feb 2023 14:36:59 GMT"
},
{
"version": "v2",
"created": "Wed, 10 May 2023 23:31:01 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Garoufis",
"Christos",
""
],
[
"Zlatintsi",
"Athanasia",
""
],
[
"Maragos",
"Petros",
""
]
] | TITLE: Multi-Source Contrastive Learning from Musical Audio
ABSTRACT: Contrastive learning constitutes an emerging branch of self-supervised
learning that leverages large amounts of unlabeled data, by learning a latent
space, where pairs of different views of the same sample are associated. In
this paper, we propose musical source association as a pair generation strategy
in the context of contrastive music representation learning. To this end, we
modify COLA, a widely used contrastive learning audio framework, to learn to
associate a song excerpt with a stochastically selected and automatically
extracted vocal or instrumental source. We further introduce a novel
modification to the contrastive loss to incorporate information about the
existence or absence of specific sources. Our experimental evaluation in three
different downstream tasks (music auto-tagging, instrument classification and
music genre classification) using the publicly available Magna-Tag-A-Tune
(MTAT) as a source dataset yields competitive results to existing literature
methods, as well as faster network convergence. The results also show that this
pre-training method can be steered towards specific features, according to the
selected musical source, while also being dependent on the quality of the
separated sources.
| no_new_dataset | 0.709025 |
2303.09952 | Yurui Chen | Yurui Chen, Chun Gu, Feihu Zhang, Li Zhang | Single-view Neural Radiance Fields with Depth Teacher | null | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Neural Radiance Fields (NeRF) have been proposed for photorealistic novel
view rendering. However, it requires many different views of one scene for
training. Moreover, it has poor generalizations to new scenes and requires
retraining or fine-tuning on each scene. In this paper, we develop a new NeRF
model for novel view synthesis using only a single image as input. We propose
to combine the (coarse) planar rendering and the (fine) volume rendering to
achieve higher rendering quality and better generalizations. We also design a
depth teacher net that predicts dense pseudo depth maps to supervise the joint
rendering mechanism and boost the learning of consistent 3D geometry. We
evaluate our method on three challenging datasets. It outperforms
state-of-the-art single-view NeRFs by achieving 5$\sim$20\% improvements in
PSNR and reducing 20$\sim$50\% of the errors in the depth rendering. It also
shows excellent generalization abilities to unseen data without the need to
fine-tune on each new scene.
| [
{
"version": "v1",
"created": "Fri, 17 Mar 2023 13:19:25 GMT"
},
{
"version": "v2",
"created": "Thu, 11 May 2023 12:35:25 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Chen",
"Yurui",
""
],
[
"Gu",
"Chun",
""
],
[
"Zhang",
"Feihu",
""
],
[
"Zhang",
"Li",
""
]
] | TITLE: Single-view Neural Radiance Fields with Depth Teacher
ABSTRACT: Neural Radiance Fields (NeRF) have been proposed for photorealistic novel
view rendering. However, it requires many different views of one scene for
training. Moreover, it has poor generalizations to new scenes and requires
retraining or fine-tuning on each scene. In this paper, we develop a new NeRF
model for novel view synthesis using only a single image as input. We propose
to combine the (coarse) planar rendering and the (fine) volume rendering to
achieve higher rendering quality and better generalizations. We also design a
depth teacher net that predicts dense pseudo depth maps to supervise the joint
rendering mechanism and boost the learning of consistent 3D geometry. We
evaluate our method on three challenging datasets. It outperforms
state-of-the-art single-view NeRFs by achieving 5$\sim$20\% improvements in
PSNR and reducing 20$\sim$50\% of the errors in the depth rendering. It also
shows excellent generalization abilities to unseen data without the need to
fine-tune on each new scene.
| no_new_dataset | 0.711443 |
2304.12216 | Romain Chor | Romain Chor, Milad Sefidgaran and Abdellatif Zaidi | More Communication Does Not Result in Smaller Generalization Error in
Federated Learning | Extended version of paper accepted at ISIT 2023 | null | null | null | stat.ML cs.IT cs.LG math.IT | http://creativecommons.org/licenses/by/4.0/ | We study the generalization error of statistical learning models in a
Federated Learning (FL) setting. Specifically, there are $K$ devices or
clients, each holding an independent own dataset of size $n$. Individual
models, learned locally via Stochastic Gradient Descent, are aggregated
(averaged) by a central server into a global model and then sent back to the
devices. We consider multiple (say $R \in \mathbb N^*$) rounds of model
aggregation and study the effect of $R$ on the generalization error of the
final aggregated model. We establish an upper bound on the generalization error
that accounts explicitly for the effect of $R$ (in addition to the number of
participating devices $K$ and dataset size $n$). It is observed that, for fixed
$(n, K)$, the bound increases with $R$, suggesting that the generalization of
such learning algorithms is negatively affected by more frequent communication
with the parameter server. Combined with the fact that the empirical risk,
however, generally decreases for larger values of $R$, this indicates that $R$
might be a parameter to optimize to reduce the population risk of FL
algorithms. The results of this paper, which extend straightforwardly to the
heterogeneous data setting, are also illustrated through numerical examples.
| [
{
"version": "v1",
"created": "Mon, 24 Apr 2023 15:56:11 GMT"
},
{
"version": "v2",
"created": "Thu, 11 May 2023 17:13:59 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Chor",
"Romain",
""
],
[
"Sefidgaran",
"Milad",
""
],
[
"Zaidi",
"Abdellatif",
""
]
] | TITLE: More Communication Does Not Result in Smaller Generalization Error in
Federated Learning
ABSTRACT: We study the generalization error of statistical learning models in a
Federated Learning (FL) setting. Specifically, there are $K$ devices or
clients, each holding an independent own dataset of size $n$. Individual
models, learned locally via Stochastic Gradient Descent, are aggregated
(averaged) by a central server into a global model and then sent back to the
devices. We consider multiple (say $R \in \mathbb N^*$) rounds of model
aggregation and study the effect of $R$ on the generalization error of the
final aggregated model. We establish an upper bound on the generalization error
that accounts explicitly for the effect of $R$ (in addition to the number of
participating devices $K$ and dataset size $n$). It is observed that, for fixed
$(n, K)$, the bound increases with $R$, suggesting that the generalization of
such learning algorithms is negatively affected by more frequent communication
with the parameter server. Combined with the fact that the empirical risk,
however, generally decreases for larger values of $R$, this indicates that $R$
might be a parameter to optimize to reduce the population risk of FL
algorithms. The results of this paper, which extend straightforwardly to the
heterogeneous data setting, are also illustrated through numerical examples.
| no_new_dataset | 0.706792 |
2304.13836 | Junghoon Seo | Junhwa Song, Keumgang Cha, Junghoon Seo | On Pitfalls of $\textit{RemOve-And-Retrain}$: Data Processing Inequality
Perspective | Code: https://github.com/SIAnalytics/roar | null | null | null | cs.LG cs.AI cs.CV stat.ME | http://creativecommons.org/licenses/by/4.0/ | Approaches for appraising feature importance approximations, alternatively
referred to as attribution methods, have been established across an extensive
array of contexts. The development of resilient techniques for performance
benchmarking constitutes a critical concern in the sphere of explainable deep
learning. This study scrutinizes the dependability of the RemOve-And-Retrain
(ROAR) procedure, which is prevalently employed for gauging the performance of
feature importance estimates. The insights gleaned from our theoretical
foundation and empirical investigations reveal that attributions containing
lesser information about the decision function may yield superior results in
ROAR benchmarks, contradicting the original intent of ROAR. This occurrence is
similarly observed in the recently introduced variant RemOve-And-Debias (ROAD),
and we posit a persistent pattern of blurriness bias in ROAR attribution
metrics. Our findings serve as a warning against indiscriminate use on ROAR
metrics. The code is available as open source.
| [
{
"version": "v1",
"created": "Wed, 26 Apr 2023 21:43:42 GMT"
},
{
"version": "v2",
"created": "Tue, 9 May 2023 02:42:05 GMT"
},
{
"version": "v3",
"created": "Thu, 11 May 2023 03:27:12 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Song",
"Junhwa",
""
],
[
"Cha",
"Keumgang",
""
],
[
"Seo",
"Junghoon",
""
]
] | TITLE: On Pitfalls of $\textit{RemOve-And-Retrain}$: Data Processing Inequality
Perspective
ABSTRACT: Approaches for appraising feature importance approximations, alternatively
referred to as attribution methods, have been established across an extensive
array of contexts. The development of resilient techniques for performance
benchmarking constitutes a critical concern in the sphere of explainable deep
learning. This study scrutinizes the dependability of the RemOve-And-Retrain
(ROAR) procedure, which is prevalently employed for gauging the performance of
feature importance estimates. The insights gleaned from our theoretical
foundation and empirical investigations reveal that attributions containing
lesser information about the decision function may yield superior results in
ROAR benchmarks, contradicting the original intent of ROAR. This occurrence is
similarly observed in the recently introduced variant RemOve-And-Debias (ROAD),
and we posit a persistent pattern of blurriness bias in ROAR attribution
metrics. Our findings serve as a warning against indiscriminate use on ROAR
metrics. The code is available as open source.
| no_new_dataset | 0.708055 |
2305.00666 | Yilei Hua | Yilei Hua, Wenhan Wu, Ce Zheng, Aidong Lu, Mengyuan Liu, Chen Chen,
Shiqian Wu | Part Aware Contrastive Learning for Self-Supervised Action Recognition | 7 pages, 4 figures, accepted by IJCAI 2023 | null | null | null | cs.CV cs.AI | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | In recent years, remarkable results have been achieved in self-supervised
action recognition using skeleton sequences with contrastive learning. It has
been observed that the semantic distinction of human action features is often
represented by local body parts, such as legs or hands, which are advantageous
for skeleton-based action recognition. This paper proposes an attention-based
contrastive learning framework for skeleton representation learning, called
SkeAttnCLR, which integrates local similarity and global features for
skeleton-based action representations. To achieve this, a multi-head attention
mask module is employed to learn the soft attention mask features from the
skeletons, suppressing non-salient local features while accentuating local
salient features, thereby bringing similar local features closer in the feature
space. Additionally, ample contrastive pairs are generated by expanding
contrastive pairs based on salient and non-salient features with global
features, which guide the network to learn the semantic representations of the
entire skeleton. Therefore, with the attention mask mechanism, SkeAttnCLR
learns local features under different data augmentation views. The experiment
results demonstrate that the inclusion of local feature similarity
significantly enhances skeleton-based action representation. Our proposed
SkeAttnCLR outperforms state-of-the-art methods on NTURGB+D, NTU120-RGB+D, and
PKU-MMD datasets.
| [
{
"version": "v1",
"created": "Mon, 1 May 2023 05:31:48 GMT"
},
{
"version": "v2",
"created": "Thu, 11 May 2023 07:26:18 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Hua",
"Yilei",
""
],
[
"Wu",
"Wenhan",
""
],
[
"Zheng",
"Ce",
""
],
[
"Lu",
"Aidong",
""
],
[
"Liu",
"Mengyuan",
""
],
[
"Chen",
"Chen",
""
],
[
"Wu",
"Shiqian",
""
]
] | TITLE: Part Aware Contrastive Learning for Self-Supervised Action Recognition
ABSTRACT: In recent years, remarkable results have been achieved in self-supervised
action recognition using skeleton sequences with contrastive learning. It has
been observed that the semantic distinction of human action features is often
represented by local body parts, such as legs or hands, which are advantageous
for skeleton-based action recognition. This paper proposes an attention-based
contrastive learning framework for skeleton representation learning, called
SkeAttnCLR, which integrates local similarity and global features for
skeleton-based action representations. To achieve this, a multi-head attention
mask module is employed to learn the soft attention mask features from the
skeletons, suppressing non-salient local features while accentuating local
salient features, thereby bringing similar local features closer in the feature
space. Additionally, ample contrastive pairs are generated by expanding
contrastive pairs based on salient and non-salient features with global
features, which guide the network to learn the semantic representations of the
entire skeleton. Therefore, with the attention mask mechanism, SkeAttnCLR
learns local features under different data augmentation views. The experiment
results demonstrate that the inclusion of local feature similarity
significantly enhances skeleton-based action representation. Our proposed
SkeAttnCLR outperforms state-of-the-art methods on NTURGB+D, NTU120-RGB+D, and
PKU-MMD datasets.
| no_new_dataset | 0.710396 |
2305.01735 | Haopeng Zhang | Haopeng Zhang, Xiao Liu, Jiawei Zhang | DiffuSum: Generation Enhanced Extractive Summarization with Diffusion | ACL 2023 Findings | null | null | null | cs.CL | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Extractive summarization aims to form a summary by directly extracting
sentences from the source document. Existing works mostly formulate it as a
sequence labeling problem by making individual sentence label predictions. This
paper proposes DiffuSum, a novel paradigm for extractive summarization, by
directly generating the desired summary sentence representations with diffusion
models and extracting sentences based on sentence representation matching. In
addition, DiffuSum jointly optimizes a contrastive sentence encoder with a
matching loss for sentence representation alignment and a multi-class
contrastive loss for representation diversity. Experimental results show that
DiffuSum achieves the new state-of-the-art extractive results on CNN/DailyMail
with ROUGE scores of $44.83/22.56/40.56$. Experiments on the other two datasets
with different summary lengths also demonstrate the effectiveness of DiffuSum.
The strong performance of our framework shows the great potential of adapting
generative models for extractive summarization. To encourage more following
work in the future, we have released our codes at
\url{https://github.com/hpzhang94/DiffuSum}
| [
{
"version": "v1",
"created": "Tue, 2 May 2023 19:09:16 GMT"
},
{
"version": "v2",
"created": "Thu, 11 May 2023 06:57:44 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Zhang",
"Haopeng",
""
],
[
"Liu",
"Xiao",
""
],
[
"Zhang",
"Jiawei",
""
]
] | TITLE: DiffuSum: Generation Enhanced Extractive Summarization with Diffusion
ABSTRACT: Extractive summarization aims to form a summary by directly extracting
sentences from the source document. Existing works mostly formulate it as a
sequence labeling problem by making individual sentence label predictions. This
paper proposes DiffuSum, a novel paradigm for extractive summarization, by
directly generating the desired summary sentence representations with diffusion
models and extracting sentences based on sentence representation matching. In
addition, DiffuSum jointly optimizes a contrastive sentence encoder with a
matching loss for sentence representation alignment and a multi-class
contrastive loss for representation diversity. Experimental results show that
DiffuSum achieves the new state-of-the-art extractive results on CNN/DailyMail
with ROUGE scores of $44.83/22.56/40.56$. Experiments on the other two datasets
with different summary lengths also demonstrate the effectiveness of DiffuSum.
The strong performance of our framework shows the great potential of adapting
generative models for extractive summarization. To encourage more following
work in the future, we have released our codes at
\url{https://github.com/hpzhang94/DiffuSum}
| no_new_dataset | 0.70883 |
2305.02993 | Mael Jullien | Ma\"el Jullien, Marco Valentino, Hannah Frost, Paul O'Regan, Donal
Landers, Andr\'e Freitas | SemEval-2023 Task 7: Multi-Evidence Natural Language Inference for
Clinical Trial Data | null | null | null | null | cs.CL cs.AI cs.LG | http://creativecommons.org/licenses/by/4.0/ | This paper describes the results of SemEval 2023 task 7 -- Multi-Evidence
Natural Language Inference for Clinical Trial Data (NLI4CT) -- consisting of 2
tasks, a Natural Language Inference (NLI) task, and an evidence selection task
on clinical trial data. The proposed challenges require multi-hop biomedical
and numerical reasoning, which are of significant importance to the development
of systems capable of large-scale interpretation and retrieval of medical
evidence, to provide personalized evidence-based care.
Task 1, the entailment task, received 643 submissions from 40 participants,
and Task 2, the evidence selection task, received 364 submissions from 23
participants. The tasks are challenging, with the majority of submitted systems
failing to significantly outperform the majority class baseline on the
entailment task, and we observe significantly better performance on the
evidence selection task than on the entailment task. Increasing the number of
model parameters leads to a direct increase in performance, far more
significant than the effect of biomedical pre-training. Future works could
explore the limitations of large models for generalization and numerical
inference, and investigate methods to augment clinical datasets to allow for
more rigorous testing and to facilitate fine-tuning.
We envisage that the dataset, models, and results of this task will be useful
to the biomedical NLI and evidence retrieval communities. The dataset,
competition leaderboard, and website are publicly available.
| [
{
"version": "v1",
"created": "Thu, 4 May 2023 16:58:19 GMT"
},
{
"version": "v2",
"created": "Thu, 11 May 2023 09:10:06 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Jullien",
"Maël",
""
],
[
"Valentino",
"Marco",
""
],
[
"Frost",
"Hannah",
""
],
[
"O'Regan",
"Paul",
""
],
[
"Landers",
"Donal",
""
],
[
"Freitas",
"André",
""
]
] | TITLE: SemEval-2023 Task 7: Multi-Evidence Natural Language Inference for
Clinical Trial Data
ABSTRACT: This paper describes the results of SemEval 2023 task 7 -- Multi-Evidence
Natural Language Inference for Clinical Trial Data (NLI4CT) -- consisting of 2
tasks, a Natural Language Inference (NLI) task, and an evidence selection task
on clinical trial data. The proposed challenges require multi-hop biomedical
and numerical reasoning, which are of significant importance to the development
of systems capable of large-scale interpretation and retrieval of medical
evidence, to provide personalized evidence-based care.
Task 1, the entailment task, received 643 submissions from 40 participants,
and Task 2, the evidence selection task, received 364 submissions from 23
participants. The tasks are challenging, with the majority of submitted systems
failing to significantly outperform the majority class baseline on the
entailment task, and we observe significantly better performance on the
evidence selection task than on the entailment task. Increasing the number of
model parameters leads to a direct increase in performance, far more
significant than the effect of biomedical pre-training. Future works could
explore the limitations of large models for generalization and numerical
inference, and investigate methods to augment clinical datasets to allow for
more rigorous testing and to facilitate fine-tuning.
We envisage that the dataset, models, and results of this task will be useful
to the biomedical NLI and evidence retrieval communities. The dataset,
competition leaderboard, and website are publicly available.
| no_new_dataset | 0.697429 |
2305.03866 | Naresh Balaji Ravichandran | Naresh Ravichandran, Anders Lansner, Pawel Herman | Spiking neural networks with Hebbian plasticity for unsupervised
representation learning | null | null | null | null | cs.NE cs.LG | http://creativecommons.org/licenses/by/4.0/ | We introduce a novel spiking neural network model for learning distributed
internal representations from data in an unsupervised procedure. We achieved
this by transforming the non-spiking feedforward Bayesian Confidence
Propagation Neural Network (BCPNN) model, employing an online correlation-based
Hebbian-Bayesian learning and rewiring mechanism, shown previously to perform
representation learning, into a spiking neural network with Poisson statistics
and low firing rate comparable to in vivo cortical pyramidal neurons. We
evaluated the representations learned by our spiking model using a linear
classifier and show performance close to the non-spiking BCPNN, and competitive
with other Hebbian-based spiking networks when trained on MNIST and F-MNIST
machine learning benchmarks.
| [
{
"version": "v1",
"created": "Fri, 5 May 2023 22:34:54 GMT"
},
{
"version": "v2",
"created": "Wed, 10 May 2023 18:50:55 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Ravichandran",
"Naresh",
""
],
[
"Lansner",
"Anders",
""
],
[
"Herman",
"Pawel",
""
]
] | TITLE: Spiking neural networks with Hebbian plasticity for unsupervised
representation learning
ABSTRACT: We introduce a novel spiking neural network model for learning distributed
internal representations from data in an unsupervised procedure. We achieved
this by transforming the non-spiking feedforward Bayesian Confidence
Propagation Neural Network (BCPNN) model, employing an online correlation-based
Hebbian-Bayesian learning and rewiring mechanism, shown previously to perform
representation learning, into a spiking neural network with Poisson statistics
and low firing rate comparable to in vivo cortical pyramidal neurons. We
evaluated the representations learned by our spiking model using a linear
classifier and show performance close to the non-spiking BCPNN, and competitive
with other Hebbian-based spiking networks when trained on MNIST and F-MNIST
machine learning benchmarks.
| no_new_dataset | 0.711794 |
2305.04502 | Noor Awad | Noor Awad, Ayushi Sharma, Philipp Muller, Janek Thomas and Frank
Hutter | MO-DEHB: Evolutionary-based Hyperband for Multi-Objective Optimization | null | null | null | null | cs.LG cs.NE | http://creativecommons.org/licenses/by/4.0/ | Hyperparameter optimization (HPO) is a powerful technique for automating the
tuning of machine learning (ML) models. However, in many real-world
applications, accuracy is only one of multiple performance criteria that must
be considered. Optimizing these objectives simultaneously on a complex and
diverse search space remains a challenging task. In this paper, we propose
MO-DEHB, an effective and flexible multi-objective (MO) optimizer that extends
the recent evolutionary Hyperband method DEHB. We validate the performance of
MO-DEHB using a comprehensive suite of 15 benchmarks consisting of diverse and
challenging MO problems, including HPO, neural architecture search (NAS), and
joint NAS and HPO, with objectives including accuracy, latency and algorithmic
fairness. A comparative study against state-of-the-art MO optimizers
demonstrates that MO-DEHB clearly achieves the best performance across our 15
benchmarks.
| [
{
"version": "v1",
"created": "Mon, 8 May 2023 06:53:40 GMT"
},
{
"version": "v2",
"created": "Thu, 11 May 2023 07:32:09 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Awad",
"Noor",
""
],
[
"Sharma",
"Ayushi",
""
],
[
"Muller",
"Philipp",
""
],
[
"Thomas",
"Janek",
""
],
[
"Hutter",
"Frank",
""
]
] | TITLE: MO-DEHB: Evolutionary-based Hyperband for Multi-Objective Optimization
ABSTRACT: Hyperparameter optimization (HPO) is a powerful technique for automating the
tuning of machine learning (ML) models. However, in many real-world
applications, accuracy is only one of multiple performance criteria that must
be considered. Optimizing these objectives simultaneously on a complex and
diverse search space remains a challenging task. In this paper, we propose
MO-DEHB, an effective and flexible multi-objective (MO) optimizer that extends
the recent evolutionary Hyperband method DEHB. We validate the performance of
MO-DEHB using a comprehensive suite of 15 benchmarks consisting of diverse and
challenging MO problems, including HPO, neural architecture search (NAS), and
joint NAS and HPO, with objectives including accuracy, latency and algorithmic
fairness. A comparative study against state-of-the-art MO optimizers
demonstrates that MO-DEHB clearly achieves the best performance across our 15
benchmarks.
| no_new_dataset | 0.707626 |
2305.05023 | Christian Gagn\'e | Mohamed Abid, Arman Afrasiyabi, Ihsen Hedhli, Jean-Fran\c{c}ois
Lalonde and Christian Gagn\'e | Domain Agnostic Image-to-image Translation using Low-Resolution
Conditioning | 19 pages, 23 figures. arXiv admin note: substantial text overlap with
arXiv:2107.11262. Under consideration in Computer Vision and Image
Understanding | null | null | null | eess.IV cs.CV cs.LG | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Generally, image-to-image translation (i2i) methods aim at learning mappings
across domains with the assumption that the images used for translation share
content (e.g., pose) but have their own domain-specific information (a.k.a.
style). Conditioned on a target image, such methods extract the target style
and combine it with the source image content, keeping coherence between the
domains. In our proposal, we depart from this traditional view and instead
consider the scenario where the target domain is represented by a very
low-resolution (LR) image, proposing a domain-agnostic i2i method for
fine-grained problems, where the domains are related. More specifically, our
domain-agnostic approach aims at generating an image that combines visual
features from the source image with low-frequency information (e.g. pose,
color) of the LR target image. To do so, we present a novel approach that
relies on training the generative model to produce images that both share
distinctive information of the associated source image and correctly match the
LR target image when downscaled. We validate our method on the CelebA-HQ and
AFHQ datasets by demonstrating improvements in terms of visual quality.
Qualitative and quantitative results show that when dealing with intra-domain
image translation, our method generates realistic samples compared to
state-of-the-art methods such as StarGAN v2. Ablation studies also reveal that
our method is robust to changes in color, it can be applied to
out-of-distribution images, and it allows for manual control over the final
results.
| [
{
"version": "v1",
"created": "Mon, 8 May 2023 19:58:49 GMT"
},
{
"version": "v2",
"created": "Thu, 11 May 2023 03:15:45 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Abid",
"Mohamed",
""
],
[
"Afrasiyabi",
"Arman",
""
],
[
"Hedhli",
"Ihsen",
""
],
[
"Lalonde",
"Jean-François",
""
],
[
"Gagné",
"Christian",
""
]
] | TITLE: Domain Agnostic Image-to-image Translation using Low-Resolution
Conditioning
ABSTRACT: Generally, image-to-image translation (i2i) methods aim at learning mappings
across domains with the assumption that the images used for translation share
content (e.g., pose) but have their own domain-specific information (a.k.a.
style). Conditioned on a target image, such methods extract the target style
and combine it with the source image content, keeping coherence between the
domains. In our proposal, we depart from this traditional view and instead
consider the scenario where the target domain is represented by a very
low-resolution (LR) image, proposing a domain-agnostic i2i method for
fine-grained problems, where the domains are related. More specifically, our
domain-agnostic approach aims at generating an image that combines visual
features from the source image with low-frequency information (e.g. pose,
color) of the LR target image. To do so, we present a novel approach that
relies on training the generative model to produce images that both share
distinctive information of the associated source image and correctly match the
LR target image when downscaled. We validate our method on the CelebA-HQ and
AFHQ datasets by demonstrating improvements in terms of visual quality.
Qualitative and quantitative results show that when dealing with intra-domain
image translation, our method generates realistic samples compared to
state-of-the-art methods such as StarGAN v2. Ablation studies also reveal that
our method is robust to changes in color, it can be applied to
out-of-distribution images, and it allows for manual control over the final
results.
| no_new_dataset | 0.712432 |
2305.05030 | Salman Ahmadi-Asl | Salman Ahmadi-Asl, Anh Huy Phan, Andrzej Cichocki, Anastasia Sozykina,
Zaher Al Aghbari, Jun Wang, and Ivan Oseledets | Adaptive Cross Tubal Tensor Approximation | null | null | null | null | math.NA cs.NA | http://creativecommons.org/licenses/by/4.0/ | In this paper, we propose a new adaptive cross algorithm for computing a low
tubal rank approximation of third-order tensors, with less memory and lower
computational complexity than the truncated tensor SVD (t-SVD). This makes it
applicable for decomposing large-scale tensors. We conduct numerical
experiments on synthetic and real-world datasets to confirm the efficiency and
feasibility of the proposed algorithm. The simulation results show more than
one order of magnitude acceleration in the computation of low tubal rank
(t-SVD) for large-scale tensors. An application to pedestrian attribute
recognition is also presented.
| [
{
"version": "v1",
"created": "Mon, 8 May 2023 20:17:50 GMT"
},
{
"version": "v2",
"created": "Thu, 11 May 2023 13:35:13 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Ahmadi-Asl",
"Salman",
""
],
[
"Phan",
"Anh Huy",
""
],
[
"Cichocki",
"Andrzej",
""
],
[
"Sozykina",
"Anastasia",
""
],
[
"Aghbari",
"Zaher Al",
""
],
[
"Wang",
"Jun",
""
],
[
"Oseledets",
"Ivan",
""
]
] | TITLE: Adaptive Cross Tubal Tensor Approximation
ABSTRACT: In this paper, we propose a new adaptive cross algorithm for computing a low
tubal rank approximation of third-order tensors, with less memory and lower
computational complexity than the truncated tensor SVD (t-SVD). This makes it
applicable for decomposing large-scale tensors. We conduct numerical
experiments on synthetic and real-world datasets to confirm the efficiency and
feasibility of the proposed algorithm. The simulation results show more than
one order of magnitude acceleration in the computation of low tubal rank
(t-SVD) for large-scale tensors. An application to pedestrian attribute
recognition is also presented.
| no_new_dataset | 0.71086 |
2305.05711 | Peng Li | Peng Li, Tianxiang Sun, Qiong Tang, Hang Yan, Yuanbin Wu, Xuanjing
Huang, Xipeng Qiu | CodeIE: Large Code Generation Models are Better Few-Shot Information
Extractors | Accepted to ACL 2023 (main conference). Code and data are publicly
available at https://github.com/dasepli/CodeIE | null | null | null | cs.CL cs.AI | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Large language models (LLMs) pre-trained on massive corpora have demonstrated
impressive few-shot learning ability on many NLP tasks. A common practice is to
recast the task into a text-to-text format such that generative LLMs of natural
language (NL-LLMs) like GPT-3 can be prompted to solve it. However, it is
nontrivial to perform information extraction (IE) tasks with NL-LLMs since the
output of the IE task is usually structured and therefore is hard to be
converted into plain text. In this paper, we propose to recast the structured
output in the form of code instead of natural language and utilize generative
LLMs of code (Code-LLMs) such as Codex to perform IE tasks, in particular,
named entity recognition and relation extraction. In contrast to NL-LLMs, we
show that Code-LLMs can be well-aligned with these IE tasks by designing
code-style prompts and formulating these IE tasks as code generation tasks.
Experiment results on seven benchmarks show that our method consistently
outperforms fine-tuning moderate-size pre-trained models specially designed for
IE tasks (e.g., UIE) and prompting NL-LLMs under few-shot settings. We further
conduct a series of in-depth analyses to demonstrate the merits of leveraging
Code-LLMs for IE tasks.
| [
{
"version": "v1",
"created": "Tue, 9 May 2023 18:40:31 GMT"
},
{
"version": "v2",
"created": "Thu, 11 May 2023 01:27:43 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Li",
"Peng",
""
],
[
"Sun",
"Tianxiang",
""
],
[
"Tang",
"Qiong",
""
],
[
"Yan",
"Hang",
""
],
[
"Wu",
"Yuanbin",
""
],
[
"Huang",
"Xuanjing",
""
],
[
"Qiu",
"Xipeng",
""
]
] | TITLE: CodeIE: Large Code Generation Models are Better Few-Shot Information
Extractors
ABSTRACT: Large language models (LLMs) pre-trained on massive corpora have demonstrated
impressive few-shot learning ability on many NLP tasks. A common practice is to
recast the task into a text-to-text format such that generative LLMs of natural
language (NL-LLMs) like GPT-3 can be prompted to solve it. However, it is
nontrivial to perform information extraction (IE) tasks with NL-LLMs since the
output of the IE task is usually structured and therefore is hard to be
converted into plain text. In this paper, we propose to recast the structured
output in the form of code instead of natural language and utilize generative
LLMs of code (Code-LLMs) such as Codex to perform IE tasks, in particular,
named entity recognition and relation extraction. In contrast to NL-LLMs, we
show that Code-LLMs can be well-aligned with these IE tasks by designing
code-style prompts and formulating these IE tasks as code generation tasks.
Experiment results on seven benchmarks show that our method consistently
outperforms fine-tuning moderate-size pre-trained models specially designed for
IE tasks (e.g., UIE) and prompting NL-LLMs under few-shot settings. We further
conduct a series of in-depth analyses to demonstrate the merits of leveraging
Code-LLMs for IE tasks.
| no_new_dataset | 0.710176 |
2305.06105 | He Gu | He Gu, Thomas Plagemann, Maik Benndorf, Vera Goebel, Boris Koldehofe | Differential Privacy for Protecting Private Patterns in Data Streams | null | null | null | null | cs.DB cs.CR | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Complex event processing (CEP) is a powerful and increasingly more important
tool to analyse data streams for Internet of Things (IoT) applications. These
data streams often contain private information that requires proper protection.
However, privacy protection in CEP systems is still in its infancy, and most
existing privacy-preserving mechanisms (PPMs) are adopted from those designed
for data streams. Such approaches undermine the quality of the entire data
stream and limit the performance of IoT applications. In this paper, we attempt
to break the limitation and establish a new foundation for PPMs of CEP by
proposing a novel pattern-level differential privacy (DP) guarantee. We
introduce two PPMs that guarantee pattern-level DP. They operate only on data
that correlate with private patterns rather than on the entire data stream,
leading to higher data quality. One of the PPMs provides adaptive privacy
protection and brings more granularity and generalization. We evaluate the
performance of the proposed PPMs with two experiments on a real-world dataset
and on a synthetic dataset. The results of the experiments indicate that our
proposed privacy guarantee and its PPMs can deliver better data quality under
equally strong privacy guarantees, compared to multiple well-known PPMs
designed for data streams.
| [
{
"version": "v1",
"created": "Wed, 10 May 2023 12:45:14 GMT"
},
{
"version": "v2",
"created": "Thu, 11 May 2023 11:13:08 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Gu",
"He",
""
],
[
"Plagemann",
"Thomas",
""
],
[
"Benndorf",
"Maik",
""
],
[
"Goebel",
"Vera",
""
],
[
"Koldehofe",
"Boris",
""
]
] | TITLE: Differential Privacy for Protecting Private Patterns in Data Streams
ABSTRACT: Complex event processing (CEP) is a powerful and increasingly more important
tool to analyse data streams for Internet of Things (IoT) applications. These
data streams often contain private information that requires proper protection.
However, privacy protection in CEP systems is still in its infancy, and most
existing privacy-preserving mechanisms (PPMs) are adopted from those designed
for data streams. Such approaches undermine the quality of the entire data
stream and limit the performance of IoT applications. In this paper, we attempt
to break the limitation and establish a new foundation for PPMs of CEP by
proposing a novel pattern-level differential privacy (DP) guarantee. We
introduce two PPMs that guarantee pattern-level DP. They operate only on data
that correlate with private patterns rather than on the entire data stream,
leading to higher data quality. One of the PPMs provides adaptive privacy
protection and brings more granularity and generalization. We evaluate the
performance of the proposed PPMs with two experiments on a real-world dataset
and on a synthetic dataset. The results of the experiments indicate that our
proposed privacy guarantee and its PPMs can deliver better data quality under
equally strong privacy guarantees, compared to multiple well-known PPMs
designed for data streams.
| no_new_dataset | 0.712013 |
2305.06179 | Kanji Tanaka | Tomoya Iwasaki, Kanji Tanaka, and Kenta Tsukahara | A Multi-modal Approach to Single-modal Visual Place Classification | 7 pages, 6 figures, 1 table | null | null | null | cs.CV cs.RO | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Visual place classification from a first-person-view monocular RGB image is a
fundamental problem in long-term robot navigation. A difficulty arises from the
fact that RGB image classifiers are often vulnerable to spatial and appearance
changes and degrade due to domain shifts, such as seasonal, weather, and
lighting differences. To address this issue, multi-sensor fusion approaches
combining RGB and depth (D) (e.g., LIDAR, radar, stereo) have gained popularity
in recent years. Inspired by these efforts in multimodal RGB-D fusion, we
explore the use of pseudo-depth measurements from recently-developed techniques
of ``domain invariant" monocular depth estimation as an additional pseudo depth
modality, by reformulating the single-modal RGB image classification task as a
pseudo multi-modal RGB-D classification problem. Specifically, a practical,
fully self-supervised framework for training, appropriately processing, fusing,
and classifying these two modalities, RGB and pseudo-D, is described.
Experiments on challenging cross-domain scenarios using public NCLT datasets
validate effectiveness of the proposed framework.
| [
{
"version": "v1",
"created": "Wed, 10 May 2023 14:04:21 GMT"
},
{
"version": "v2",
"created": "Thu, 11 May 2023 00:54:31 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Iwasaki",
"Tomoya",
""
],
[
"Tanaka",
"Kanji",
""
],
[
"Tsukahara",
"Kenta",
""
]
] | TITLE: A Multi-modal Approach to Single-modal Visual Place Classification
ABSTRACT: Visual place classification from a first-person-view monocular RGB image is a
fundamental problem in long-term robot navigation. A difficulty arises from the
fact that RGB image classifiers are often vulnerable to spatial and appearance
changes and degrade due to domain shifts, such as seasonal, weather, and
lighting differences. To address this issue, multi-sensor fusion approaches
combining RGB and depth (D) (e.g., LIDAR, radar, stereo) have gained popularity
in recent years. Inspired by these efforts in multimodal RGB-D fusion, we
explore the use of pseudo-depth measurements from recently-developed techniques
of ``domain invariant" monocular depth estimation as an additional pseudo depth
modality, by reformulating the single-modal RGB image classification task as a
pseudo multi-modal RGB-D classification problem. Specifically, a practical,
fully self-supervised framework for training, appropriately processing, fusing,
and classifying these two modalities, RGB and pseudo-D, is described.
Experiments on challenging cross-domain scenarios using public NCLT datasets
validate effectiveness of the proposed framework.
| no_new_dataset | 0.70939 |
2305.06356 | Mustafa I\c{s}{\i}k | Mustafa I\c{s}{\i}k, Martin R\"unz, Markos Georgopoulos, Taras
Khakhulin, Jonathan Starck, Lourdes Agapito, Matthias Nie{\ss}ner | HumanRF: High-Fidelity Neural Radiance Fields for Humans in Motion | Project webpage: https://synthesiaresearch.github.io/humanrf Dataset
webpage: https://www.actors-hq.com/ Video:
https://www.youtube.com/watch?v=OTnhiLLE7io Code:
https://github.com/synthesiaresearch/humanrf | null | 10.1145/3592415 | null | cs.CV cs.GR cs.LG | http://creativecommons.org/licenses/by/4.0/ | Representing human performance at high-fidelity is an essential building
block in diverse applications, such as film production, computer games or
videoconferencing. To close the gap to production-level quality, we introduce
HumanRF, a 4D dynamic neural scene representation that captures full-body
appearance in motion from multi-view video input, and enables playback from
novel, unseen viewpoints. Our novel representation acts as a dynamic video
encoding that captures fine details at high compression rates by factorizing
space-time into a temporal matrix-vector decomposition. This allows us to
obtain temporally coherent reconstructions of human actors for long sequences,
while representing high-resolution details even in the context of challenging
motion. While most research focuses on synthesizing at resolutions of 4MP or
lower, we address the challenge of operating at 12MP. To this end, we introduce
ActorsHQ, a novel multi-view dataset that provides 12MP footage from 160
cameras for 16 sequences with high-fidelity, per-frame mesh reconstructions. We
demonstrate challenges that emerge from using such high-resolution data and
show that our newly introduced HumanRF effectively leverages this data, making
a significant step towards production-level quality novel view synthesis.
| [
{
"version": "v1",
"created": "Wed, 10 May 2023 17:59:55 GMT"
},
{
"version": "v2",
"created": "Thu, 11 May 2023 17:59:43 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Işık",
"Mustafa",
""
],
[
"Rünz",
"Martin",
""
],
[
"Georgopoulos",
"Markos",
""
],
[
"Khakhulin",
"Taras",
""
],
[
"Starck",
"Jonathan",
""
],
[
"Agapito",
"Lourdes",
""
],
[
"Nießner",
"Matthias",
""
]
] | TITLE: HumanRF: High-Fidelity Neural Radiance Fields for Humans in Motion
ABSTRACT: Representing human performance at high-fidelity is an essential building
block in diverse applications, such as film production, computer games or
videoconferencing. To close the gap to production-level quality, we introduce
HumanRF, a 4D dynamic neural scene representation that captures full-body
appearance in motion from multi-view video input, and enables playback from
novel, unseen viewpoints. Our novel representation acts as a dynamic video
encoding that captures fine details at high compression rates by factorizing
space-time into a temporal matrix-vector decomposition. This allows us to
obtain temporally coherent reconstructions of human actors for long sequences,
while representing high-resolution details even in the context of challenging
motion. While most research focuses on synthesizing at resolutions of 4MP or
lower, we address the challenge of operating at 12MP. To this end, we introduce
ActorsHQ, a novel multi-view dataset that provides 12MP footage from 160
cameras for 16 sequences with high-fidelity, per-frame mesh reconstructions. We
demonstrate challenges that emerge from using such high-resolution data and
show that our newly introduced HumanRF effectively leverages this data, making
a significant step towards production-level quality novel view synthesis.
| new_dataset | 0.712432 |
2305.06358 | Kairui Zhou | Kairui Zhou | Accessible Instruction-Following Agent | null | null | null | null | cs.AI cs.CL | http://creativecommons.org/licenses/by/4.0/ | Humans can collaborate and complete tasks based on visual signals and
instruction from the environment. Training such a robot is difficult especially
due to the understanding of the instruction and the complicated environment.
Previous instruction-following agents are biased to English-centric corpus,
making it unrealizable to be applied to users that use multiple languages or
even low-resource languages. Nevertheless, the instruction-following agents are
pre-trained in a mode that assumes the user can observe the environment, which
limits its accessibility. In this work, we're trying to generalize the success
of instruction-following agents to non-English languages with little corpus
resources, and improve its intractability and accessibility. We introduce UVLN
(Universal Vision-Language Navigation), a novel machine-translation
instructional augmented framework for cross-lingual vision-language navigation,
with a novel composition of state-of-the-art large language model (GPT3) with
the image caption model (BLIP). We first collect a multilanguage
vision-language navigation dataset via machine translation. Then we extend the
standard VLN training objectives to a multilingual setting via a cross-lingual
language encoder. The alignment between different languages is captured through
a shared vision and action context via a cross-modal transformer, which encodes
the inputs of language instruction, visual observation, and action decision
sequences. To improve the intractability, we connect our agent with the large
language model that informs the situation and current state to the user and
also explains the action decisions. Experiments over Room Across Room Dataset
prove the effectiveness of our approach. And the qualitative results show the
promising intractability and accessibility of our instruction-following agent.
| [
{
"version": "v1",
"created": "Mon, 8 May 2023 23:57:26 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Zhou",
"Kairui",
""
]
] | TITLE: Accessible Instruction-Following Agent
ABSTRACT: Humans can collaborate and complete tasks based on visual signals and
instruction from the environment. Training such a robot is difficult especially
due to the understanding of the instruction and the complicated environment.
Previous instruction-following agents are biased to English-centric corpus,
making it unrealizable to be applied to users that use multiple languages or
even low-resource languages. Nevertheless, the instruction-following agents are
pre-trained in a mode that assumes the user can observe the environment, which
limits its accessibility. In this work, we're trying to generalize the success
of instruction-following agents to non-English languages with little corpus
resources, and improve its intractability and accessibility. We introduce UVLN
(Universal Vision-Language Navigation), a novel machine-translation
instructional augmented framework for cross-lingual vision-language navigation,
with a novel composition of state-of-the-art large language model (GPT3) with
the image caption model (BLIP). We first collect a multilanguage
vision-language navigation dataset via machine translation. Then we extend the
standard VLN training objectives to a multilingual setting via a cross-lingual
language encoder. The alignment between different languages is captured through
a shared vision and action context via a cross-modal transformer, which encodes
the inputs of language instruction, visual observation, and action decision
sequences. To improve the intractability, we connect our agent with the large
language model that informs the situation and current state to the user and
also explains the action decisions. Experiments over Room Across Room Dataset
prove the effectiveness of our approach. And the qualitative results show the
promising intractability and accessibility of our instruction-following agent.
| no_new_dataset | 0.699678 |
2305.06394 | Ayush Aggarwal | Ayush Aggarwal, Rustam Stolkin, Naresh Marturi | Local Region-to-Region Mapping-based Approach to Classify Articulated
Objects | 7 pages, 4 figures, Conference on Robots and Vision, Articulated
Object Classification | null | null | null | cs.CV cs.RO | http://creativecommons.org/licenses/by/4.0/ | Autonomous robots operating in real-world environments encounter a variety of
objects that can be both rigid and articulated in nature. Having knowledge of
these specific object properties not only helps in designing appropriate
manipulation strategies but also aids in developing reliable tracking and pose
estimation techniques for many robotic and vision applications. In this
context, this paper presents a registration-based local region-to-region
mapping approach to classify an object as either articulated or rigid. Using
the point clouds of the intended object, the proposed method performs
classification by estimating unique local transformations between point clouds
over the observed sequence of movements of the object. The significant
advantage of the proposed method is that it is a constraint-free approach that
can classify any articulated object and is not limited to a specific type of
articulation. Additionally, it is a model-free approach with no learning
components, which means it can classify whether an object is articulated
without requiring any object models or labelled data. We analyze the
performance of the proposed method on two publicly available benchmark datasets
with a combination of articulated and rigid objects. It is observed that the
proposed method can classify articulated and rigid objects with good accuracy.
| [
{
"version": "v1",
"created": "Wed, 10 May 2023 18:08:04 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Aggarwal",
"Ayush",
""
],
[
"Stolkin",
"Rustam",
""
],
[
"Marturi",
"Naresh",
""
]
] | TITLE: Local Region-to-Region Mapping-based Approach to Classify Articulated
Objects
ABSTRACT: Autonomous robots operating in real-world environments encounter a variety of
objects that can be both rigid and articulated in nature. Having knowledge of
these specific object properties not only helps in designing appropriate
manipulation strategies but also aids in developing reliable tracking and pose
estimation techniques for many robotic and vision applications. In this
context, this paper presents a registration-based local region-to-region
mapping approach to classify an object as either articulated or rigid. Using
the point clouds of the intended object, the proposed method performs
classification by estimating unique local transformations between point clouds
over the observed sequence of movements of the object. The significant
advantage of the proposed method is that it is a constraint-free approach that
can classify any articulated object and is not limited to a specific type of
articulation. Additionally, it is a model-free approach with no learning
components, which means it can classify whether an object is articulated
without requiring any object models or labelled data. We analyze the
performance of the proposed method on two publicly available benchmark datasets
with a combination of articulated and rigid objects. It is observed that the
proposed method can classify articulated and rigid objects with good accuracy.
| no_new_dataset | 0.712207 |
2305.06402 | Malsha V Perera | Malsha V. Perera and Vishal M. Patel | Analyzing Bias in Diffusion-based Face Generation Models | null | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Diffusion models are becoming increasingly popular in synthetic data
generation and image editing applications. However, these models can amplify
existing biases and propagate them to downstream applications. Therefore, it is
crucial to understand the sources of bias in their outputs. In this paper, we
investigate the presence of bias in diffusion-based face generation models with
respect to attributes such as gender, race, and age. Moreover, we examine how
dataset size affects the attribute composition and perceptual quality of both
diffusion and Generative Adversarial Network (GAN) based face generation models
across various attribute classes. Our findings suggest that diffusion models
tend to worsen distribution bias in the training data for various attributes,
which is heavily influenced by the size of the dataset. Conversely, GAN models
trained on balanced datasets with a larger number of samples show less bias
across different attributes.
| [
{
"version": "v1",
"created": "Wed, 10 May 2023 18:22:31 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Perera",
"Malsha V.",
""
],
[
"Patel",
"Vishal M.",
""
]
] | TITLE: Analyzing Bias in Diffusion-based Face Generation Models
ABSTRACT: Diffusion models are becoming increasingly popular in synthetic data
generation and image editing applications. However, these models can amplify
existing biases and propagate them to downstream applications. Therefore, it is
crucial to understand the sources of bias in their outputs. In this paper, we
investigate the presence of bias in diffusion-based face generation models with
respect to attributes such as gender, race, and age. Moreover, we examine how
dataset size affects the attribute composition and perceptual quality of both
diffusion and Generative Adversarial Network (GAN) based face generation models
across various attribute classes. Our findings suggest that diffusion models
tend to worsen distribution bias in the training data for various attributes,
which is heavily influenced by the size of the dataset. Conversely, GAN models
trained on balanced datasets with a larger number of samples show less bias
across different attributes.
| no_new_dataset | 0.713276 |
2305.06429 | Khloud Al Jallad | Ahmad Al Harere , Khloud Al Jallad | Mispronunciation Detection of Basic Quranic Recitation Rules using Deep
Learning | null | null | null | null | cs.SD cs.AI cs.CL cs.LG eess.AS | http://creativecommons.org/licenses/by/4.0/ | In Islam, readers must apply a set of pronunciation rules called Tajweed
rules to recite the Quran in the same way that the angel Jibrael taught the
Prophet, Muhammad. The traditional process of learning the correct application
of these rules requires a human who must have a license and great experience to
detect mispronunciation. Due to the increasing number of Muslims around the
world, the number of Tajweed teachers is not enough nowadays for daily
recitation practice for every Muslim. Therefore, lots of work has been done for
automatic Tajweed rules' mispronunciation detection to help readers recite
Quran correctly in an easier way and shorter time than traditional learning
ways. All previous works have three common problems. First, most of them
focused on machine learning algorithms only. Second, they used private datasets
with no benchmark to compare with. Third, they did not take into consideration
the sequence of input data optimally, although the speech signal is time
series. To overcome these problems, we proposed a solution that consists of
Mel-Frequency Cepstral Coefficient (MFCC) features with Long Short-Term Memory
(LSTM) neural networks which use the time series, to detect mispronunciation in
Tajweed rules. In addition, our experiments were performed on a public dataset,
the QDAT dataset, which contains more than 1500 voices of the correct and
incorrect recitation of three Tajweed rules (Separate stretching , Tight Noon ,
and Hide ). To the best of our knowledge, the QDAT dataset has not been used by
any research paper yet. We compared the performance of the proposed LSTM model
with traditional machine learning algorithms used in SoTA. The LSTM model with
time series showed clear superiority over traditional machine learning. The
accuracy achieved by LSTM on the QDAT dataset was 96%, 95%, and 96% for the
three rules (Separate stretching, Tight Noon, and Hide), respectively.
| [
{
"version": "v1",
"created": "Wed, 10 May 2023 19:31:25 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Harere",
"Ahmad Al",
""
],
[
"Jallad",
"Khloud Al",
""
]
] | TITLE: Mispronunciation Detection of Basic Quranic Recitation Rules using Deep
Learning
ABSTRACT: In Islam, readers must apply a set of pronunciation rules called Tajweed
rules to recite the Quran in the same way that the angel Jibrael taught the
Prophet, Muhammad. The traditional process of learning the correct application
of these rules requires a human who must have a license and great experience to
detect mispronunciation. Due to the increasing number of Muslims around the
world, the number of Tajweed teachers is not enough nowadays for daily
recitation practice for every Muslim. Therefore, lots of work has been done for
automatic Tajweed rules' mispronunciation detection to help readers recite
Quran correctly in an easier way and shorter time than traditional learning
ways. All previous works have three common problems. First, most of them
focused on machine learning algorithms only. Second, they used private datasets
with no benchmark to compare with. Third, they did not take into consideration
the sequence of input data optimally, although the speech signal is time
series. To overcome these problems, we proposed a solution that consists of
Mel-Frequency Cepstral Coefficient (MFCC) features with Long Short-Term Memory
(LSTM) neural networks which use the time series, to detect mispronunciation in
Tajweed rules. In addition, our experiments were performed on a public dataset,
the QDAT dataset, which contains more than 1500 voices of the correct and
incorrect recitation of three Tajweed rules (Separate stretching , Tight Noon ,
and Hide ). To the best of our knowledge, the QDAT dataset has not been used by
any research paper yet. We compared the performance of the proposed LSTM model
with traditional machine learning algorithms used in SoTA. The LSTM model with
time series showed clear superiority over traditional machine learning. The
accuracy achieved by LSTM on the QDAT dataset was 96%, 95%, and 96% for the
three rules (Separate stretching, Tight Noon, and Hide), respectively.
| no_new_dataset | 0.66061 |
2305.06437 | Di Yang | Di Yang, Yaohui Wang, Quan Kong, Antitza Dantcheva, Lorenzo Garattoni,
Gianpiero Francesca, Francois Bremond | Self-Supervised Video Representation Learning via Latent Time Navigation | AAAI 2023 | null | null | null | cs.CV cs.AI | http://creativecommons.org/licenses/by/4.0/ | Self-supervised video representation learning aimed at maximizing similarity
between different temporal segments of one video, in order to enforce feature
persistence over time. This leads to loss of pertinent information related to
temporal relationships, rendering actions such as `enter' and `leave' to be
indistinguishable. To mitigate this limitation, we propose Latent Time
Navigation (LTN), a time-parameterized contrastive learning strategy that is
streamlined to capture fine-grained motions. Specifically, we maximize the
representation similarity between different video segments from one video,
while maintaining their representations time-aware along a subspace of the
latent representation code including an orthogonal basis to represent temporal
changes. Our extensive experimental analysis suggests that learning video
representations by LTN consistently improves performance of action
classification in fine-grained and human-oriented tasks (e.g., on Toyota
Smarthome dataset). In addition, we demonstrate that our proposed model, when
pre-trained on Kinetics-400, generalizes well onto the unseen real world video
benchmark datasets UCF101 and HMDB51, achieving state-of-the-art performance in
action recognition.
| [
{
"version": "v1",
"created": "Wed, 10 May 2023 20:06:17 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Yang",
"Di",
""
],
[
"Wang",
"Yaohui",
""
],
[
"Kong",
"Quan",
""
],
[
"Dantcheva",
"Antitza",
""
],
[
"Garattoni",
"Lorenzo",
""
],
[
"Francesca",
"Gianpiero",
""
],
[
"Bremond",
"Francois",
""
]
] | TITLE: Self-Supervised Video Representation Learning via Latent Time Navigation
ABSTRACT: Self-supervised video representation learning aimed at maximizing similarity
between different temporal segments of one video, in order to enforce feature
persistence over time. This leads to loss of pertinent information related to
temporal relationships, rendering actions such as `enter' and `leave' to be
indistinguishable. To mitigate this limitation, we propose Latent Time
Navigation (LTN), a time-parameterized contrastive learning strategy that is
streamlined to capture fine-grained motions. Specifically, we maximize the
representation similarity between different video segments from one video,
while maintaining their representations time-aware along a subspace of the
latent representation code including an orthogonal basis to represent temporal
changes. Our extensive experimental analysis suggests that learning video
representations by LTN consistently improves performance of action
classification in fine-grained and human-oriented tasks (e.g., on Toyota
Smarthome dataset). In addition, we demonstrate that our proposed model, when
pre-trained on Kinetics-400, generalizes well onto the unseen real world video
benchmark datasets UCF101 and HMDB51, achieving state-of-the-art performance in
action recognition.
| no_new_dataset | 0.710025 |
2305.06448 | Nikhil Churamani | Nikhil Churamani, Tolga Dimlioglu, German I. Parisi and Hatice Gunes | Continual Facial Expression Recognition: A Benchmark | null | null | null | null | cs.CV cs.LG | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Understanding human affective behaviour, especially in the dynamics of
real-world settings, requires Facial Expression Recognition (FER) models to
continuously adapt to individual differences in user expression, contextual
attributions, and the environment. Current (deep) Machine Learning (ML)-based
FER approaches pre-trained in isolation on benchmark datasets fail to capture
the nuances of real-world interactions where data is available only
incrementally, acquired by the agent or robot during interactions. New learning
comes at the cost of previous knowledge, resulting in catastrophic forgetting.
Lifelong or Continual Learning (CL), on the other hand, enables adaptability in
agents by being sensitive to changing data distributions, integrating new
information without interfering with previously learnt knowledge. Positing CL
as an effective learning paradigm for FER, this work presents the Continual
Facial Expression Recognition (ConFER) benchmark that evaluates popular CL
techniques on FER tasks. It presents a comparative analysis of several CL-based
approaches on popular FER datasets such as CK+, RAF-DB, and AffectNet and
present strategies for a successful implementation of ConFER for Affective
Computing (AC) research. CL techniques, under different learning settings, are
shown to achieve state-of-the-art (SOTA) performance across several datasets,
thus motivating a discussion on the benefits of applying CL principles towards
human behaviour understanding, particularly from facial expressions, as well
the challenges entailed.
| [
{
"version": "v1",
"created": "Wed, 10 May 2023 20:35:38 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Churamani",
"Nikhil",
""
],
[
"Dimlioglu",
"Tolga",
""
],
[
"Parisi",
"German I.",
""
],
[
"Gunes",
"Hatice",
""
]
] | TITLE: Continual Facial Expression Recognition: A Benchmark
ABSTRACT: Understanding human affective behaviour, especially in the dynamics of
real-world settings, requires Facial Expression Recognition (FER) models to
continuously adapt to individual differences in user expression, contextual
attributions, and the environment. Current (deep) Machine Learning (ML)-based
FER approaches pre-trained in isolation on benchmark datasets fail to capture
the nuances of real-world interactions where data is available only
incrementally, acquired by the agent or robot during interactions. New learning
comes at the cost of previous knowledge, resulting in catastrophic forgetting.
Lifelong or Continual Learning (CL), on the other hand, enables adaptability in
agents by being sensitive to changing data distributions, integrating new
information without interfering with previously learnt knowledge. Positing CL
as an effective learning paradigm for FER, this work presents the Continual
Facial Expression Recognition (ConFER) benchmark that evaluates popular CL
techniques on FER tasks. It presents a comparative analysis of several CL-based
approaches on popular FER datasets such as CK+, RAF-DB, and AffectNet and
present strategies for a successful implementation of ConFER for Affective
Computing (AC) research. CL techniques, under different learning settings, are
shown to achieve state-of-the-art (SOTA) performance across several datasets,
thus motivating a discussion on the benefits of applying CL principles towards
human behaviour understanding, particularly from facial expressions, as well
the challenges entailed.
| no_new_dataset | 0.709799 |
2305.06473 | Wenqi Wei | Wenqi Wei, Ling Liu, Jingya Zhou, Ka-Ho Chow, and Yanzhao Wu | Securing Distributed SGD against Gradient Leakage Threats | Accepted by IEEE TPDS | null | null | null | cs.LG cs.CR | http://creativecommons.org/licenses/by/4.0/ | This paper presents a holistic approach to gradient leakage resilient
distributed Stochastic Gradient Descent (SGD). First, we analyze two types of
strategies for privacy-enhanced federated learning: (i) gradient pruning with
random selection or low-rank filtering and (ii) gradient perturbation with
additive random noise or differential privacy noise. We analyze the inherent
limitations of these approaches and their underlying impact on privacy
guarantee, model accuracy, and attack resilience. Next, we present a gradient
leakage resilient approach to securing distributed SGD in federated learning,
with differential privacy controlled noise as the tool. Unlike conventional
methods with the per-client federated noise injection and fixed noise parameter
strategy, our approach keeps track of the trend of per-example gradient
updates. It makes adaptive noise injection closely aligned throughout the
federated model training. Finally, we provide an empirical privacy analysis on
the privacy guarantee, model utility, and attack resilience of the proposed
approach. Extensive evaluation using five benchmark datasets demonstrates that
our gradient leakage resilient approach can outperform the state-of-the-art
methods with competitive accuracy performance, strong differential privacy
guarantee, and high resilience against gradient leakage attacks. The code
associated with this paper can be found:
https://github.com/git-disl/Fed-alphaCDP.
| [
{
"version": "v1",
"created": "Wed, 10 May 2023 21:39:27 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Wei",
"Wenqi",
""
],
[
"Liu",
"Ling",
""
],
[
"Zhou",
"Jingya",
""
],
[
"Chow",
"Ka-Ho",
""
],
[
"Wu",
"Yanzhao",
""
]
] | TITLE: Securing Distributed SGD against Gradient Leakage Threats
ABSTRACT: This paper presents a holistic approach to gradient leakage resilient
distributed Stochastic Gradient Descent (SGD). First, we analyze two types of
strategies for privacy-enhanced federated learning: (i) gradient pruning with
random selection or low-rank filtering and (ii) gradient perturbation with
additive random noise or differential privacy noise. We analyze the inherent
limitations of these approaches and their underlying impact on privacy
guarantee, model accuracy, and attack resilience. Next, we present a gradient
leakage resilient approach to securing distributed SGD in federated learning,
with differential privacy controlled noise as the tool. Unlike conventional
methods with the per-client federated noise injection and fixed noise parameter
strategy, our approach keeps track of the trend of per-example gradient
updates. It makes adaptive noise injection closely aligned throughout the
federated model training. Finally, we provide an empirical privacy analysis on
the privacy guarantee, model utility, and attack resilience of the proposed
approach. Extensive evaluation using five benchmark datasets demonstrates that
our gradient leakage resilient approach can outperform the state-of-the-art
methods with competitive accuracy performance, strong differential privacy
guarantee, and high resilience against gradient leakage attacks. The code
associated with this paper can be found:
https://github.com/git-disl/Fed-alphaCDP.
| no_new_dataset | 0.710038 |
2305.06485 | Mert Inan | Mert \.Inan, Aishwarya Padmakumar, Spandana Gella, Patrick Lange,
Dilek Hakkani-Tur | Multimodal Contextualized Plan Prediction for Embodied Task Completion | NILLI at EMNLP 2022 | null | null | null | cs.RO cs.AI cs.CL cs.HC | http://creativecommons.org/licenses/by/4.0/ | Task planning is an important component of traditional robotics systems
enabling robots to compose fine grained skills to perform more complex tasks.
Recent work building systems for translating natural language to executable
actions for task completion in simulated embodied agents is focused on directly
predicting low level action sequences that would be expected to be directly
executable by a physical robot. In this work, we instead focus on predicting a
higher level plan representation for one such embodied task completion dataset
- TEACh, under the assumption that techniques for high-level plan prediction
from natural language are expected to be more transferable to physical robot
systems. We demonstrate that better plans can be predicted using multimodal
context, and that plan prediction and plan execution modules are likely
dependent on each other and hence it may not be ideal to fully decouple them.
Further, we benchmark execution of oracle plans to quantify the scope for
improvement in plan prediction models.
| [
{
"version": "v1",
"created": "Wed, 10 May 2023 22:29:12 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"İnan",
"Mert",
""
],
[
"Padmakumar",
"Aishwarya",
""
],
[
"Gella",
"Spandana",
""
],
[
"Lange",
"Patrick",
""
],
[
"Hakkani-Tur",
"Dilek",
""
]
] | TITLE: Multimodal Contextualized Plan Prediction for Embodied Task Completion
ABSTRACT: Task planning is an important component of traditional robotics systems
enabling robots to compose fine grained skills to perform more complex tasks.
Recent work building systems for translating natural language to executable
actions for task completion in simulated embodied agents is focused on directly
predicting low level action sequences that would be expected to be directly
executable by a physical robot. In this work, we instead focus on predicting a
higher level plan representation for one such embodied task completion dataset
- TEACh, under the assumption that techniques for high-level plan prediction
from natural language are expected to be more transferable to physical robot
systems. We demonstrate that better plans can be predicted using multimodal
context, and that plan prediction and plan execution modules are likely
dependent on each other and hence it may not be ideal to fully decouple them.
Further, we benchmark execution of oracle plans to quantify the scope for
improvement in plan prediction models.
| new_dataset | 0.716237 |
2305.06522 | Han Cheol Moon | Han Cheol Moon, Shafiq Joty, Ruochen Zhao, Megh Thakkar, Xu Chi | Randomized Smoothing with Masked Inference for Adversarially Robust Text
Classifications | 19 pages, 4 figures, ACL23 | null | null | null | cs.CL cs.AI | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Large-scale pre-trained language models have shown outstanding performance in
a variety of NLP tasks. However, they are also known to be significantly
brittle against specifically crafted adversarial examples, leading to
increasing interest in probing the adversarial robustness of NLP systems. We
introduce RSMI, a novel two-stage framework that combines randomized smoothing
(RS) with masked inference (MI) to improve the adversarial robustness of NLP
systems. RS transforms a classifier into a smoothed classifier to obtain robust
representations, whereas MI forces a model to exploit the surrounding context
of a masked token in an input sequence. RSMI improves adversarial robustness by
2 to 3 times over existing state-of-the-art methods on benchmark datasets. We
also perform in-depth qualitative analysis to validate the effectiveness of the
different stages of RSMI and probe the impact of its components through
extensive ablations. By empirically proving the stability of RSMI, we put it
forward as a practical method to robustly train large-scale NLP models. Our
code and datasets are available at https://github.com/Han8931/rsmi_nlp
| [
{
"version": "v1",
"created": "Thu, 11 May 2023 01:50:16 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Moon",
"Han Cheol",
""
],
[
"Joty",
"Shafiq",
""
],
[
"Zhao",
"Ruochen",
""
],
[
"Thakkar",
"Megh",
""
],
[
"Chi",
"Xu",
""
]
] | TITLE: Randomized Smoothing with Masked Inference for Adversarially Robust Text
Classifications
ABSTRACT: Large-scale pre-trained language models have shown outstanding performance in
a variety of NLP tasks. However, they are also known to be significantly
brittle against specifically crafted adversarial examples, leading to
increasing interest in probing the adversarial robustness of NLP systems. We
introduce RSMI, a novel two-stage framework that combines randomized smoothing
(RS) with masked inference (MI) to improve the adversarial robustness of NLP
systems. RS transforms a classifier into a smoothed classifier to obtain robust
representations, whereas MI forces a model to exploit the surrounding context
of a masked token in an input sequence. RSMI improves adversarial robustness by
2 to 3 times over existing state-of-the-art methods on benchmark datasets. We
also perform in-depth qualitative analysis to validate the effectiveness of the
different stages of RSMI and probe the impact of its components through
extensive ablations. By empirically proving the stability of RSMI, we put it
forward as a practical method to robustly train large-scale NLP models. Our
code and datasets are available at https://github.com/Han8931/rsmi_nlp
| no_new_dataset | 0.707398 |
2305.06528 | Michael Bewong | Md Asif-Ur-Rahman, Bayzid Ashik Hossain, Michael Bewong, Md Zahidul
Islam, Yanchang Zhao, Jeremy Groves, Rory Judith | A Semi-Automated Hybrid Schema Matching Framework for Vegetation Data
Integration | null | null | null | null | cs.DB | http://creativecommons.org/licenses/by-nc-nd/4.0/ | Integrating disparate and distributed vegetation data is critical for
consistent and informed national policy development and management. Australia's
National Vegetation Information System (NVIS) under the Department of Climate
Change, Energy, the Environment and Water (DCCEEW) is the only nationally
consistent vegetation database and hierarchical typology of vegetation types in
different locations. Currently, this database employs manual approaches for
integrating disparate state and territory datasets which is labour intensive
and can be prone to human errors. To cope with the ever-increasing need for up
to date vegetation data derived from heterogeneous data sources, a
Semi-Automated Hybrid Matcher (SAHM) is proposed in this paper. SAHM utilizes
both schema level and instance level matching following a two-tier matching
framework. A key novel technique in SAHM called Multivariate Statistical
Matching is proposed for automated schema scoring which takes advantage of
domain knowledge and correlations between attributes to enhance the matching.
To verify the effectiveness of the proposed framework, the performance of the
individual as well as combined components of SAHM have been evaluated. The
empirical evaluation shows the effectiveness of the proposed framework which
outperforms existing state of the art methods like Cupid, Coma, Similarity
Flooding, Jaccard Leven Matcher, Distribution Based Matcher, and EmbDI. In
particular, SAHM achieves between 88% and 100% accuracy with significantly
better F1 scores in comparison with state-of-the-art techniques. SAHM is also
shown to be several orders of magnitude more efficient than existing
techniques.
| [
{
"version": "v1",
"created": "Thu, 11 May 2023 02:22:58 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Asif-Ur-Rahman",
"Md",
""
],
[
"Hossain",
"Bayzid Ashik",
""
],
[
"Bewong",
"Michael",
""
],
[
"Islam",
"Md Zahidul",
""
],
[
"Zhao",
"Yanchang",
""
],
[
"Groves",
"Jeremy",
""
],
[
"Judith",
"Rory",
""
]
] | TITLE: A Semi-Automated Hybrid Schema Matching Framework for Vegetation Data
Integration
ABSTRACT: Integrating disparate and distributed vegetation data is critical for
consistent and informed national policy development and management. Australia's
National Vegetation Information System (NVIS) under the Department of Climate
Change, Energy, the Environment and Water (DCCEEW) is the only nationally
consistent vegetation database and hierarchical typology of vegetation types in
different locations. Currently, this database employs manual approaches for
integrating disparate state and territory datasets which is labour intensive
and can be prone to human errors. To cope with the ever-increasing need for up
to date vegetation data derived from heterogeneous data sources, a
Semi-Automated Hybrid Matcher (SAHM) is proposed in this paper. SAHM utilizes
both schema level and instance level matching following a two-tier matching
framework. A key novel technique in SAHM called Multivariate Statistical
Matching is proposed for automated schema scoring which takes advantage of
domain knowledge and correlations between attributes to enhance the matching.
To verify the effectiveness of the proposed framework, the performance of the
individual as well as combined components of SAHM have been evaluated. The
empirical evaluation shows the effectiveness of the proposed framework which
outperforms existing state of the art methods like Cupid, Coma, Similarity
Flooding, Jaccard Leven Matcher, Distribution Based Matcher, and EmbDI. In
particular, SAHM achieves between 88% and 100% accuracy with significantly
better F1 scores in comparison with state-of-the-art techniques. SAHM is also
shown to be several orders of magnitude more efficient than existing
techniques.
| no_new_dataset | 0.714416 |
2305.06535 | Lingzhi Wang | Lingzhi Wang, Tong Chen, Wei Yuan, Xingshan Zeng, Kam-Fai Wong,
Hongzhi Yin | KGA: A General Machine Unlearning Framework Based on Knowledge Gap
Alignment | Accepted to ACL 2023 | null | null | null | cs.CL | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Recent legislation of the "right to be forgotten" has led to the interest in
machine unlearning, where the learned models are endowed with the function to
forget information about specific training instances as if they have never
existed in the training set. Previous work mainly focuses on computer vision
scenarios and largely ignores the essentials of unlearning in NLP field, where
text data contains more explicit and sensitive personal information than
images. In this paper, we propose a general unlearning framework called KGA to
induce forgetfulness. Different from previous work that tries to recover
gradients or forces models to perform close to one specific distribution, KGA
maintains distribution differences (i.e., knowledge gap). This relaxes the
distribution assumption. Furthermore, we first apply the unlearning method to
various NLP tasks (i.e., classification, translation, response generation) and
propose several unlearning evaluation metrics with pertinence. Experiments on
large-scale datasets show that KGA yields comprehensive improvements over
baselines, where extensive analyses further validate the effectiveness of KGA
and provide insight into unlearning for NLP tasks.
| [
{
"version": "v1",
"created": "Thu, 11 May 2023 02:44:29 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Wang",
"Lingzhi",
""
],
[
"Chen",
"Tong",
""
],
[
"Yuan",
"Wei",
""
],
[
"Zeng",
"Xingshan",
""
],
[
"Wong",
"Kam-Fai",
""
],
[
"Yin",
"Hongzhi",
""
]
] | TITLE: KGA: A General Machine Unlearning Framework Based on Knowledge Gap
Alignment
ABSTRACT: Recent legislation of the "right to be forgotten" has led to the interest in
machine unlearning, where the learned models are endowed with the function to
forget information about specific training instances as if they have never
existed in the training set. Previous work mainly focuses on computer vision
scenarios and largely ignores the essentials of unlearning in NLP field, where
text data contains more explicit and sensitive personal information than
images. In this paper, we propose a general unlearning framework called KGA to
induce forgetfulness. Different from previous work that tries to recover
gradients or forces models to perform close to one specific distribution, KGA
maintains distribution differences (i.e., knowledge gap). This relaxes the
distribution assumption. Furthermore, we first apply the unlearning method to
various NLP tasks (i.e., classification, translation, response generation) and
propose several unlearning evaluation metrics with pertinence. Experiments on
large-scale datasets show that KGA yields comprehensive improvements over
baselines, where extensive analyses further validate the effectiveness of KGA
and provide insight into unlearning for NLP tasks.
| no_new_dataset | 0.708168 |
2305.06539 | Robert Hawkins | Ron Eliav, Anya Ji, Yoav Artzi, Robert D. Hawkins | Semantic uncertainty guides the extension of conventions to new
referents | Proceedings of the 45th Annual Conference of the Cognitive Science
Society | null | null | null | cs.CL | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | A long tradition of studies in psycholinguistics has examined the formation
and generalization of ad hoc conventions in reference games, showing how newly
acquired conventions for a given target transfer to new referential contexts.
However, another axis of generalization remains understudied: how do
conventions formed for one target transfer to completely distinct targets, when
specific lexical choices are unlikely to repeat? This paper presents two dyadic
studies (N = 240) that address this axis of generalization, focusing on the
role of nameability -- the a priori likelihood that two individuals will share
the same label. We leverage the recently-released KiloGram dataset, a
collection of abstract tangram images that is orders of magnitude larger than
previously available, exhibiting high diversity of properties like nameability.
Our first study asks how nameability shapes convention formation, while the
second asks how new conventions generalize to entirely new targets of
reference. Our results raise new questions about how ad hoc conventions extend
beyond target-specific re-use of specific lexical choices.
| [
{
"version": "v1",
"created": "Thu, 11 May 2023 03:01:40 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Eliav",
"Ron",
""
],
[
"Ji",
"Anya",
""
],
[
"Artzi",
"Yoav",
""
],
[
"Hawkins",
"Robert D.",
""
]
] | TITLE: Semantic uncertainty guides the extension of conventions to new
referents
ABSTRACT: A long tradition of studies in psycholinguistics has examined the formation
and generalization of ad hoc conventions in reference games, showing how newly
acquired conventions for a given target transfer to new referential contexts.
However, another axis of generalization remains understudied: how do
conventions formed for one target transfer to completely distinct targets, when
specific lexical choices are unlikely to repeat? This paper presents two dyadic
studies (N = 240) that address this axis of generalization, focusing on the
role of nameability -- the a priori likelihood that two individuals will share
the same label. We leverage the recently-released KiloGram dataset, a
collection of abstract tangram images that is orders of magnitude larger than
previously available, exhibiting high diversity of properties like nameability.
Our first study asks how nameability shapes convention formation, while the
second asks how new conventions generalize to entirely new targets of
reference. Our results raise new questions about how ad hoc conventions extend
beyond target-specific re-use of specific lexical choices.
| new_dataset | 0.715859 |
2305.06545 | Dongyang Li | Dongyang Li, Ruixue Ding, Qiang Zhang, Zheng Li, Boli Chen, Pengjun
Xie, Yao Xu, Xin Li, Ning Guo, Fei Huang and Xiaofeng He | GeoGLUE: A GeoGraphic Language Understanding Evaluation Benchmark | null | null | null | null | cs.CL cs.AI | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | With a fast developing pace of geographic applications, automatable and
intelligent models are essential to be designed to handle the large volume of
information. However, few researchers focus on geographic natural language
processing, and there has never been a benchmark to build a unified standard.
In this work, we propose a GeoGraphic Language Understanding Evaluation
benchmark, named GeoGLUE. We collect data from open-released geographic
resources and introduce six natural language understanding tasks, including
geographic textual similarity on recall, geographic textual similarity on
rerank, geographic elements tagging, geographic composition analysis,
geographic where what cut, and geographic entity alignment. We also pro vide
evaluation experiments and analysis of general baselines, indicating the
effectiveness and significance of the GeoGLUE benchmark.
| [
{
"version": "v1",
"created": "Thu, 11 May 2023 03:21:56 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Li",
"Dongyang",
""
],
[
"Ding",
"Ruixue",
""
],
[
"Zhang",
"Qiang",
""
],
[
"Li",
"Zheng",
""
],
[
"Chen",
"Boli",
""
],
[
"Xie",
"Pengjun",
""
],
[
"Xu",
"Yao",
""
],
[
"Li",
"Xin",
""
],
[
"Guo",
"Ning",
""
],
[
"Huang",
"Fei",
""
],
[
"He",
"Xiaofeng",
""
]
] | TITLE: GeoGLUE: A GeoGraphic Language Understanding Evaluation Benchmark
ABSTRACT: With a fast developing pace of geographic applications, automatable and
intelligent models are essential to be designed to handle the large volume of
information. However, few researchers focus on geographic natural language
processing, and there has never been a benchmark to build a unified standard.
In this work, we propose a GeoGraphic Language Understanding Evaluation
benchmark, named GeoGLUE. We collect data from open-released geographic
resources and introduce six natural language understanding tasks, including
geographic textual similarity on recall, geographic textual similarity on
rerank, geographic elements tagging, geographic composition analysis,
geographic where what cut, and geographic entity alignment. We also pro vide
evaluation experiments and analysis of general baselines, indicating the
effectiveness and significance of the GeoGLUE benchmark.
| no_new_dataset | 0.53048 |
2305.06553 | Zhen Cao | Mingliang Zhang, Zhen Cao, Juntao Liu, Liqiang Niu, Fandong Meng, Jie
Zhou | WeLayout: WeChat Layout Analysis System for the ICDAR 2023 Competition
on Robust Layout Segmentation in Corporate Documents | null | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | In this paper, we introduce WeLayout, a novel system for segmenting the
layout of corporate documents, which stands for WeChat Layout Analysis System.
Our approach utilizes a sophisticated ensemble of DINO and YOLO models,
specifically developed for the ICDAR 2023 Competition on Robust Layout
Segmentation. Our method significantly surpasses the baseline, securing a top
position on the leaderboard with a mAP of 70.0. To achieve this performance, we
concentrated on enhancing various aspects of the task, such as dataset
augmentation, model architecture, bounding box refinement, and model ensemble
techniques. Additionally, we trained the data separately for each document
category to ensure a higher mean submission score. We also developed an
algorithm for cell matching to further improve our performance. To identify the
optimal weights and IoU thresholds for our model ensemble, we employed a
Bayesian optimization algorithm called the Tree-Structured Parzen Estimator.
Our approach effectively demonstrates the benefits of combining query-based and
anchor-free models for achieving robust layout segmentation in corporate
documents.
| [
{
"version": "v1",
"created": "Thu, 11 May 2023 04:05:30 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Zhang",
"Mingliang",
""
],
[
"Cao",
"Zhen",
""
],
[
"Liu",
"Juntao",
""
],
[
"Niu",
"Liqiang",
""
],
[
"Meng",
"Fandong",
""
],
[
"Zhou",
"Jie",
""
]
] | TITLE: WeLayout: WeChat Layout Analysis System for the ICDAR 2023 Competition
on Robust Layout Segmentation in Corporate Documents
ABSTRACT: In this paper, we introduce WeLayout, a novel system for segmenting the
layout of corporate documents, which stands for WeChat Layout Analysis System.
Our approach utilizes a sophisticated ensemble of DINO and YOLO models,
specifically developed for the ICDAR 2023 Competition on Robust Layout
Segmentation. Our method significantly surpasses the baseline, securing a top
position on the leaderboard with a mAP of 70.0. To achieve this performance, we
concentrated on enhancing various aspects of the task, such as dataset
augmentation, model architecture, bounding box refinement, and model ensemble
techniques. Additionally, we trained the data separately for each document
category to ensure a higher mean submission score. We also developed an
algorithm for cell matching to further improve our performance. To identify the
optimal weights and IoU thresholds for our model ensemble, we employed a
Bayesian optimization algorithm called the Tree-Structured Parzen Estimator.
Our approach effectively demonstrates the benefits of combining query-based and
anchor-free models for achieving robust layout segmentation in corporate
documents.
| no_new_dataset | 0.712245 |
2305.06557 | Hao Lang | Yi Dai, Hao Lang, Yinhe Zheng, Fei Huang, Yongbin Li | Long-Tailed Question Answering in an Open World | ACL2023 Main Track Long Paper | null | null | null | cs.CL cs.AI cs.LG | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Real-world data often have an open long-tailed distribution, and building a
unified QA model supporting various tasks is vital for practical QA
applications. However, it is non-trivial to extend previous QA approaches since
they either require access to seen tasks of adequate samples or do not
explicitly model samples from unseen tasks. In this paper, we define Open
Long-Tailed QA (OLTQA) as learning from long-tailed distributed data and
optimizing performance over seen and unseen QA tasks. We propose an OLTQA model
that encourages knowledge sharing between head, tail and unseen tasks, and
explicitly mines knowledge from a large pre-trained language model (LM).
Specifically, we organize our model through a pool of fine-grained components
and dynamically combine these components for an input to facilitate knowledge
sharing. A retrieve-then-rerank frame is further introduced to select
in-context examples, which guild the LM to generate text that express knowledge
for QA tasks. Moreover, a two-stage training approach is introduced to
pre-train the framework by knowledge distillation (KD) from the LM and then
jointly train the frame and a QA model through an adaptive mutual KD method. On
a large-scale OLTQA dataset we curate from 43 existing QA datasets, our model
consistently outperforms the state-of-the-art. We release the code and data at
\url{https://github.com/AlibabaResearch/DAMO-ConvAI/tree/main/oltqa}.
| [
{
"version": "v1",
"created": "Thu, 11 May 2023 04:28:58 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Dai",
"Yi",
""
],
[
"Lang",
"Hao",
""
],
[
"Zheng",
"Yinhe",
""
],
[
"Huang",
"Fei",
""
],
[
"Li",
"Yongbin",
""
]
] | TITLE: Long-Tailed Question Answering in an Open World
ABSTRACT: Real-world data often have an open long-tailed distribution, and building a
unified QA model supporting various tasks is vital for practical QA
applications. However, it is non-trivial to extend previous QA approaches since
they either require access to seen tasks of adequate samples or do not
explicitly model samples from unseen tasks. In this paper, we define Open
Long-Tailed QA (OLTQA) as learning from long-tailed distributed data and
optimizing performance over seen and unseen QA tasks. We propose an OLTQA model
that encourages knowledge sharing between head, tail and unseen tasks, and
explicitly mines knowledge from a large pre-trained language model (LM).
Specifically, we organize our model through a pool of fine-grained components
and dynamically combine these components for an input to facilitate knowledge
sharing. A retrieve-then-rerank frame is further introduced to select
in-context examples, which guild the LM to generate text that express knowledge
for QA tasks. Moreover, a two-stage training approach is introduced to
pre-train the framework by knowledge distillation (KD) from the LM and then
jointly train the frame and a QA model through an adaptive mutual KD method. On
a large-scale OLTQA dataset we curate from 43 existing QA datasets, our model
consistently outperforms the state-of-the-art. We release the code and data at
\url{https://github.com/AlibabaResearch/DAMO-ConvAI/tree/main/oltqa}.
| no_new_dataset | 0.709422 |
2305.06559 | Junrui Xiao | Junrui Xiao, Zhikai Li, Lianwei Yang and Qingyi Gu | Patch-wise Mixed-Precision Quantization of Vision Transformer | null | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | As emerging hardware begins to support mixed bit-width arithmetic
computation, mixed-precision quantization is widely used to reduce the
complexity of neural networks. However, Vision Transformers (ViTs) require
complex self-attention computation to guarantee the learning of powerful
feature representations, which makes mixed-precision quantization of ViTs still
challenging. In this paper, we propose a novel patch-wise mixed-precision
quantization (PMQ) for efficient inference of ViTs. Specifically, we design a
lightweight global metric, which is faster than existing methods, to measure
the sensitivity of each component in ViTs to quantization errors. Moreover, we
also introduce a pareto frontier approach to automatically allocate the optimal
bit-precision according to the sensitivity. To further reduce the computational
complexity of self-attention in inference stage, we propose a patch-wise module
to reallocate bit-width of patches in each layer. Extensive experiments on the
ImageNet dataset shows that our method greatly reduces the search cost and
facilitates the application of mixed-precision quantization to ViTs.
| [
{
"version": "v1",
"created": "Thu, 11 May 2023 04:34:10 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Xiao",
"Junrui",
""
],
[
"Li",
"Zhikai",
""
],
[
"Yang",
"Lianwei",
""
],
[
"Gu",
"Qingyi",
""
]
] | TITLE: Patch-wise Mixed-Precision Quantization of Vision Transformer
ABSTRACT: As emerging hardware begins to support mixed bit-width arithmetic
computation, mixed-precision quantization is widely used to reduce the
complexity of neural networks. However, Vision Transformers (ViTs) require
complex self-attention computation to guarantee the learning of powerful
feature representations, which makes mixed-precision quantization of ViTs still
challenging. In this paper, we propose a novel patch-wise mixed-precision
quantization (PMQ) for efficient inference of ViTs. Specifically, we design a
lightweight global metric, which is faster than existing methods, to measure
the sensitivity of each component in ViTs to quantization errors. Moreover, we
also introduce a pareto frontier approach to automatically allocate the optimal
bit-precision according to the sensitivity. To further reduce the computational
complexity of self-attention in inference stage, we propose a patch-wise module
to reallocate bit-width of patches in each layer. Extensive experiments on the
ImageNet dataset shows that our method greatly reduces the search cost and
facilitates the application of mixed-precision quantization to ViTs.
| no_new_dataset | 0.709667 |
2305.06574 | Jianheng Tang | Jianheng Tang, Kangfei Zhao, Jia Li | A Fused Gromov-Wasserstein Framework for Unsupervised Knowledge Graph
Entity Alignment | ACL 2023 (Findings) | null | null | null | cs.CL cs.AI | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Entity alignment is the task of identifying corresponding entities across
different knowledge graphs (KGs). Although recent embedding-based entity
alignment methods have shown significant advancements, they still struggle to
fully utilize KG structural information. In this paper, we introduce FGWEA, an
unsupervised entity alignment framework that leverages the Fused
Gromov-Wasserstein (FGW) distance, allowing for a comprehensive comparison of
entity semantics and KG structures within a joint optimization framework. To
address the computational challenges associated with optimizing FGW, we devise
a three-stage progressive optimization algorithm. It starts with a basic
semantic embedding matching, proceeds to approximate cross-KG structural and
relational similarity matching based on iterative updates of high-confidence
entity links, and ultimately culminates in a global structural comparison
between KGs. We perform extensive experiments on four entity alignment datasets
covering 14 distinct KGs across five languages. Without any supervision or
hyper-parameter tuning, FGWEA surpasses 21 competitive baselines, including
cutting-edge supervised entity alignment methods. Our code is available at
https://github.com/squareRoot3/FusedGW-Entity-Alignment.
| [
{
"version": "v1",
"created": "Thu, 11 May 2023 05:17:54 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Tang",
"Jianheng",
""
],
[
"Zhao",
"Kangfei",
""
],
[
"Li",
"Jia",
""
]
] | TITLE: A Fused Gromov-Wasserstein Framework for Unsupervised Knowledge Graph
Entity Alignment
ABSTRACT: Entity alignment is the task of identifying corresponding entities across
different knowledge graphs (KGs). Although recent embedding-based entity
alignment methods have shown significant advancements, they still struggle to
fully utilize KG structural information. In this paper, we introduce FGWEA, an
unsupervised entity alignment framework that leverages the Fused
Gromov-Wasserstein (FGW) distance, allowing for a comprehensive comparison of
entity semantics and KG structures within a joint optimization framework. To
address the computational challenges associated with optimizing FGW, we devise
a three-stage progressive optimization algorithm. It starts with a basic
semantic embedding matching, proceeds to approximate cross-KG structural and
relational similarity matching based on iterative updates of high-confidence
entity links, and ultimately culminates in a global structural comparison
between KGs. We perform extensive experiments on four entity alignment datasets
covering 14 distinct KGs across five languages. Without any supervision or
hyper-parameter tuning, FGWEA surpasses 21 competitive baselines, including
cutting-edge supervised entity alignment methods. Our code is available at
https://github.com/squareRoot3/FusedGW-Entity-Alignment.
| no_new_dataset | 0.707777 |
2305.06616 | Wei Hu | Xinyi Wang and Zitao Wang and Wei Hu | Serial Contrastive Knowledge Distillation for Continual Few-shot
Relation Extraction | Accepted in the Findings of ACL 2023 | null | null | null | cs.CL | http://creativecommons.org/licenses/by/4.0/ | Continual few-shot relation extraction (RE) aims to continuously train a
model for new relations with few labeled training data, of which the major
challenges are the catastrophic forgetting of old relations and the overfitting
caused by data sparsity. In this paper, we propose a new model, namely SCKD, to
accomplish the continual few-shot RE task. Specifically, we design serial
knowledge distillation to preserve the prior knowledge from previous models and
conduct contrastive learning with pseudo samples to keep the representations of
samples in different relations sufficiently distinguishable. Our experiments on
two benchmark datasets validate the effectiveness of SCKD for continual
few-shot RE and its superiority in knowledge transfer and memory utilization
over state-of-the-art models.
| [
{
"version": "v1",
"created": "Thu, 11 May 2023 07:25:47 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Wang",
"Xinyi",
""
],
[
"Wang",
"Zitao",
""
],
[
"Hu",
"Wei",
""
]
] | TITLE: Serial Contrastive Knowledge Distillation for Continual Few-shot
Relation Extraction
ABSTRACT: Continual few-shot relation extraction (RE) aims to continuously train a
model for new relations with few labeled training data, of which the major
challenges are the catastrophic forgetting of old relations and the overfitting
caused by data sparsity. In this paper, we propose a new model, namely SCKD, to
accomplish the continual few-shot RE task. Specifically, we design serial
knowledge distillation to preserve the prior knowledge from previous models and
conduct contrastive learning with pseudo samples to keep the representations of
samples in different relations sufficiently distinguishable. Our experiments on
two benchmark datasets validate the effectiveness of SCKD for continual
few-shot RE and its superiority in knowledge transfer and memory utilization
over state-of-the-art models.
| no_new_dataset | 0.711638 |
2305.06621 | Honghui Yang | Honghui Yang and Wenxiao Wang and Minghao Chen and Binbin Lin and Tong
He and Hua Chen and Xiaofei He and Wanli Ouyang | PVT-SSD: Single-Stage 3D Object Detector with Point-Voxel Transformer | CVPR 2023 | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Recent Transformer-based 3D object detectors learn point cloud features
either from point- or voxel-based representations. However, the former requires
time-consuming sampling while the latter introduces quantization errors. In
this paper, we present a novel Point-Voxel Transformer for single-stage 3D
detection (PVT-SSD) that takes advantage of these two representations.
Specifically, we first use voxel-based sparse convolutions for efficient
feature encoding. Then, we propose a Point-Voxel Transformer (PVT) module that
obtains long-range contexts in a cheap manner from voxels while attaining
accurate positions from points. The key to associating the two different
representations is our introduced input-dependent Query Initialization module,
which could efficiently generate reference points and content queries. Then,
PVT adaptively fuses long-range contextual and local geometric information
around reference points into content queries. Further, to quickly find the
neighboring points of reference points, we design the Virtual Range Image
module, which generalizes the native range image to multi-sensor and
multi-frame. The experiments on several autonomous driving benchmarks verify
the effectiveness and efficiency of the proposed method. Code will be available
at https://github.com/Nightmare-n/PVT-SSD.
| [
{
"version": "v1",
"created": "Thu, 11 May 2023 07:37:15 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Yang",
"Honghui",
""
],
[
"Wang",
"Wenxiao",
""
],
[
"Chen",
"Minghao",
""
],
[
"Lin",
"Binbin",
""
],
[
"He",
"Tong",
""
],
[
"Chen",
"Hua",
""
],
[
"He",
"Xiaofei",
""
],
[
"Ouyang",
"Wanli",
""
]
] | TITLE: PVT-SSD: Single-Stage 3D Object Detector with Point-Voxel Transformer
ABSTRACT: Recent Transformer-based 3D object detectors learn point cloud features
either from point- or voxel-based representations. However, the former requires
time-consuming sampling while the latter introduces quantization errors. In
this paper, we present a novel Point-Voxel Transformer for single-stage 3D
detection (PVT-SSD) that takes advantage of these two representations.
Specifically, we first use voxel-based sparse convolutions for efficient
feature encoding. Then, we propose a Point-Voxel Transformer (PVT) module that
obtains long-range contexts in a cheap manner from voxels while attaining
accurate positions from points. The key to associating the two different
representations is our introduced input-dependent Query Initialization module,
which could efficiently generate reference points and content queries. Then,
PVT adaptively fuses long-range contextual and local geometric information
around reference points into content queries. Further, to quickly find the
neighboring points of reference points, we design the Virtual Range Image
module, which generalizes the native range image to multi-sensor and
multi-frame. The experiments on several autonomous driving benchmarks verify
the effectiveness and efficiency of the proposed method. Code will be available
at https://github.com/Nightmare-n/PVT-SSD.
| no_new_dataset | 0.709239 |
2305.06622 | Sichun Luo | Sichun Luo, Yuanzhang Xiao, Xinyi Zhang, Yang Liu, Wenbo Ding, Linqi
Song | PerFedRec++: Enhancing Personalized Federated Recommendation with
Self-Supervised Pre-Training | null | null | null | null | cs.IR | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Federated recommendation systems employ federated learning techniques to
safeguard user privacy by transmitting model parameters instead of raw user
data between user devices and the central server. Nevertheless, the current
federated recommender system faces challenges such as heterogeneity and
personalization, model performance degradation, and communication bottleneck.
Previous studies have attempted to address these issues, but none have been
able to solve them simultaneously.
In this paper, we propose a novel framework, named PerFedRec++, to enhance
the personalized federated recommendation with self-supervised pre-training.
Specifically, we utilize the privacy-preserving mechanism of federated
recommender systems to generate two augmented graph views, which are used as
contrastive tasks in self-supervised graph learning to pre-train the model.
Pre-training enhances the performance of federated models by improving the
uniformity of representation learning. Also, by providing a better initial
state for federated training, pre-training makes the overall training converge
faster, thus alleviating the heavy communication burden. We then construct a
collaborative graph to learn the client representation through a federated
graph neural network. Based on these learned representations, we cluster users
into different user groups and learn personalized models for each cluster. Each
user learns a personalized model by combining the global federated model, the
cluster-level federated model, and its own fine-tuned local model. Experiments
on three real-world datasets show that our proposed method achieves superior
performance over existing methods.
| [
{
"version": "v1",
"created": "Thu, 11 May 2023 07:38:24 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Luo",
"Sichun",
""
],
[
"Xiao",
"Yuanzhang",
""
],
[
"Zhang",
"Xinyi",
""
],
[
"Liu",
"Yang",
""
],
[
"Ding",
"Wenbo",
""
],
[
"Song",
"Linqi",
""
]
] | TITLE: PerFedRec++: Enhancing Personalized Federated Recommendation with
Self-Supervised Pre-Training
ABSTRACT: Federated recommendation systems employ federated learning techniques to
safeguard user privacy by transmitting model parameters instead of raw user
data between user devices and the central server. Nevertheless, the current
federated recommender system faces challenges such as heterogeneity and
personalization, model performance degradation, and communication bottleneck.
Previous studies have attempted to address these issues, but none have been
able to solve them simultaneously.
In this paper, we propose a novel framework, named PerFedRec++, to enhance
the personalized federated recommendation with self-supervised pre-training.
Specifically, we utilize the privacy-preserving mechanism of federated
recommender systems to generate two augmented graph views, which are used as
contrastive tasks in self-supervised graph learning to pre-train the model.
Pre-training enhances the performance of federated models by improving the
uniformity of representation learning. Also, by providing a better initial
state for federated training, pre-training makes the overall training converge
faster, thus alleviating the heavy communication burden. We then construct a
collaborative graph to learn the client representation through a federated
graph neural network. Based on these learned representations, we cluster users
into different user groups and learn personalized models for each cluster. Each
user learns a personalized model by combining the global federated model, the
cluster-level federated model, and its own fine-tuned local model. Experiments
on three real-world datasets show that our proposed method achieves superior
performance over existing methods.
| no_new_dataset | 0.710666 |
2305.06669 | Sunzhou Huang | Sunzhou Huang, Xiaoyin Wang | PExReport: Automatic Creation of Pruned Executable Cross-Project Failure
Reports | ICSE 2023, Technical Track, full paper | null | null | null | cs.SE | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Modern software development extensively depends on existing libraries written
by other developer teams from the same or a different organization. When a
developer executes the software, the execution trace may go across the
boundaries of multiple software products and create cross-project failures
(CPFs). Existing studies show that a stand-alone executable failure report may
enable the most effective communication, but creating such a report is often
challenging due to the complicated files and dependencies interactions in the
software ecosystems. In this paper, to solve the CPF report trilemma, we
developed PExReport, which automatically creates stand-alone executable CPF
reports. PExReport leverages build tools to prune source code and dependencies,
and further analyzes the build process to create a pruned build environment for
reproducing the CPF. We performed an evaluation on 74 software project issues
with 198 CPFs, and the evaluation results show that PExReport can create
executable CPF reports for 184 out of 198 test failures in our dataset, with an
average reduction of 72.97% on source classes and the classes in internal JARs.
| [
{
"version": "v1",
"created": "Thu, 11 May 2023 09:09:42 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Huang",
"Sunzhou",
""
],
[
"Wang",
"Xiaoyin",
""
]
] | TITLE: PExReport: Automatic Creation of Pruned Executable Cross-Project Failure
Reports
ABSTRACT: Modern software development extensively depends on existing libraries written
by other developer teams from the same or a different organization. When a
developer executes the software, the execution trace may go across the
boundaries of multiple software products and create cross-project failures
(CPFs). Existing studies show that a stand-alone executable failure report may
enable the most effective communication, but creating such a report is often
challenging due to the complicated files and dependencies interactions in the
software ecosystems. In this paper, to solve the CPF report trilemma, we
developed PExReport, which automatically creates stand-alone executable CPF
reports. PExReport leverages build tools to prune source code and dependencies,
and further analyzes the build process to create a pruned build environment for
reproducing the CPF. We performed an evaluation on 74 software project issues
with 198 CPFs, and the evaluation results show that PExReport can create
executable CPF reports for 184 out of 198 test failures in our dataset, with an
average reduction of 72.97% on source classes and the classes in internal JARs.
| new_dataset | 0.705329 |
2305.06703 | Vincent Jeanselme | Vincent Jeanselme, Chang Ho Yoon, Brian Tom, Jessica Barrett | Neural Fine-Gray: Monotonic neural networks for competing risks | Presented at the Conference on Health, Inference, and Learning (CHIL)
2023 | null | null | null | cs.LG cs.AI stat.ML | http://creativecommons.org/licenses/by/4.0/ | Time-to-event modelling, known as survival analysis, differs from standard
regression as it addresses censoring in patients who do not experience the
event of interest. Despite competitive performances in tackling this problem,
machine learning methods often ignore other competing risks that preclude the
event of interest. This practice biases the survival estimation. Extensions to
address this challenge often rely on parametric assumptions or numerical
estimations leading to sub-optimal survival approximations. This paper
leverages constrained monotonic neural networks to model each competing
survival distribution. This modelling choice ensures the exact likelihood
maximisation at a reduced computational cost by using automatic
differentiation. The effectiveness of the solution is demonstrated on one
synthetic and three medical datasets. Finally, we discuss the implications of
considering competing risks when developing risk scores for medical practice.
| [
{
"version": "v1",
"created": "Thu, 11 May 2023 10:27:59 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Jeanselme",
"Vincent",
""
],
[
"Yoon",
"Chang Ho",
""
],
[
"Tom",
"Brian",
""
],
[
"Barrett",
"Jessica",
""
]
] | TITLE: Neural Fine-Gray: Monotonic neural networks for competing risks
ABSTRACT: Time-to-event modelling, known as survival analysis, differs from standard
regression as it addresses censoring in patients who do not experience the
event of interest. Despite competitive performances in tackling this problem,
machine learning methods often ignore other competing risks that preclude the
event of interest. This practice biases the survival estimation. Extensions to
address this challenge often rely on parametric assumptions or numerical
estimations leading to sub-optimal survival approximations. This paper
leverages constrained monotonic neural networks to model each competing
survival distribution. This modelling choice ensures the exact likelihood
maximisation at a reduced computational cost by using automatic
differentiation. The effectiveness of the solution is demonstrated on one
synthetic and three medical datasets. Finally, we discuss the implications of
considering competing risks when developing risk scores for medical practice.
| no_new_dataset | 0.710641 |
2305.06745 | Alberto Testolin Dr. | Lorenzo Tausani and Alberto Testolin and Marco Zorzi | Investigating the generative dynamics of energy-based neural networks | null | null | null | null | cs.NE cs.LG | http://creativecommons.org/licenses/by-nc-nd/4.0/ | Generative neural networks can produce data samples according to the
statistical properties of their training distribution. This feature can be used
to test modern computational neuroscience hypotheses suggesting that
spontaneous brain activity is partially supported by top-down generative
processing. A widely studied class of generative models is that of Restricted
Boltzmann Machines (RBMs), which can be used as building blocks for
unsupervised deep learning architectures. In this work, we systematically
explore the generative dynamics of RBMs, characterizing the number of states
visited during top-down sampling and investigating whether the heterogeneity of
visited attractors could be increased by starting the generation process from
biased hidden states. By considering an RBM trained on a classic dataset of
handwritten digits, we show that the capacity to produce diverse data
prototypes can be increased by initiating top-down sampling from chimera
states, which encode high-level visual features of multiple digits. We also
found that the model is not capable of transitioning between all possible digit
states within a single generation trajectory, suggesting that the top-down
dynamics is heavily constrained by the shape of the energy function.
| [
{
"version": "v1",
"created": "Thu, 11 May 2023 12:05:40 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Tausani",
"Lorenzo",
""
],
[
"Testolin",
"Alberto",
""
],
[
"Zorzi",
"Marco",
""
]
] | TITLE: Investigating the generative dynamics of energy-based neural networks
ABSTRACT: Generative neural networks can produce data samples according to the
statistical properties of their training distribution. This feature can be used
to test modern computational neuroscience hypotheses suggesting that
spontaneous brain activity is partially supported by top-down generative
processing. A widely studied class of generative models is that of Restricted
Boltzmann Machines (RBMs), which can be used as building blocks for
unsupervised deep learning architectures. In this work, we systematically
explore the generative dynamics of RBMs, characterizing the number of states
visited during top-down sampling and investigating whether the heterogeneity of
visited attractors could be increased by starting the generation process from
biased hidden states. By considering an RBM trained on a classic dataset of
handwritten digits, we show that the capacity to produce diverse data
prototypes can be increased by initiating top-down sampling from chimera
states, which encode high-level visual features of multiple digits. We also
found that the model is not capable of transitioning between all possible digit
states within a single generation trajectory, suggesting that the top-down
dynamics is heavily constrained by the shape of the energy function.
| no_new_dataset | 0.708862 |
2305.06753 | Philipp Sepin | Philipp Sepin, Jana Kemnitz, Safoura Rezapour Lakani and Daniel Schall | Comparison of Clustering Algorithms for Statistical Features of
Vibration Data Sets | 12 pages, 10 figures, Proceedings of the 5th International Data
Science Conference iDSC2023 | null | null | null | cs.LG | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Vibration-based condition monitoring systems are receiving increasing
attention due to their ability to accurately identify different conditions by
capturing dynamic features over a broad frequency range. However, there is
little research on clustering approaches in vibration data and the resulting
solutions are often optimized for a single data set. In this work, we present
an extensive comparison of the clustering algorithms K-means clustering,
OPTICS, and Gaussian mixture model clustering (GMM) applied to statistical
features extracted from the time and frequency domains of vibration data sets.
Furthermore, we investigate the influence of feature combinations, feature
selection using principal component analysis (PCA), and the specified number of
clusters on the performance of the clustering algorithms. We conducted this
comparison in terms of a grid search using three different benchmark data sets.
Our work showed that averaging (Mean, Median) and variance-based features
(Standard Deviation, Interquartile Range) performed significantly better than
shape-based features (Skewness, Kurtosis). In addition, K-means outperformed
GMM slightly for these data sets, whereas OPTICS performed significantly worse.
We were also able to show that feature combinations as well as PCA feature
selection did not result in any significant performance improvements. With an
increase in the specified number of clusters, clustering algorithms performed
better, although there were some specific algorithmic restrictions.
| [
{
"version": "v1",
"created": "Thu, 11 May 2023 12:19:30 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Sepin",
"Philipp",
""
],
[
"Kemnitz",
"Jana",
""
],
[
"Lakani",
"Safoura Rezapour",
""
],
[
"Schall",
"Daniel",
""
]
] | TITLE: Comparison of Clustering Algorithms for Statistical Features of
Vibration Data Sets
ABSTRACT: Vibration-based condition monitoring systems are receiving increasing
attention due to their ability to accurately identify different conditions by
capturing dynamic features over a broad frequency range. However, there is
little research on clustering approaches in vibration data and the resulting
solutions are often optimized for a single data set. In this work, we present
an extensive comparison of the clustering algorithms K-means clustering,
OPTICS, and Gaussian mixture model clustering (GMM) applied to statistical
features extracted from the time and frequency domains of vibration data sets.
Furthermore, we investigate the influence of feature combinations, feature
selection using principal component analysis (PCA), and the specified number of
clusters on the performance of the clustering algorithms. We conducted this
comparison in terms of a grid search using three different benchmark data sets.
Our work showed that averaging (Mean, Median) and variance-based features
(Standard Deviation, Interquartile Range) performed significantly better than
shape-based features (Skewness, Kurtosis). In addition, K-means outperformed
GMM slightly for these data sets, whereas OPTICS performed significantly worse.
We were also able to show that feature combinations as well as PCA feature
selection did not result in any significant performance improvements. With an
increase in the specified number of clusters, clustering algorithms performed
better, although there were some specific algorithmic restrictions.
| no_new_dataset | 0.710409 |
2305.06782 | Sergio Mazzola | Sergio Mazzola, Thomas Benz, Bj\"orn Forsberg, Luca Benini | A Data-Driven Approach to Lightweight DVFS-Aware Counter-Based Power
Modeling for Heterogeneous Platforms | null | Embedded Computer Systems: Architectures, Modeling, and
Simulation: 22nd International Conference, SAMOS 2022, Samos, Greece, July
3-7, 2022, Proceedings | 10.1007/978-3-031-15074-6_22 | null | cs.PF cs.AR | http://creativecommons.org/licenses/by-nc-nd/4.0/ | Computing systems have shifted towards highly parallel and heterogeneous
architectures to tackle the challenges imposed by limited power budgets. These
architectures must be supported by novel power management paradigms addressing
the increasing design size, parallelism, and heterogeneity while ensuring high
accuracy and low overhead. In this work, we propose a systematic, automated,
and architecture-agnostic approach to accurate and lightweight DVFS-aware
statistical power modeling of the CPU and GPU sub-systems of a heterogeneous
platform, driven by the sub-systems' local performance monitoring counters
(PMCs). Counter selection is guided by a generally applicable statistical
method that identifies the minimal subsets of counters robustly correlating to
power dissipation. Based on the selected counters, we train a set of
lightweight, linear models characterizing each sub-system over a range of
frequencies. Such models compose a lookup-table-based system-level model that
efficiently captures the non-linearity of power consumption, showing desirable
responsiveness and decomposability. We validate the system-level model on real
hardware by measuring the total energy consumption of an NVIDIA Jetson AGX
Xavier platform over a set of benchmarks. The resulting average estimation
error is 1.3%, with a maximum of 3.1%. Furthermore, the model shows a maximum
evaluation runtime of 500 ns, thus implying a negligible impact on system
utilization and applicability to online dynamic power management (DPM).
| [
{
"version": "v1",
"created": "Thu, 11 May 2023 13:13:07 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Mazzola",
"Sergio",
""
],
[
"Benz",
"Thomas",
""
],
[
"Forsberg",
"Björn",
""
],
[
"Benini",
"Luca",
""
]
] | TITLE: A Data-Driven Approach to Lightweight DVFS-Aware Counter-Based Power
Modeling for Heterogeneous Platforms
ABSTRACT: Computing systems have shifted towards highly parallel and heterogeneous
architectures to tackle the challenges imposed by limited power budgets. These
architectures must be supported by novel power management paradigms addressing
the increasing design size, parallelism, and heterogeneity while ensuring high
accuracy and low overhead. In this work, we propose a systematic, automated,
and architecture-agnostic approach to accurate and lightweight DVFS-aware
statistical power modeling of the CPU and GPU sub-systems of a heterogeneous
platform, driven by the sub-systems' local performance monitoring counters
(PMCs). Counter selection is guided by a generally applicable statistical
method that identifies the minimal subsets of counters robustly correlating to
power dissipation. Based on the selected counters, we train a set of
lightweight, linear models characterizing each sub-system over a range of
frequencies. Such models compose a lookup-table-based system-level model that
efficiently captures the non-linearity of power consumption, showing desirable
responsiveness and decomposability. We validate the system-level model on real
hardware by measuring the total energy consumption of an NVIDIA Jetson AGX
Xavier platform over a set of benchmarks. The resulting average estimation
error is 1.3%, with a maximum of 3.1%. Furthermore, the model shows a maximum
evaluation runtime of 500 ns, thus implying a negligible impact on system
utilization and applicability to online dynamic power management (DPM).
| no_new_dataset | 0.709655 |
2305.06813 | Soochahn Lee Dr | Sojung Go, Younghoon Ji, Sang Jun Park, Soochahn Lee | Generation of Structurally Realistic Retinal Fundus Images with
Diffusion Models | 9 pages, 6 figures | null | null | null | eess.IV cs.CV | http://creativecommons.org/licenses/by-nc-sa/4.0/ | We introduce a new technique for generating retinal fundus images that have
anatomically accurate vascular structures, using diffusion models. We generate
artery/vein masks to create the vascular structure, which we then condition to
produce retinal fundus images. The proposed method can generate high-quality
images with more realistic vascular structures and can create a diverse range
of images based on the strengths of the diffusion model. We present
quantitative evaluations that demonstrate the performance improvement using our
method for data augmentation on vessel segmentation and artery/vein
classification. We also present Turing test results by clinical experts,
showing that our generated images are difficult to distinguish with real
images. We believe that our method can be applied to construct stand-alone
datasets that are irrelevant of patient privacy.
| [
{
"version": "v1",
"created": "Thu, 11 May 2023 14:09:05 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Go",
"Sojung",
""
],
[
"Ji",
"Younghoon",
""
],
[
"Park",
"Sang Jun",
""
],
[
"Lee",
"Soochahn",
""
]
] | TITLE: Generation of Structurally Realistic Retinal Fundus Images with
Diffusion Models
ABSTRACT: We introduce a new technique for generating retinal fundus images that have
anatomically accurate vascular structures, using diffusion models. We generate
artery/vein masks to create the vascular structure, which we then condition to
produce retinal fundus images. The proposed method can generate high-quality
images with more realistic vascular structures and can create a diverse range
of images based on the strengths of the diffusion model. We present
quantitative evaluations that demonstrate the performance improvement using our
method for data augmentation on vessel segmentation and artery/vein
classification. We also present Turing test results by clinical experts,
showing that our generated images are difficult to distinguish with real
images. We believe that our method can be applied to construct stand-alone
datasets that are irrelevant of patient privacy.
| new_dataset | 0.660638 |
2305.06845 | Kanji Tanaka | Sun Yifei, Li Dingrui, Ye Minying, Tanaka Kanji | Detection and Classification of Pole-like Landmarks for Domain-invariant
3D Point Cloud Map Matching | 4 pages, 3 figures, 1 table, draft version of a manuscript submitted
to ICIVC2023 | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | In 3D point cloud-based visual self-localization, pole landmarks have a great
potential as landmarks for accurate and reliable localization due to their
long-term stability under seasonal and weather changes. In this study, we aim
to explore the use of recently developed deep learning models for pole
classification in the context of pole landmark-based self-localization.
Specifically, the proposed scheme consists of two main modules: pole map
matching and pole class matching. In the former module, local pole map is
constructed and its configuration is compared against a precomputed global pole
map. An efficient RANSAC map matching is employed to achieve a good tradeoff
between computational efficiency and accuracy. In the latter pole class
matching module, the local and global poles paired by the RANSAC map-matching
are further compared by means of pole attribute class. To this end, a
predefined set of pseudo pole classes is learned via k-means clustering in a
self-supervised manner. Experiments using publicly available NCLT dataset
showed that the pole-like landmark classification method has an improved effect
on the visual self-localization system compared with the baseline method.
| [
{
"version": "v1",
"created": "Thu, 11 May 2023 14:40:20 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Yifei",
"Sun",
""
],
[
"Dingrui",
"Li",
""
],
[
"Minying",
"Ye",
""
],
[
"Kanji",
"Tanaka",
""
]
] | TITLE: Detection and Classification of Pole-like Landmarks for Domain-invariant
3D Point Cloud Map Matching
ABSTRACT: In 3D point cloud-based visual self-localization, pole landmarks have a great
potential as landmarks for accurate and reliable localization due to their
long-term stability under seasonal and weather changes. In this study, we aim
to explore the use of recently developed deep learning models for pole
classification in the context of pole landmark-based self-localization.
Specifically, the proposed scheme consists of two main modules: pole map
matching and pole class matching. In the former module, local pole map is
constructed and its configuration is compared against a precomputed global pole
map. An efficient RANSAC map matching is employed to achieve a good tradeoff
between computational efficiency and accuracy. In the latter pole class
matching module, the local and global poles paired by the RANSAC map-matching
are further compared by means of pole attribute class. To this end, a
predefined set of pseudo pole classes is learned via k-means clustering in a
self-supervised manner. Experiments using publicly available NCLT dataset
showed that the pole-like landmark classification method has an improved effect
on the visual self-localization system compared with the baseline method.
| no_new_dataset | 0.71227 |
2305.06865 | Yulan Gao | Yulan Gao, Yansong Zhao, and Han Yu | Multi-Tier Client Selection for Mobile Federated Learning Networks | Accepted by IEEE International Conference on Multimedia and Expo 2023 | null | null | null | cs.LG cs.DC cs.NI | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Federated learning (FL), which addresses data privacy issues by training
models on resource-constrained mobile devices in a distributed manner, has
attracted significant research attention. However, the problem of optimizing FL
client selection in mobile federated learning networks (MFLNs), where devices
move in and out of each others' coverage and no FL server knows all the data
owners, remains open. To bridge this gap, we propose a first-of-its-kind
\underline{Soc}ially-aware \underline{Fed}erated \underline{C}lient
\underline{S}election (SocFedCS) approach to minimize costs and train
high-quality FL models. SocFedCS enriches the candidate FL client pool by
enabling data owners to propagate FL task information through their local
networks of trust, even as devices are moving into and out of each others'
coverage. Based on Lyapunov optimization, we first transform this time-coupled
problem into a step-by-step optimization problem. Then, we design a method
based on alternating minimization and self-adaptive global best harmony search
to solve this mixed-integer optimization problem. Extensive experiments
comparing SocFedCS against five state-of-the-art approaches based on four
real-world multimedia datasets demonstrate that it achieves 2.06\% higher test
accuracy and 12.24\% lower cost on average than the best-performing baseline.
| [
{
"version": "v1",
"created": "Thu, 11 May 2023 15:06:08 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Gao",
"Yulan",
""
],
[
"Zhao",
"Yansong",
""
],
[
"Yu",
"Han",
""
]
] | TITLE: Multi-Tier Client Selection for Mobile Federated Learning Networks
ABSTRACT: Federated learning (FL), which addresses data privacy issues by training
models on resource-constrained mobile devices in a distributed manner, has
attracted significant research attention. However, the problem of optimizing FL
client selection in mobile federated learning networks (MFLNs), where devices
move in and out of each others' coverage and no FL server knows all the data
owners, remains open. To bridge this gap, we propose a first-of-its-kind
\underline{Soc}ially-aware \underline{Fed}erated \underline{C}lient
\underline{S}election (SocFedCS) approach to minimize costs and train
high-quality FL models. SocFedCS enriches the candidate FL client pool by
enabling data owners to propagate FL task information through their local
networks of trust, even as devices are moving into and out of each others'
coverage. Based on Lyapunov optimization, we first transform this time-coupled
problem into a step-by-step optimization problem. Then, we design a method
based on alternating minimization and self-adaptive global best harmony search
to solve this mixed-integer optimization problem. Extensive experiments
comparing SocFedCS against five state-of-the-art approaches based on four
real-world multimedia datasets demonstrate that it achieves 2.06\% higher test
accuracy and 12.24\% lower cost on average than the best-performing baseline.
| no_new_dataset | 0.709007 |
2305.06892 | Hadiseh Mahmoudi | Hadiseh Mahmoudi | IUST_NLP at SemEval-2023 Task 10: Explainable Detecting Sexism with
Transformers and Task-adaptive Pretraining | 6 pages, 7 figures, Accepted at The 17th International Workshop on
Semantic Evaluation, ACL 2023 | null | null | null | cs.CL | http://creativecommons.org/licenses/by/4.0/ | This paper describes our system on SemEval-2023 Task 10: Explainable
Detection of Online Sexism (EDOS). This work aims to design an automatic system
for detecting and classifying sexist content in online spaces. We propose a set
of transformer-based pre-trained models with task-adaptive pretraining and
ensemble learning. The main contributions of our system include analyzing the
performance of different transformer-based pre-trained models and combining
these models, as well as providing an efficient method using large amounts of
unlabeled data for model adaptive pretraining. We have also explored several
other strategies. On the test dataset, our system achieves F1-scores of 83%,
64%, and 47% on subtasks A, B, and C, respectively.
| [
{
"version": "v1",
"created": "Thu, 11 May 2023 15:29:04 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Mahmoudi",
"Hadiseh",
""
]
] | TITLE: IUST_NLP at SemEval-2023 Task 10: Explainable Detecting Sexism with
Transformers and Task-adaptive Pretraining
ABSTRACT: This paper describes our system on SemEval-2023 Task 10: Explainable
Detection of Online Sexism (EDOS). This work aims to design an automatic system
for detecting and classifying sexist content in online spaces. We propose a set
of transformer-based pre-trained models with task-adaptive pretraining and
ensemble learning. The main contributions of our system include analyzing the
performance of different transformer-based pre-trained models and combining
these models, as well as providing an efficient method using large amounts of
unlabeled data for model adaptive pretraining. We have also explored several
other strategies. On the test dataset, our system achieves F1-scores of 83%,
64%, and 47% on subtasks A, B, and C, respectively.
| no_new_dataset | 0.708427 |
2305.06906 | Andrea Lacava | Andrea Lacava, Matteo Bordin, Michele Polese, Rajarajan Sivaraj,
Tommaso Zugno, Francesca Cuomo, Tommaso Melodia | ns-O-RAN: Simulating O-RAN 5G Systems in ns-3 | 10 pages, 6 figures, 1 table, 5 listings. Accepted at the 2023
Workshop on ns-3 (WNS3 2023), June 28-29, 2023, Arlington, VA, USA. ACM, New
York, NY, USA | null | 10.1145/3592149.3592161 | null | cs.NI cs.DC | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | O-RAN is radically shifting how cellular networks are designed, deployed and
optimized through network programmability, disaggregation, and virtualization.
Specifically, RAN Intelligent Controllers (RICs) can orchestrate and optimize
the Radio Access Network (RAN) operations, allowing fine-grained control over
the network. RICs provide new approaches and solutions for classical use cases
such as on-demand traffic steering, anomaly detection, and Quality of Service
(QoS) management, with an optimization that can target single User Equipments
(UEs), slices, cells, or entire base stations. While this comes with the
potential to enable intelligent, programmable RANs, there are still significant
challenges to be faced, primarily related to data collection at scale,
development and testing of custom control logic for the RICs, and availability
of Open RAN simulation and experimental tools for the research and development
communities. To address this, we introduce ns-O-RAN, a software integration
between a real-world near-real-time RIC and an ns-3 simulated RAN which
provides a platform for researchers and telco operators to build, test and
integrate xApps. ns-O-RAN extends a popular Open RAN experimental framework
(OpenRAN Gym) with simulation capabilities that enable the generation of
realistic datasets without the need for experimental infrastructure. We
implement it as a new open-source ns-3 module that uses the E2 interface to
connect different simulated 5G base stations with the RIC, enabling the
exchange of E2 messages and RAN KPMs to be consumed by standard xApps.
Furthermore, we test ns-O-RAN with the OSC and OpenRAN Gym RICs, simplifying
the onboarding from a test environment to production with real telecom hardware
controlled without major reconfigurations required. ns-O-RAN is open source and
publicly available, together with quick-start tutorials and documentation.
| [
{
"version": "v1",
"created": "Thu, 11 May 2023 15:47:37 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Lacava",
"Andrea",
""
],
[
"Bordin",
"Matteo",
""
],
[
"Polese",
"Michele",
""
],
[
"Sivaraj",
"Rajarajan",
""
],
[
"Zugno",
"Tommaso",
""
],
[
"Cuomo",
"Francesca",
""
],
[
"Melodia",
"Tommaso",
""
]
] | TITLE: ns-O-RAN: Simulating O-RAN 5G Systems in ns-3
ABSTRACT: O-RAN is radically shifting how cellular networks are designed, deployed and
optimized through network programmability, disaggregation, and virtualization.
Specifically, RAN Intelligent Controllers (RICs) can orchestrate and optimize
the Radio Access Network (RAN) operations, allowing fine-grained control over
the network. RICs provide new approaches and solutions for classical use cases
such as on-demand traffic steering, anomaly detection, and Quality of Service
(QoS) management, with an optimization that can target single User Equipments
(UEs), slices, cells, or entire base stations. While this comes with the
potential to enable intelligent, programmable RANs, there are still significant
challenges to be faced, primarily related to data collection at scale,
development and testing of custom control logic for the RICs, and availability
of Open RAN simulation and experimental tools for the research and development
communities. To address this, we introduce ns-O-RAN, a software integration
between a real-world near-real-time RIC and an ns-3 simulated RAN which
provides a platform for researchers and telco operators to build, test and
integrate xApps. ns-O-RAN extends a popular Open RAN experimental framework
(OpenRAN Gym) with simulation capabilities that enable the generation of
realistic datasets without the need for experimental infrastructure. We
implement it as a new open-source ns-3 module that uses the E2 interface to
connect different simulated 5G base stations with the RIC, enabling the
exchange of E2 messages and RAN KPMs to be consumed by standard xApps.
Furthermore, we test ns-O-RAN with the OSC and OpenRAN Gym RICs, simplifying
the onboarding from a test environment to production with real telecom hardware
controlled without major reconfigurations required. ns-O-RAN is open source and
publicly available, together with quick-start tutorials and documentation.
| no_new_dataset | 0.707847 |
2305.06912 | Hugo Oliveira | Hugo Oliveira, Pedro H. T. Gama, Isabelle Bloch, Roberto Marcondes
Cesar Jr | Meta-Learners for Few-Shot Weakly-Supervised Medical Image Segmentation | Submitted to the Pattern Recognition journal | null | null | null | cs.CV cs.LG cs.NE | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Most uses of Meta-Learning in visual recognition are very often applied to
image classification, with a relative lack of works in other tasks {such} as
segmentation and detection. We propose a generic Meta-Learning framework for
few-shot weakly-supervised segmentation in medical imaging domains. We conduct
a comparative analysis of meta-learners from distinct paradigms adapted to
few-shot image segmentation in different sparsely annotated radiological tasks.
The imaging modalities include 2D chest, mammographic and dental X-rays, as
well as 2D slices of volumetric tomography and resonance images. Our
experiments consider a total of 9 meta-learners, 4 backbones and multiple
target organ segmentation tasks. We explore small-data scenarios in radiology
with varying weak annotation styles and densities. Our analysis shows that
metric-based meta-learning approaches achieve better segmentation results in
tasks with smaller domain shifts in comparison to the meta-training datasets,
while some gradient- and fusion-based meta-learners are more generalizable to
larger domain shifts.
| [
{
"version": "v1",
"created": "Thu, 11 May 2023 15:57:45 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Oliveira",
"Hugo",
""
],
[
"Gama",
"Pedro H. T.",
""
],
[
"Bloch",
"Isabelle",
""
],
[
"Cesar",
"Roberto Marcondes",
"Jr"
]
] | TITLE: Meta-Learners for Few-Shot Weakly-Supervised Medical Image Segmentation
ABSTRACT: Most uses of Meta-Learning in visual recognition are very often applied to
image classification, with a relative lack of works in other tasks {such} as
segmentation and detection. We propose a generic Meta-Learning framework for
few-shot weakly-supervised segmentation in medical imaging domains. We conduct
a comparative analysis of meta-learners from distinct paradigms adapted to
few-shot image segmentation in different sparsely annotated radiological tasks.
The imaging modalities include 2D chest, mammographic and dental X-rays, as
well as 2D slices of volumetric tomography and resonance images. Our
experiments consider a total of 9 meta-learners, 4 backbones and multiple
target organ segmentation tasks. We explore small-data scenarios in radiology
with varying weak annotation styles and densities. Our analysis shows that
metric-based meta-learning approaches achieve better segmentation results in
tasks with smaller domain shifts in comparison to the meta-training datasets,
while some gradient- and fusion-based meta-learners are more generalizable to
larger domain shifts.
| no_new_dataset | 0.709466 |
2305.06923 | Souhail Bakkali | Souhail Bakkali, Ziheng Ming, Mickael Coustaty, Mar\c{c}al Rusi\~nol | EAML: Ensemble Self-Attention-based Mutual Learning Network for Document
Image Classification | Accepted at IJDAR 2021 | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | In the recent past, complex deep neural networks have received huge interest
in various document understanding tasks such as document image classification
and document retrieval. As many document types have a distinct visual style,
learning only visual features with deep CNNs to classify document images have
encountered the problem of low inter-class discrimination, and high intra-class
structural variations between its categories. In parallel, text-level
understanding jointly learned with the corresponding visual properties within a
given document image has considerably improved the classification performance
in terms of accuracy. In this paper, we design a self-attention-based fusion
module that serves as a block in our ensemble trainable network. It allows to
simultaneously learn the discriminant features of image and text modalities
throughout the training stage. Besides, we encourage mutual learning by
transferring the positive knowledge between image and text modalities during
the training stage. This constraint is realized by adding a
truncated-Kullback-Leibler divergence loss Tr-KLD-Reg as a new regularization
term, to the conventional supervised setting. To the best of our knowledge,
this is the first time to leverage a mutual learning approach along with a
self-attention-based fusion module to perform document image classification.
The experimental results illustrate the effectiveness of our approach in terms
of accuracy for the single-modal and multi-modal modalities. Thus, the proposed
ensemble self-attention-based mutual learning model outperforms the
state-of-the-art classification results based on the benchmark RVL-CDIP and
Tobacco-3482 datasets.
| [
{
"version": "v1",
"created": "Thu, 11 May 2023 16:05:03 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Bakkali",
"Souhail",
""
],
[
"Ming",
"Ziheng",
""
],
[
"Coustaty",
"Mickael",
""
],
[
"Rusiñol",
"Marçal",
""
]
] | TITLE: EAML: Ensemble Self-Attention-based Mutual Learning Network for Document
Image Classification
ABSTRACT: In the recent past, complex deep neural networks have received huge interest
in various document understanding tasks such as document image classification
and document retrieval. As many document types have a distinct visual style,
learning only visual features with deep CNNs to classify document images have
encountered the problem of low inter-class discrimination, and high intra-class
structural variations between its categories. In parallel, text-level
understanding jointly learned with the corresponding visual properties within a
given document image has considerably improved the classification performance
in terms of accuracy. In this paper, we design a self-attention-based fusion
module that serves as a block in our ensemble trainable network. It allows to
simultaneously learn the discriminant features of image and text modalities
throughout the training stage. Besides, we encourage mutual learning by
transferring the positive knowledge between image and text modalities during
the training stage. This constraint is realized by adding a
truncated-Kullback-Leibler divergence loss Tr-KLD-Reg as a new regularization
term, to the conventional supervised setting. To the best of our knowledge,
this is the first time to leverage a mutual learning approach along with a
self-attention-based fusion module to perform document image classification.
The experimental results illustrate the effectiveness of our approach in terms
of accuracy for the single-modal and multi-modal modalities. Thus, the proposed
ensemble self-attention-based mutual learning model outperforms the
state-of-the-art classification results based on the benchmark RVL-CDIP and
Tobacco-3482 datasets.
| no_new_dataset | 0.70844 |
2305.06934 | Anis Koubaa | Anis Koubaa, Basit Qureshi, Adel Ammar, Zahid Khan, Wadii Boulila,
Lahouari Ghouti | Humans are Still Better than ChatGPT: Case of the IEEEXtreme Competition | 9 pages, 3 figures | null | null | null | cs.SE cs.AI cs.CL cs.CY cs.LG cs.PL | http://creativecommons.org/licenses/by/4.0/ | Since the release of ChatGPT, numerous studies have highlighted the
remarkable performance of ChatGPT, which often rivals or even surpasses human
capabilities in various tasks and domains. However, this paper presents a
contrasting perspective by demonstrating an instance where human performance
excels in typical tasks suited for ChatGPT, specifically in the domain of
computer programming. We utilize the IEEExtreme Challenge competition as a
benchmark, a prestigious, annual international programming contest encompassing
a wide range of problems with different complexities. To conduct a thorough
evaluation, we selected and executed a diverse set of 102 challenges, drawn
from five distinct IEEExtreme editions, using three major programming
languages: Python, Java, and C++. Our empirical analysis provides evidence that
contrary to popular belief, human programmers maintain a competitive edge over
ChatGPT in certain aspects of problem-solving within the programming context.
In fact, we found that the average score obtained by ChatGPT on the set of
IEEExtreme programming problems is 3.9 to 5.8 times lower than the average
human score, depending on the programming language. This paper elaborates on
these findings, offering critical insights into the limitations and potential
areas of improvement for AI-based language models like ChatGPT.
| [
{
"version": "v1",
"created": "Wed, 10 May 2023 08:16:46 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Koubaa",
"Anis",
""
],
[
"Qureshi",
"Basit",
""
],
[
"Ammar",
"Adel",
""
],
[
"Khan",
"Zahid",
""
],
[
"Boulila",
"Wadii",
""
],
[
"Ghouti",
"Lahouari",
""
]
] | TITLE: Humans are Still Better than ChatGPT: Case of the IEEEXtreme Competition
ABSTRACT: Since the release of ChatGPT, numerous studies have highlighted the
remarkable performance of ChatGPT, which often rivals or even surpasses human
capabilities in various tasks and domains. However, this paper presents a
contrasting perspective by demonstrating an instance where human performance
excels in typical tasks suited for ChatGPT, specifically in the domain of
computer programming. We utilize the IEEExtreme Challenge competition as a
benchmark, a prestigious, annual international programming contest encompassing
a wide range of problems with different complexities. To conduct a thorough
evaluation, we selected and executed a diverse set of 102 challenges, drawn
from five distinct IEEExtreme editions, using three major programming
languages: Python, Java, and C++. Our empirical analysis provides evidence that
contrary to popular belief, human programmers maintain a competitive edge over
ChatGPT in certain aspects of problem-solving within the programming context.
In fact, we found that the average score obtained by ChatGPT on the set of
IEEExtreme programming problems is 3.9 to 5.8 times lower than the average
human score, depending on the programming language. This paper elaborates on
these findings, offering critical insights into the limitations and potential
areas of improvement for AI-based language models like ChatGPT.
| no_new_dataset | 0.704567 |
2305.06939 | Chenhang Cui | Chenhang Cui, Yazhou Ren, Jingyu Pu, Xiaorong Pu, Lifang He | Deep Multi-View Subspace Clustering with Anchor Graph | null | null | null | null | cs.LG | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Deep multi-view subspace clustering (DMVSC) has recently attracted increasing
attention due to its promising performance. However, existing DMVSC methods
still have two issues: (1) they mainly focus on using autoencoders to
nonlinearly embed the data, while the embedding may be suboptimal for
clustering because the clustering objective is rarely considered in
autoencoders, and (2) existing methods typically have a quadratic or even cubic
complexity, which makes it challenging to deal with large-scale data. To
address these issues, in this paper we propose a novel deep multi-view subspace
clustering method with anchor graph (DMCAG). To be specific, DMCAG firstly
learns the embedded features for each view independently, which are used to
obtain the subspace representations. To significantly reduce the complexity, we
construct an anchor graph with small size for each view. Then, spectral
clustering is performed on an integrated anchor graph to obtain pseudo-labels.
To overcome the negative impact caused by suboptimal embedded features, we use
pseudo-labels to refine the embedding process to make it more suitable for the
clustering task. Pseudo-labels and embedded features are updated alternately.
Furthermore, we design a strategy to keep the consistency of the labels based
on contrastive learning to enhance the clustering performance. Empirical
studies on real-world datasets show that our method achieves superior
clustering performance over other state-of-the-art methods.
| [
{
"version": "v1",
"created": "Thu, 11 May 2023 16:17:43 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Cui",
"Chenhang",
""
],
[
"Ren",
"Yazhou",
""
],
[
"Pu",
"Jingyu",
""
],
[
"Pu",
"Xiaorong",
""
],
[
"He",
"Lifang",
""
]
] | TITLE: Deep Multi-View Subspace Clustering with Anchor Graph
ABSTRACT: Deep multi-view subspace clustering (DMVSC) has recently attracted increasing
attention due to its promising performance. However, existing DMVSC methods
still have two issues: (1) they mainly focus on using autoencoders to
nonlinearly embed the data, while the embedding may be suboptimal for
clustering because the clustering objective is rarely considered in
autoencoders, and (2) existing methods typically have a quadratic or even cubic
complexity, which makes it challenging to deal with large-scale data. To
address these issues, in this paper we propose a novel deep multi-view subspace
clustering method with anchor graph (DMCAG). To be specific, DMCAG firstly
learns the embedded features for each view independently, which are used to
obtain the subspace representations. To significantly reduce the complexity, we
construct an anchor graph with small size for each view. Then, spectral
clustering is performed on an integrated anchor graph to obtain pseudo-labels.
To overcome the negative impact caused by suboptimal embedded features, we use
pseudo-labels to refine the embedding process to make it more suitable for the
clustering task. Pseudo-labels and embedded features are updated alternately.
Furthermore, we design a strategy to keep the consistency of the labels based
on contrastive learning to enhance the clustering performance. Empirical
studies on real-world datasets show that our method achieves superior
clustering performance over other state-of-the-art methods.
| no_new_dataset | 0.708975 |
2305.06963 | Firas Khader | Firas Khader, Jakob Nikolas Kather, Tianyu Han, Sven Nebelung,
Christiane Kuhl, Johannes Stegmaier, Daniel Truhn | Cascaded Cross-Attention Networks for Data-Efficient Whole-Slide Image
Classification Using Transformers | null | null | null | null | cs.CV cs.LG | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Whole-Slide Imaging allows for the capturing and digitization of
high-resolution images of histological specimen. An automated analysis of such
images using deep learning models is therefore of high demand. The transformer
architecture has been proposed as a possible candidate for effectively
leveraging the high-resolution information. Here, the whole-slide image is
partitioned into smaller image patches and feature tokens are extracted from
these image patches. However, while the conventional transformer allows for a
simultaneous processing of a large set of input tokens, the computational
demand scales quadratically with the number of input tokens and thus
quadratically with the number of image patches. To address this problem we
propose a novel cascaded cross-attention network (CCAN) based on the
cross-attention mechanism that scales linearly with the number of extracted
patches. Our experiments demonstrate that this architecture is at least on-par
with and even outperforms other attention-based state-of-the-art methods on two
public datasets: On the use-case of lung cancer (TCGA NSCLC) our model reaches
a mean area under the receiver operating characteristic (AUC) of 0.970 $\pm$
0.008 and on renal cancer (TCGA RCC) reaches a mean AUC of 0.985 $\pm$ 0.004.
Furthermore, we show that our proposed model is efficient in low-data regimes,
making it a promising approach for analyzing whole-slide images in
resource-limited settings. To foster research in this direction, we make our
code publicly available on GitHub: XXX.
| [
{
"version": "v1",
"created": "Thu, 11 May 2023 16:42:24 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Khader",
"Firas",
""
],
[
"Kather",
"Jakob Nikolas",
""
],
[
"Han",
"Tianyu",
""
],
[
"Nebelung",
"Sven",
""
],
[
"Kuhl",
"Christiane",
""
],
[
"Stegmaier",
"Johannes",
""
],
[
"Truhn",
"Daniel",
""
]
] | TITLE: Cascaded Cross-Attention Networks for Data-Efficient Whole-Slide Image
Classification Using Transformers
ABSTRACT: Whole-Slide Imaging allows for the capturing and digitization of
high-resolution images of histological specimen. An automated analysis of such
images using deep learning models is therefore of high demand. The transformer
architecture has been proposed as a possible candidate for effectively
leveraging the high-resolution information. Here, the whole-slide image is
partitioned into smaller image patches and feature tokens are extracted from
these image patches. However, while the conventional transformer allows for a
simultaneous processing of a large set of input tokens, the computational
demand scales quadratically with the number of input tokens and thus
quadratically with the number of image patches. To address this problem we
propose a novel cascaded cross-attention network (CCAN) based on the
cross-attention mechanism that scales linearly with the number of extracted
patches. Our experiments demonstrate that this architecture is at least on-par
with and even outperforms other attention-based state-of-the-art methods on two
public datasets: On the use-case of lung cancer (TCGA NSCLC) our model reaches
a mean area under the receiver operating characteristic (AUC) of 0.970 $\pm$
0.008 and on renal cancer (TCGA RCC) reaches a mean AUC of 0.985 $\pm$ 0.004.
Furthermore, we show that our proposed model is efficient in low-data regimes,
making it a promising approach for analyzing whole-slide images in
resource-limited settings. To foster research in this direction, we make our
code publicly available on GitHub: XXX.
| no_new_dataset | 0.711281 |
2305.06978 | Ziyuan Zhao | Ziyuan Zhao, Fangcheng Zhou, Zeng Zeng, Cuntai Guan, S. Kevin Zhou | Meta-hallucinator: Towards Few-Shot Cross-Modality Cardiac Image
Segmentation | Accepted by MICCAI 2022 (top 13% paper; early accept) | Medical Image Computing and Computer Assisted Intervention, MICCAI
2022. Lecture Notes in Computer Science, vol 13435. Springer, Cham | 10.1007/978-3-031-16443-9_13 | null | cs.CV cs.AI eess.IV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Domain shift and label scarcity heavily limit deep learning applications to
various medical image analysis tasks. Unsupervised domain adaptation (UDA)
techniques have recently achieved promising cross-modality medical image
segmentation by transferring knowledge from a label-rich source domain to an
unlabeled target domain. However, it is also difficult to collect annotations
from the source domain in many clinical applications, rendering most prior
works suboptimal with the label-scarce source domain, particularly for few-shot
scenarios, where only a few source labels are accessible. To achieve efficient
few-shot cross-modality segmentation, we propose a novel
transformation-consistent meta-hallucination framework, meta-hallucinator, with
the goal of learning to diversify data distributions and generate useful
examples for enhancing cross-modality performance. In our framework,
hallucination and segmentation models are jointly trained with the
gradient-based meta-learning strategy to synthesize examples that lead to good
segmentation performance on the target domain. To further facilitate data
hallucination and cross-domain knowledge transfer, we develop a self-ensembling
model with a hallucination-consistent property. Our meta-hallucinator can
seamlessly collaborate with the meta-segmenter for learning to hallucinate with
mutual benefits from a combined view of meta-learning and self-ensembling
learning. Extensive studies on MM-WHS 2017 dataset for cross-modality cardiac
segmentation demonstrate that our method performs favorably against various
approaches by a lot in the few-shot UDA scenario.
| [
{
"version": "v1",
"created": "Thu, 11 May 2023 17:06:37 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Zhao",
"Ziyuan",
""
],
[
"Zhou",
"Fangcheng",
""
],
[
"Zeng",
"Zeng",
""
],
[
"Guan",
"Cuntai",
""
],
[
"Zhou",
"S. Kevin",
""
]
] | TITLE: Meta-hallucinator: Towards Few-Shot Cross-Modality Cardiac Image
Segmentation
ABSTRACT: Domain shift and label scarcity heavily limit deep learning applications to
various medical image analysis tasks. Unsupervised domain adaptation (UDA)
techniques have recently achieved promising cross-modality medical image
segmentation by transferring knowledge from a label-rich source domain to an
unlabeled target domain. However, it is also difficult to collect annotations
from the source domain in many clinical applications, rendering most prior
works suboptimal with the label-scarce source domain, particularly for few-shot
scenarios, where only a few source labels are accessible. To achieve efficient
few-shot cross-modality segmentation, we propose a novel
transformation-consistent meta-hallucination framework, meta-hallucinator, with
the goal of learning to diversify data distributions and generate useful
examples for enhancing cross-modality performance. In our framework,
hallucination and segmentation models are jointly trained with the
gradient-based meta-learning strategy to synthesize examples that lead to good
segmentation performance on the target domain. To further facilitate data
hallucination and cross-domain knowledge transfer, we develop a self-ensembling
model with a hallucination-consistent property. Our meta-hallucinator can
seamlessly collaborate with the meta-segmenter for learning to hallucinate with
mutual benefits from a combined view of meta-learning and self-ensembling
learning. Extensive studies on MM-WHS 2017 dataset for cross-modality cardiac
segmentation demonstrate that our method performs favorably against various
approaches by a lot in the few-shot UDA scenario.
| no_new_dataset | 0.712839 |
2305.07001 | Junjie Zhang | Junjie Zhang, Ruobing Xie, Yupeng Hou, Wayne Xin Zhao, Leyu Lin,
Ji-Rong Wen | Recommendation as Instruction Following: A Large Language Model
Empowered Recommendation Approach | null | null | null | null | cs.IR cs.CL | http://creativecommons.org/licenses/by/4.0/ | In the past decades, recommender systems have attracted much attention in
both research and industry communities, and a large number of studies have been
devoted to developing effective recommendation models. Basically speaking,
these models mainly learn the underlying user preference from historical
behavior data, and then estimate the user-item matching relationships for
recommendations. Inspired by the recent progress on large language models
(LLMs), we take a different approach to developing the recommendation models,
considering recommendation as instruction following by LLMs. The key idea is
that the preferences or needs of a user can be expressed in natural language
descriptions (called instructions), so that LLMs can understand and further
execute the instruction for fulfilling the recommendation task. Instead of
using public APIs of LLMs, we instruction tune an open-source LLM (3B
Flan-T5-XL), in order to better adapt LLMs to recommender systems. For this
purpose, we first design a general instruction format for describing the
preference, intention, task form and context of a user in natural language.
Then we manually design 39 instruction templates and automatically generate a
large amount of user-personalized instruction data (252K instructions) with
varying types of preferences and intentions. To demonstrate the effectiveness
of our approach, we instantiate the instruction templates into several
widely-studied recommendation (or search) tasks, and conduct extensive
experiments on these tasks with real-world datasets. Experiment results show
that the proposed approach can outperform several competitive baselines,
including the powerful GPT-3.5, on these evaluation tasks. Our approach sheds
light on developing more user-friendly recommender systems, in which users can
freely communicate with the system and obtain more accurate recommendations via
natural language instructions.
| [
{
"version": "v1",
"created": "Thu, 11 May 2023 17:39:07 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Zhang",
"Junjie",
""
],
[
"Xie",
"Ruobing",
""
],
[
"Hou",
"Yupeng",
""
],
[
"Zhao",
"Wayne Xin",
""
],
[
"Lin",
"Leyu",
""
],
[
"Wen",
"Ji-Rong",
""
]
] | TITLE: Recommendation as Instruction Following: A Large Language Model
Empowered Recommendation Approach
ABSTRACT: In the past decades, recommender systems have attracted much attention in
both research and industry communities, and a large number of studies have been
devoted to developing effective recommendation models. Basically speaking,
these models mainly learn the underlying user preference from historical
behavior data, and then estimate the user-item matching relationships for
recommendations. Inspired by the recent progress on large language models
(LLMs), we take a different approach to developing the recommendation models,
considering recommendation as instruction following by LLMs. The key idea is
that the preferences or needs of a user can be expressed in natural language
descriptions (called instructions), so that LLMs can understand and further
execute the instruction for fulfilling the recommendation task. Instead of
using public APIs of LLMs, we instruction tune an open-source LLM (3B
Flan-T5-XL), in order to better adapt LLMs to recommender systems. For this
purpose, we first design a general instruction format for describing the
preference, intention, task form and context of a user in natural language.
Then we manually design 39 instruction templates and automatically generate a
large amount of user-personalized instruction data (252K instructions) with
varying types of preferences and intentions. To demonstrate the effectiveness
of our approach, we instantiate the instruction templates into several
widely-studied recommendation (or search) tasks, and conduct extensive
experiments on these tasks with real-world datasets. Experiment results show
that the proposed approach can outperform several competitive baselines,
including the powerful GPT-3.5, on these evaluation tasks. Our approach sheds
light on developing more user-friendly recommender systems, in which users can
freely communicate with the system and obtain more accurate recommendations via
natural language instructions.
| no_new_dataset | 0.709447 |
2305.07005 | Francois Meyer | Francois Meyer, Jan Buys | Subword Segmental Machine Translation: Unifying Segmentation and Target
Sentence Generation | null | null | null | null | cs.CL | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Subword segmenters like BPE operate as a preprocessing step in neural machine
translation and other (conditional) language models. They are applied to
datasets before training, so translation or text generation quality relies on
the quality of segmentations. We propose a departure from this paradigm, called
subword segmental machine translation (SSMT). SSMT unifies subword segmentation
and MT in a single trainable model. It learns to segment target sentence words
while jointly learning to generate target sentences. To use SSMT during
inference we propose dynamic decoding, a text generation algorithm that adapts
segmentations as it generates translations. Experiments across 6 translation
directions show that SSMT improves chrF scores for morphologically rich
agglutinative languages. Gains are strongest in the very low-resource scenario.
SSMT also learns subwords that are closer to morphemes compared to baselines
and proves more robust on a test set constructed for evaluating morphological
compositional generalisation.
| [
{
"version": "v1",
"created": "Thu, 11 May 2023 17:44:29 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Meyer",
"Francois",
""
],
[
"Buys",
"Jan",
""
]
] | TITLE: Subword Segmental Machine Translation: Unifying Segmentation and Target
Sentence Generation
ABSTRACT: Subword segmenters like BPE operate as a preprocessing step in neural machine
translation and other (conditional) language models. They are applied to
datasets before training, so translation or text generation quality relies on
the quality of segmentations. We propose a departure from this paradigm, called
subword segmental machine translation (SSMT). SSMT unifies subword segmentation
and MT in a single trainable model. It learns to segment target sentence words
while jointly learning to generate target sentences. To use SSMT during
inference we propose dynamic decoding, a text generation algorithm that adapts
segmentations as it generates translations. Experiments across 6 translation
directions show that SSMT improves chrF scores for morphologically rich
agglutinative languages. Gains are strongest in the very low-resource scenario.
SSMT also learns subwords that are closer to morphemes compared to baselines
and proves more robust on a test set constructed for evaluating morphological
compositional generalisation.
| no_new_dataset | 0.71145 |
2305.07014 | Zawar Qureshi | Jamie Watson and Mohamed Sayed and Zawar Qureshi and Gabriel J.
Brostow and Sara Vicente and Oisin Mac Aodha and Michael Firman | Virtual Occlusions Through Implicit Depth | Accepted to CVPR 2023 | null | null | null | cs.CV | http://creativecommons.org/licenses/by-nc-nd/4.0/ | For augmented reality (AR), it is important that virtual assets appear to
`sit among' real world objects. The virtual element should variously occlude
and be occluded by real matter, based on a plausible depth ordering. This
occlusion should be consistent over time as the viewer's camera moves.
Unfortunately, small mistakes in the estimated scene depth can ruin the
downstream occlusion mask, and thereby the AR illusion. Especially in real-time
settings, depths inferred near boundaries or across time can be inconsistent.
In this paper, we challenge the need for depth-regression as an intermediate
step.
We instead propose an implicit model for depth and use that to predict the
occlusion mask directly. The inputs to our network are one or more color
images, plus the known depths of any virtual geometry. We show how our
occlusion predictions are more accurate and more temporally stable than
predictions derived from traditional depth-estimation models. We obtain
state-of-the-art occlusion results on the challenging ScanNetv2 dataset and
superior qualitative results on real scenes.
| [
{
"version": "v1",
"created": "Thu, 11 May 2023 17:55:11 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Watson",
"Jamie",
""
],
[
"Sayed",
"Mohamed",
""
],
[
"Qureshi",
"Zawar",
""
],
[
"Brostow",
"Gabriel J.",
""
],
[
"Vicente",
"Sara",
""
],
[
"Mac Aodha",
"Oisin",
""
],
[
"Firman",
"Michael",
""
]
] | TITLE: Virtual Occlusions Through Implicit Depth
ABSTRACT: For augmented reality (AR), it is important that virtual assets appear to
`sit among' real world objects. The virtual element should variously occlude
and be occluded by real matter, based on a plausible depth ordering. This
occlusion should be consistent over time as the viewer's camera moves.
Unfortunately, small mistakes in the estimated scene depth can ruin the
downstream occlusion mask, and thereby the AR illusion. Especially in real-time
settings, depths inferred near boundaries or across time can be inconsistent.
In this paper, we challenge the need for depth-regression as an intermediate
step.
We instead propose an implicit model for depth and use that to predict the
occlusion mask directly. The inputs to our network are one or more color
images, plus the known depths of any virtual geometry. We show how our
occlusion predictions are more accurate and more temporally stable than
predictions derived from traditional depth-estimation models. We obtain
state-of-the-art occlusion results on the challenging ScanNetv2 dataset and
superior qualitative results on real scenes.
| no_new_dataset | 0.7118 |
2305.07024 | Weihao Cheng | Weihao Cheng, Yan-Pei Cao, Ying Shan | SparseGNV: Generating Novel Views of Indoor Scenes with Sparse Input
Views | 10 pages, 6 figures | null | null | null | cs.CV | http://creativecommons.org/licenses/by/4.0/ | We study to generate novel views of indoor scenes given sparse input views.
The challenge is to achieve both photorealism and view consistency. We present
SparseGNV: a learning framework that incorporates 3D structures and image
generative models to generate novel views with three modules. The first module
builds a neural point cloud as underlying geometry, providing contextual
information and guidance for the target novel view. The second module utilizes
a transformer-based network to map the scene context and the guidance into a
shared latent space and autoregressively decodes the target view in the form of
discrete image tokens. The third module reconstructs the tokens into the image
of the target view. SparseGNV is trained across a large indoor scene dataset to
learn generalizable priors. Once trained, it can efficiently generate novel
views of an unseen indoor scene in a feed-forward manner. We evaluate SparseGNV
on both real-world and synthetic indoor scenes and demonstrate that it
outperforms state-of-the-art methods based on either neural radiance fields or
conditional image generation.
| [
{
"version": "v1",
"created": "Thu, 11 May 2023 17:58:37 GMT"
}
] | 2023-05-12T00:00:00 | [
[
"Cheng",
"Weihao",
""
],
[
"Cao",
"Yan-Pei",
""
],
[
"Shan",
"Ying",
""
]
] | TITLE: SparseGNV: Generating Novel Views of Indoor Scenes with Sparse Input
Views
ABSTRACT: We study to generate novel views of indoor scenes given sparse input views.
The challenge is to achieve both photorealism and view consistency. We present
SparseGNV: a learning framework that incorporates 3D structures and image
generative models to generate novel views with three modules. The first module
builds a neural point cloud as underlying geometry, providing contextual
information and guidance for the target novel view. The second module utilizes
a transformer-based network to map the scene context and the guidance into a
shared latent space and autoregressively decodes the target view in the form of
discrete image tokens. The third module reconstructs the tokens into the image
of the target view. SparseGNV is trained across a large indoor scene dataset to
learn generalizable priors. Once trained, it can efficiently generate novel
views of an unseen indoor scene in a feed-forward manner. We evaluate SparseGNV
on both real-world and synthetic indoor scenes and demonstrate that it
outperforms state-of-the-art methods based on either neural radiance fields or
conditional image generation.
| no_new_dataset | 0.708799 |
2108.03899 | Filippo Bistaffa | Filippo Bistaffa | Faster Exact MPE and Constrained Optimization with Deterministic Finite
State Automata | Published in the Proceedings of the 2023 International Joint
Conference on Artificial Intelligence (IJCAI) | null | null | null | cs.AI | http://creativecommons.org/licenses/by/4.0/ | We propose a concise function representation based on deterministic finite
state automata for exact most probable explanation and constrained optimization
tasks in graphical models. We then exploit our concise representation within
Bucket Elimination (BE). We denote our version of BE as FABE. FABE
significantly improves the performance of BE in terms of runtime and memory
requirements by minimizing redundancy. Results on most probable explanation and
weighted constraint satisfaction benchmarks show that FABE often outperforms
the state of the art, leading to significant runtime improvements (up to 5
orders of magnitude in our tests).
| [
{
"version": "v1",
"created": "Mon, 9 Aug 2021 09:31:46 GMT"
},
{
"version": "v2",
"created": "Sun, 17 Apr 2022 10:00:29 GMT"
},
{
"version": "v3",
"created": "Tue, 9 May 2023 21:44:32 GMT"
}
] | 2023-05-11T00:00:00 | [
[
"Bistaffa",
"Filippo",
""
]
] | TITLE: Faster Exact MPE and Constrained Optimization with Deterministic Finite
State Automata
ABSTRACT: We propose a concise function representation based on deterministic finite
state automata for exact most probable explanation and constrained optimization
tasks in graphical models. We then exploit our concise representation within
Bucket Elimination (BE). We denote our version of BE as FABE. FABE
significantly improves the performance of BE in terms of runtime and memory
requirements by minimizing redundancy. Results on most probable explanation and
weighted constraint satisfaction benchmarks show that FABE often outperforms
the state of the art, leading to significant runtime improvements (up to 5
orders of magnitude in our tests).
| no_new_dataset | 0.708187 |
2109.12932 | Huaxiong Li | Haoxing Chen and Huaxiong Li and Yaohui Li and Chunlin Chen | Sparse Spatial Transformers for Few-Shot Learning | Accepted by SCIENCE CHINA Information Sciences | null | 10.1007/s11432-022-3700-8 | null | cs.CV | http://creativecommons.org/licenses/by/4.0/ | Learning from limited data is challenging because data scarcity leads to a
poor generalization of the trained model. A classical global pooled
representation will probably lose useful local information. Many few-shot
learning methods have recently addressed this challenge using deep descriptors
and learning a pixel-level metric. However, using deep descriptors as feature
representations may lose image contextual information. Moreover, most of these
methods independently address each class in the support set, which cannot
sufficiently use discriminative information and task-specific embeddings. In
this paper, we propose a novel transformer-based neural network architecture
called sparse spatial transformers (SSFormers), which finds task-relevant
features and suppresses task-irrelevant features. Particularly, we first divide
each input image into several image patches of different sizes to obtain dense
local features. These features retain contextual information while expressing
local information. Then, a sparse spatial transformer layer is proposed to find
spatial correspondence between the query image and the full support set to
select task-relevant image patches and suppress task-irrelevant image patches.
Finally, we propose using an image patch-matching module to calculate the
distance between dense local representations, thus determining which category
the query image belongs to in the support set. Extensive experiments on popular
few-shot learning benchmarks demonstrate the superiority of our method over
state-of-the-art methods. Our source code is available at
\url{https://github.com/chenhaoxing/ssformers}.
| [
{
"version": "v1",
"created": "Mon, 27 Sep 2021 10:36:32 GMT"
},
{
"version": "v2",
"created": "Mon, 6 Dec 2021 01:52:08 GMT"
},
{
"version": "v3",
"created": "Wed, 10 May 2023 01:53:11 GMT"
}
] | 2023-05-11T00:00:00 | [
[
"Chen",
"Haoxing",
""
],
[
"Li",
"Huaxiong",
""
],
[
"Li",
"Yaohui",
""
],
[
"Chen",
"Chunlin",
""
]
] | TITLE: Sparse Spatial Transformers for Few-Shot Learning
ABSTRACT: Learning from limited data is challenging because data scarcity leads to a
poor generalization of the trained model. A classical global pooled
representation will probably lose useful local information. Many few-shot
learning methods have recently addressed this challenge using deep descriptors
and learning a pixel-level metric. However, using deep descriptors as feature
representations may lose image contextual information. Moreover, most of these
methods independently address each class in the support set, which cannot
sufficiently use discriminative information and task-specific embeddings. In
this paper, we propose a novel transformer-based neural network architecture
called sparse spatial transformers (SSFormers), which finds task-relevant
features and suppresses task-irrelevant features. Particularly, we first divide
each input image into several image patches of different sizes to obtain dense
local features. These features retain contextual information while expressing
local information. Then, a sparse spatial transformer layer is proposed to find
spatial correspondence between the query image and the full support set to
select task-relevant image patches and suppress task-irrelevant image patches.
Finally, we propose using an image patch-matching module to calculate the
distance between dense local representations, thus determining which category
the query image belongs to in the support set. Extensive experiments on popular
few-shot learning benchmarks demonstrate the superiority of our method over
state-of-the-art methods. Our source code is available at
\url{https://github.com/chenhaoxing/ssformers}.
| no_new_dataset | 0.710616 |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.