id
large_string | submitter
large_string | authors
large_string | title
large_string | comments
large_string | journal-ref
large_string | doi
large_string | report-no
large_string | categories
large_string | license
large_string | abstract
large_string | versions
large list | update_date
timestamp[ms] | authors_parsed
large list | prompt
large_string | label
string | prob
float64 |
---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|
2304.04140 | Jie Yang | Jie Yang, Chaoqun Wang, Zhen Li, Junle Wang, Ruimao Zhang | Semantic Human Parsing via Scalable Semantic Transfer over Multiple
Label Domains | Accepted to CVPR23 | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | This paper presents Scalable Semantic Transfer (SST), a novel training
paradigm, to explore how to leverage the mutual benefits of the data from
different label domains (i.e. various levels of label granularity) to train a
powerful human parsing network. In practice, two common application scenarios
are addressed, termed universal parsing and dedicated parsing, where the former
aims to learn homogeneous human representations from multiple label domains and
switch predictions by only using different segmentation heads, and the latter
aims to learn a specific domain prediction while distilling the semantic
knowledge from other domains. The proposed SST has the following appealing
benefits: (1) it can capably serve as an effective training scheme to embed
semantic associations of human body parts from multiple label domains into the
human representation learning process; (2) it is an extensible semantic
transfer framework without predetermining the overall relations of multiple
label domains, which allows continuously adding human parsing datasets to
promote the training. (3) the relevant modules are only used for auxiliary
training and can be removed during inference, eliminating the extra reasoning
cost. Experimental results demonstrate SST can effectively achieve promising
universal human parsing performance as well as impressive improvements compared
to its counterparts on three human parsing benchmarks (i.e.,
PASCAL-Person-Part, ATR, and CIHP). Code is available at
https://github.com/yangjie-cv/SST.
| [
{
"version": "v1",
"created": "Sun, 9 Apr 2023 02:44:29 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Yang",
"Jie",
""
],
[
"Wang",
"Chaoqun",
""
],
[
"Li",
"Zhen",
""
],
[
"Wang",
"Junle",
""
],
[
"Zhang",
"Ruimao",
""
]
] | TITLE: Semantic Human Parsing via Scalable Semantic Transfer over Multiple
Label Domains
ABSTRACT: This paper presents Scalable Semantic Transfer (SST), a novel training
paradigm, to explore how to leverage the mutual benefits of the data from
different label domains (i.e. various levels of label granularity) to train a
powerful human parsing network. In practice, two common application scenarios
are addressed, termed universal parsing and dedicated parsing, where the former
aims to learn homogeneous human representations from multiple label domains and
switch predictions by only using different segmentation heads, and the latter
aims to learn a specific domain prediction while distilling the semantic
knowledge from other domains. The proposed SST has the following appealing
benefits: (1) it can capably serve as an effective training scheme to embed
semantic associations of human body parts from multiple label domains into the
human representation learning process; (2) it is an extensible semantic
transfer framework without predetermining the overall relations of multiple
label domains, which allows continuously adding human parsing datasets to
promote the training. (3) the relevant modules are only used for auxiliary
training and can be removed during inference, eliminating the extra reasoning
cost. Experimental results demonstrate SST can effectively achieve promising
universal human parsing performance as well as impressive improvements compared
to its counterparts on three human parsing benchmarks (i.e.,
PASCAL-Person-Part, ATR, and CIHP). Code is available at
https://github.com/yangjie-cv/SST.
| no_new_dataset | 0.949809 |
2304.04147 | Ravi Vadlamani | Polaki Durga Prasad, Yelleti Vivek, Vadlamani Ravi | FedPNN: One-shot Federated Classification via Evolving Clustering Method
and Probabilistic Neural Network hybrid | 27 pages, 13 figures, 7 tables | null | null | null | cs.LG cs.AI | http://creativecommons.org/licenses/by-nc-nd/4.0/ | Protecting data privacy is paramount in the fields such as finance, banking,
and healthcare. Federated Learning (FL) has attracted widespread attention due
to its decentralized, distributed training and the ability to protect the
privacy while obtaining a global shared model. However, FL presents challenges
such as communication overhead, and limited resource capability. This motivated
us to propose a two-stage federated learning approach toward the objective of
privacy protection, which is a first-of-its-kind study as follows: (i) During
the first stage, the synthetic dataset is generated by employing two different
distributions as noise to the vanilla conditional tabular generative
adversarial neural network (CTGAN) resulting in modified CTGAN, and (ii) In the
second stage, the Federated Probabilistic Neural Network (FedPNN) is developed
and employed for building globally shared classification model. We also
employed synthetic dataset metrics to check the quality of the generated
synthetic dataset. Further, we proposed a meta-clustering algorithm whereby the
cluster centers obtained from the clients are clustered at the server for
training the global model. Despite PNN being a one-pass learning classifier,
its complexity depends on the training data size. Therefore, we employed a
modified evolving clustering method (ECM), another one-pass algorithm to
cluster the training data thereby increasing the speed further. Moreover, we
conducted sensitivity analysis by varying Dthr, a hyperparameter of ECM at the
server and client, one at a time. The effectiveness of our approach is
validated on four finance and medical datasets.
| [
{
"version": "v1",
"created": "Sun, 9 Apr 2023 03:23:37 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Prasad",
"Polaki Durga",
""
],
[
"Vivek",
"Yelleti",
""
],
[
"Ravi",
"Vadlamani",
""
]
] | TITLE: FedPNN: One-shot Federated Classification via Evolving Clustering Method
and Probabilistic Neural Network hybrid
ABSTRACT: Protecting data privacy is paramount in the fields such as finance, banking,
and healthcare. Federated Learning (FL) has attracted widespread attention due
to its decentralized, distributed training and the ability to protect the
privacy while obtaining a global shared model. However, FL presents challenges
such as communication overhead, and limited resource capability. This motivated
us to propose a two-stage federated learning approach toward the objective of
privacy protection, which is a first-of-its-kind study as follows: (i) During
the first stage, the synthetic dataset is generated by employing two different
distributions as noise to the vanilla conditional tabular generative
adversarial neural network (CTGAN) resulting in modified CTGAN, and (ii) In the
second stage, the Federated Probabilistic Neural Network (FedPNN) is developed
and employed for building globally shared classification model. We also
employed synthetic dataset metrics to check the quality of the generated
synthetic dataset. Further, we proposed a meta-clustering algorithm whereby the
cluster centers obtained from the clients are clustered at the server for
training the global model. Despite PNN being a one-pass learning classifier,
its complexity depends on the training data size. Therefore, we employed a
modified evolving clustering method (ECM), another one-pass algorithm to
cluster the training data thereby increasing the speed further. Moreover, we
conducted sensitivity analysis by varying Dthr, a hyperparameter of ECM at the
server and client, one at a time. The effectiveness of our approach is
validated on four finance and medical datasets.
| no_new_dataset | 0.950732 |
2304.04151 | Yan Luo | Yan Luo, Haoyi Duan, Ye Liu, Fu-lai Chung | Timestamps as Prompts for Geography-Aware Location Recommendation | null | null | null | null | cs.IR | http://creativecommons.org/licenses/by/4.0/ | Location recommendation plays a vital role in improving users' travel
experience. The timestamp of the POI to be predicted is of great significance,
since a user will go to different places at different times. However, most
existing methods either do not use this kind of temporal information, or just
implicitly fuse it with other contextual information. In this paper, we revisit
the problem of location recommendation and point out that explicitly modeling
temporal information is a great help when the model needs to predict not only
the next location but also further locations. In addition, state-of-the-art
methods do not make effective use of geographic information and suffer from the
hard boundary problem when encoding geographic information by gridding. To this
end, a Temporal Prompt-based and Geography-aware (TPG) framework is proposed.
The temporal prompt is firstly designed to incorporate temporal information of
any further check-in. A shifted window mechanism is then devised to augment
geographic data for addressing the hard boundary problem. Via extensive
comparisons with existing methods and ablation studies on five real-world
datasets, we demonstrate the effectiveness and superiority of the proposed
method under various settings. Most importantly, our proposed model has the
superior ability of interval prediction. In particular, the model can predict
the location that a user wants to go to at a certain time while the most recent
check-in behavioral data is masked, or it can predict specific future check-in
(not just the next one) at a given timestamp.
| [
{
"version": "v1",
"created": "Sun, 9 Apr 2023 03:58:08 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Luo",
"Yan",
""
],
[
"Duan",
"Haoyi",
""
],
[
"Liu",
"Ye",
""
],
[
"Chung",
"Fu-lai",
""
]
] | TITLE: Timestamps as Prompts for Geography-Aware Location Recommendation
ABSTRACT: Location recommendation plays a vital role in improving users' travel
experience. The timestamp of the POI to be predicted is of great significance,
since a user will go to different places at different times. However, most
existing methods either do not use this kind of temporal information, or just
implicitly fuse it with other contextual information. In this paper, we revisit
the problem of location recommendation and point out that explicitly modeling
temporal information is a great help when the model needs to predict not only
the next location but also further locations. In addition, state-of-the-art
methods do not make effective use of geographic information and suffer from the
hard boundary problem when encoding geographic information by gridding. To this
end, a Temporal Prompt-based and Geography-aware (TPG) framework is proposed.
The temporal prompt is firstly designed to incorporate temporal information of
any further check-in. A shifted window mechanism is then devised to augment
geographic data for addressing the hard boundary problem. Via extensive
comparisons with existing methods and ablation studies on five real-world
datasets, we demonstrate the effectiveness and superiority of the proposed
method under various settings. Most importantly, our proposed model has the
superior ability of interval prediction. In particular, the model can predict
the location that a user wants to go to at a certain time while the most recent
check-in behavioral data is masked, or it can predict specific future check-in
(not just the next one) at a given timestamp.
| no_new_dataset | 0.949201 |
2304.04152 | Qijiong Liu | Tiandeng Wu, Qijiong Liu, Yi Cao, Yao Huang, Xiao-Ming Wu, Jiandong
Ding | Continual Graph Convolutional Network for Text Classification | 9 pages, 4 figures, AAAI 2023 accepted paper | null | null | null | cs.CL | http://creativecommons.org/licenses/by/4.0/ | Graph convolutional network (GCN) has been successfully applied to capture
global non-consecutive and long-distance semantic information for text
classification. However, while GCN-based methods have shown promising results
in offline evaluations, they commonly follow a seen-token-seen-document
paradigm by constructing a fixed document-token graph and cannot make
inferences on new documents. It is a challenge to deploy them in online systems
to infer steaming text data. In this work, we present a continual GCN model
(ContGCN) to generalize inferences from observed documents to unobserved
documents. Concretely, we propose a new all-token-any-document paradigm to
dynamically update the document-token graph in every batch during both the
training and testing phases of an online system. Moreover, we design an
occurrence memory module and a self-supervised contrastive learning objective
to update ContGCN in a label-free manner. A 3-month A/B test on Huawei public
opinion analysis system shows ContGCN achieves 8.86% performance gain compared
with state-of-the-art methods. Offline experiments on five public datasets also
show ContGCN can improve inference quality. The source code will be released at
https://github.com/Jyonn/ContGCN.
| [
{
"version": "v1",
"created": "Sun, 9 Apr 2023 03:59:48 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Wu",
"Tiandeng",
""
],
[
"Liu",
"Qijiong",
""
],
[
"Cao",
"Yi",
""
],
[
"Huang",
"Yao",
""
],
[
"Wu",
"Xiao-Ming",
""
],
[
"Ding",
"Jiandong",
""
]
] | TITLE: Continual Graph Convolutional Network for Text Classification
ABSTRACT: Graph convolutional network (GCN) has been successfully applied to capture
global non-consecutive and long-distance semantic information for text
classification. However, while GCN-based methods have shown promising results
in offline evaluations, they commonly follow a seen-token-seen-document
paradigm by constructing a fixed document-token graph and cannot make
inferences on new documents. It is a challenge to deploy them in online systems
to infer steaming text data. In this work, we present a continual GCN model
(ContGCN) to generalize inferences from observed documents to unobserved
documents. Concretely, we propose a new all-token-any-document paradigm to
dynamically update the document-token graph in every batch during both the
training and testing phases of an online system. Moreover, we design an
occurrence memory module and a self-supervised contrastive learning objective
to update ContGCN in a label-free manner. A 3-month A/B test on Huawei public
opinion analysis system shows ContGCN achieves 8.86% performance gain compared
with state-of-the-art methods. Offline experiments on five public datasets also
show ContGCN can improve inference quality. The source code will be released at
https://github.com/Jyonn/ContGCN.
| no_new_dataset | 0.947284 |
2304.04158 | Haiyan Zhao | Haiyan Zhao, Tianyi Zhou, Guodong Long, Jing Jiang, Chengqi Zhang | Does Continual Learning Equally Forget All Parameters? | null | null | null | null | cs.LG | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Distribution shift (e.g., task or domain shift) in continual learning (CL)
usually results in catastrophic forgetting of neural networks. Although it can
be alleviated by repeatedly replaying buffered data, the every-step replay is
time-consuming. In this paper, we study which modules in neural networks are
more prone to forgetting by investigating their training dynamics during CL.
Our proposed metrics show that only a few modules are more task-specific and
sensitively alter between tasks, while others can be shared across tasks as
common knowledge. Hence, we attribute forgetting mainly to the former and find
that finetuning them only on a small buffer at the end of any CL method can
bring non-trivial improvement. Due to the small number of finetuned parameters,
such ``Forgetting Prioritized Finetuning (FPF)'' is efficient in computation.
We further propose a more efficient and simpler method that entirely removes
the every-step replay and replaces them by only $k$-times of FPF periodically
triggered during CL. Surprisingly, this ``$k$-FPF'' performs comparably to FPF
and outperforms the SOTA CL methods but significantly reduces their
computational overhead and cost. In experiments on several benchmarks of class-
and domain-incremental CL, FPF consistently improves existing CL methods by a
large margin, and $k$-FPF further excels in efficiency without degrading the
accuracy. We also empirically studied the impact of buffer size, epochs per
task, and finetuning modules on the cost and accuracy of our methods.
| [
{
"version": "v1",
"created": "Sun, 9 Apr 2023 04:36:24 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Zhao",
"Haiyan",
""
],
[
"Zhou",
"Tianyi",
""
],
[
"Long",
"Guodong",
""
],
[
"Jiang",
"Jing",
""
],
[
"Zhang",
"Chengqi",
""
]
] | TITLE: Does Continual Learning Equally Forget All Parameters?
ABSTRACT: Distribution shift (e.g., task or domain shift) in continual learning (CL)
usually results in catastrophic forgetting of neural networks. Although it can
be alleviated by repeatedly replaying buffered data, the every-step replay is
time-consuming. In this paper, we study which modules in neural networks are
more prone to forgetting by investigating their training dynamics during CL.
Our proposed metrics show that only a few modules are more task-specific and
sensitively alter between tasks, while others can be shared across tasks as
common knowledge. Hence, we attribute forgetting mainly to the former and find
that finetuning them only on a small buffer at the end of any CL method can
bring non-trivial improvement. Due to the small number of finetuned parameters,
such ``Forgetting Prioritized Finetuning (FPF)'' is efficient in computation.
We further propose a more efficient and simpler method that entirely removes
the every-step replay and replaces them by only $k$-times of FPF periodically
triggered during CL. Surprisingly, this ``$k$-FPF'' performs comparably to FPF
and outperforms the SOTA CL methods but significantly reduces their
computational overhead and cost. In experiments on several benchmarks of class-
and domain-incremental CL, FPF consistently improves existing CL methods by a
large margin, and $k$-FPF further excels in efficiency without degrading the
accuracy. We also empirically studied the impact of buffer size, epochs per
task, and finetuning modules on the cost and accuracy of our methods.
| no_new_dataset | 0.943191 |
2304.04161 | Zanobya Khan | Zanoby N.Khan | Detection of COVID19 in Chest X-Ray Images Using Transfer Learning | null | null | null | null | eess.IV cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | COVID19 is a highly contagious disease infected millions of people worldwide.
With limited testing components, screening tools such as chest radiography can
assist the clinicians in the diagnosis and assessing the progress of disease.
The performance of deep learning-based systems for diagnosis of COVID-19
disease in radiograph images has been encouraging. This paper investigates the
concept of transfer learning using two of the most well-known VGGNet
architectures, namely VGG-16 and VGG-19. The classifier block and
hyperparameters are fine-tuned to adopt the models for automatic detection of
Covid-19 in chest x-ray images. We generated two different datasets to evaluate
the performance of the proposed system for the identification of positive
Covid-19 instances in a multiclass and binary classification problems. The
experimental outcome demonstrates the usefulness of transfer learning for
small-sized datasets particularly in the field of medical imaging, not only to
prevent over-fitting and convergence problems but also to attain optimal
classification performance as well.
| [
{
"version": "v1",
"created": "Sun, 9 Apr 2023 05:02:04 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Khan",
"Zanoby N.",
""
]
] | TITLE: Detection of COVID19 in Chest X-Ray Images Using Transfer Learning
ABSTRACT: COVID19 is a highly contagious disease infected millions of people worldwide.
With limited testing components, screening tools such as chest radiography can
assist the clinicians in the diagnosis and assessing the progress of disease.
The performance of deep learning-based systems for diagnosis of COVID-19
disease in radiograph images has been encouraging. This paper investigates the
concept of transfer learning using two of the most well-known VGGNet
architectures, namely VGG-16 and VGG-19. The classifier block and
hyperparameters are fine-tuned to adopt the models for automatic detection of
Covid-19 in chest x-ray images. We generated two different datasets to evaluate
the performance of the proposed system for the identification of positive
Covid-19 instances in a multiclass and binary classification problems. The
experimental outcome demonstrates the usefulness of transfer learning for
small-sized datasets particularly in the field of medical imaging, not only to
prevent over-fitting and convergence problems but also to attain optimal
classification performance as well.
| new_dataset | 0.961929 |
2304.04168 | Beini Xie | Beini Xie, Heng Chang, Ziwei Zhang, Xin Wang, Daixin Wang, Zhiqiang
Zhang, Rex Ying, Wenwu Zhu | Adversarially Robust Neural Architecture Search for Graph Neural
Networks | Accepted as a conference paper at CVPR 2023 | null | null | null | cs.LG cs.CR cs.SI | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Graph Neural Networks (GNNs) obtain tremendous success in modeling relational
data. Still, they are prone to adversarial attacks, which are massive threats
to applying GNNs to risk-sensitive domains. Existing defensive methods neither
guarantee performance facing new data/tasks or adversarial attacks nor provide
insights to understand GNN robustness from an architectural perspective. Neural
Architecture Search (NAS) has the potential to solve this problem by automating
GNN architecture designs. Nevertheless, current graph NAS approaches lack
robust design and are vulnerable to adversarial attacks. To tackle these
challenges, we propose a novel Robust Neural Architecture search framework for
GNNs (G-RNA). Specifically, we design a robust search space for the
message-passing mechanism by adding graph structure mask operations into the
search space, which comprises various defensive operation candidates and allows
us to search for defensive GNNs. Furthermore, we define a robustness metric to
guide the search procedure, which helps to filter robust architectures. In this
way, G-RNA helps understand GNN robustness from an architectural perspective
and effectively searches for optimal adversarial robust GNNs. Extensive
experimental results on benchmark datasets show that G-RNA significantly
outperforms manually designed robust GNNs and vanilla graph NAS baselines by
12.1% to 23.4% under adversarial attacks.
| [
{
"version": "v1",
"created": "Sun, 9 Apr 2023 06:00:50 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Xie",
"Beini",
""
],
[
"Chang",
"Heng",
""
],
[
"Zhang",
"Ziwei",
""
],
[
"Wang",
"Xin",
""
],
[
"Wang",
"Daixin",
""
],
[
"Zhang",
"Zhiqiang",
""
],
[
"Ying",
"Rex",
""
],
[
"Zhu",
"Wenwu",
""
]
] | TITLE: Adversarially Robust Neural Architecture Search for Graph Neural
Networks
ABSTRACT: Graph Neural Networks (GNNs) obtain tremendous success in modeling relational
data. Still, they are prone to adversarial attacks, which are massive threats
to applying GNNs to risk-sensitive domains. Existing defensive methods neither
guarantee performance facing new data/tasks or adversarial attacks nor provide
insights to understand GNN robustness from an architectural perspective. Neural
Architecture Search (NAS) has the potential to solve this problem by automating
GNN architecture designs. Nevertheless, current graph NAS approaches lack
robust design and are vulnerable to adversarial attacks. To tackle these
challenges, we propose a novel Robust Neural Architecture search framework for
GNNs (G-RNA). Specifically, we design a robust search space for the
message-passing mechanism by adding graph structure mask operations into the
search space, which comprises various defensive operation candidates and allows
us to search for defensive GNNs. Furthermore, we define a robustness metric to
guide the search procedure, which helps to filter robust architectures. In this
way, G-RNA helps understand GNN robustness from an architectural perspective
and effectively searches for optimal adversarial robust GNNs. Extensive
experimental results on benchmark datasets show that G-RNA significantly
outperforms manually designed robust GNNs and vanilla graph NAS baselines by
12.1% to 23.4% under adversarial attacks.
| no_new_dataset | 0.949949 |
2304.04171 | Weiwei Sun | Weiwei Sun, Lingyong Yan, Zheng Chen, Shuaiqiang Wang, Haichao Zhu,
Pengjie Ren, Zhumin Chen, Dawei Yin, Maarten de Rijke and Zhaochun Ren | Learning to Tokenize for Generative Retrieval | null | null | null | null | cs.IR | http://creativecommons.org/licenses/by/4.0/ | Conventional document retrieval techniques are mainly based on the
index-retrieve paradigm. It is challenging to optimize pipelines based on this
paradigm in an end-to-end manner. As an alternative, generative retrieval
represents documents as identifiers (docid) and retrieves documents by
generating docids, enabling end-to-end modeling of document retrieval tasks.
However, it is an open question how one should define the document identifiers.
Current approaches to the task of defining document identifiers rely on fixed
rule-based docids, such as the title of a document or the result of clustering
BERT embeddings, which often fail to capture the complete semantic information
of a document. We propose GenRet, a document tokenization learning method to
address the challenge of defining document identifiers for generative
retrieval. GenRet learns to tokenize documents into short discrete
representations (i.e., docids) via a discrete auto-encoding approach. Three
components are included in GenRet: (i) a tokenization model that produces
docids for documents; (ii) a reconstruction model that learns to reconstruct a
document based on a docid; and (iii) a sequence-to-sequence retrieval model
that generates relevant document identifiers directly for a designated query.
By using an auto-encoding framework, GenRet learns semantic docids in a fully
end-to-end manner. We also develop a progressive training scheme to capture the
autoregressive nature of docids and to stabilize training. We conduct
experiments on the NQ320K, MS MARCO, and BEIR datasets to assess the
effectiveness of GenRet. GenRet establishes the new state-of-the-art on the
NQ320K dataset. Especially, compared to generative retrieval baselines, GenRet
can achieve significant improvements on the unseen documents. GenRet also
outperforms comparable baselines on MS MARCO and BEIR, demonstrating the
method's generalizability.
| [
{
"version": "v1",
"created": "Sun, 9 Apr 2023 06:18:19 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Sun",
"Weiwei",
""
],
[
"Yan",
"Lingyong",
""
],
[
"Chen",
"Zheng",
""
],
[
"Wang",
"Shuaiqiang",
""
],
[
"Zhu",
"Haichao",
""
],
[
"Ren",
"Pengjie",
""
],
[
"Chen",
"Zhumin",
""
],
[
"Yin",
"Dawei",
""
],
[
"de Rijke",
"Maarten",
""
],
[
"Ren",
"Zhaochun",
""
]
] | TITLE: Learning to Tokenize for Generative Retrieval
ABSTRACT: Conventional document retrieval techniques are mainly based on the
index-retrieve paradigm. It is challenging to optimize pipelines based on this
paradigm in an end-to-end manner. As an alternative, generative retrieval
represents documents as identifiers (docid) and retrieves documents by
generating docids, enabling end-to-end modeling of document retrieval tasks.
However, it is an open question how one should define the document identifiers.
Current approaches to the task of defining document identifiers rely on fixed
rule-based docids, such as the title of a document or the result of clustering
BERT embeddings, which often fail to capture the complete semantic information
of a document. We propose GenRet, a document tokenization learning method to
address the challenge of defining document identifiers for generative
retrieval. GenRet learns to tokenize documents into short discrete
representations (i.e., docids) via a discrete auto-encoding approach. Three
components are included in GenRet: (i) a tokenization model that produces
docids for documents; (ii) a reconstruction model that learns to reconstruct a
document based on a docid; and (iii) a sequence-to-sequence retrieval model
that generates relevant document identifiers directly for a designated query.
By using an auto-encoding framework, GenRet learns semantic docids in a fully
end-to-end manner. We also develop a progressive training scheme to capture the
autoregressive nature of docids and to stabilize training. We conduct
experiments on the NQ320K, MS MARCO, and BEIR datasets to assess the
effectiveness of GenRet. GenRet establishes the new state-of-the-art on the
NQ320K dataset. Especially, compared to generative retrieval baselines, GenRet
can achieve significant improvements on the unseen documents. GenRet also
outperforms comparable baselines on MS MARCO and BEIR, demonstrating the
method's generalizability.
| no_new_dataset | 0.946547 |
2304.04179 | Yulu Gao | Yulu Gao, Chonghao Sima, Shaoshuai Shi, Shangzhe Di, Si Liu, Hongyang
Li | Sparse Dense Fusion for 3D Object Detection | null | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | With the prevalence of multimodal learning, camera-LiDAR fusion has gained
popularity in 3D object detection. Although multiple fusion approaches have
been proposed, they can be classified into either sparse-only or dense-only
fashion based on the feature representation in the fusion module. In this
paper, we analyze them in a common taxonomy and thereafter observe two
challenges: 1) sparse-only solutions preserve 3D geometric prior and yet lose
rich semantic information from the camera, and 2) dense-only alternatives
retain the semantic continuity but miss the accurate geometric information from
LiDAR. By analyzing these two formulations, we conclude that the information
loss is inevitable due to their design scheme. To compensate for the
information loss in either manner, we propose Sparse Dense Fusion (SDF), a
complementary framework that incorporates both sparse-fusion and dense-fusion
modules via the Transformer architecture. Such a simple yet effective
sparse-dense fusion structure enriches semantic texture and exploits spatial
structure information simultaneously. Through our SDF strategy, we assemble two
popular methods with moderate performance and outperform baseline by 4.3% in
mAP and 2.5% in NDS, ranking first on the nuScenes benchmark. Extensive
ablations demonstrate the effectiveness of our method and empirically align our
analysis.
| [
{
"version": "v1",
"created": "Sun, 9 Apr 2023 07:10:34 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Gao",
"Yulu",
""
],
[
"Sima",
"Chonghao",
""
],
[
"Shi",
"Shaoshuai",
""
],
[
"Di",
"Shangzhe",
""
],
[
"Liu",
"Si",
""
],
[
"Li",
"Hongyang",
""
]
] | TITLE: Sparse Dense Fusion for 3D Object Detection
ABSTRACT: With the prevalence of multimodal learning, camera-LiDAR fusion has gained
popularity in 3D object detection. Although multiple fusion approaches have
been proposed, they can be classified into either sparse-only or dense-only
fashion based on the feature representation in the fusion module. In this
paper, we analyze them in a common taxonomy and thereafter observe two
challenges: 1) sparse-only solutions preserve 3D geometric prior and yet lose
rich semantic information from the camera, and 2) dense-only alternatives
retain the semantic continuity but miss the accurate geometric information from
LiDAR. By analyzing these two formulations, we conclude that the information
loss is inevitable due to their design scheme. To compensate for the
information loss in either manner, we propose Sparse Dense Fusion (SDF), a
complementary framework that incorporates both sparse-fusion and dense-fusion
modules via the Transformer architecture. Such a simple yet effective
sparse-dense fusion structure enriches semantic texture and exploits spatial
structure information simultaneously. Through our SDF strategy, we assemble two
popular methods with moderate performance and outperform baseline by 4.3% in
mAP and 2.5% in NDS, ranking first on the nuScenes benchmark. Extensive
ablations demonstrate the effectiveness of our method and empirically align our
analysis.
| no_new_dataset | 0.950595 |
2304.04185 | Yinhao Li | Yinhao Li, Jinrong Yang, Jianjian Sun, Han Bao, Zheng Ge, Li Xiao | BEVStereo++: Accurate Depth Estimation in Multi-view 3D Object Detection
via Dynamic Temporal Stereo | null | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Bounded by the inherent ambiguity of depth perception, contemporary
multi-view 3D object detection methods fall into the performance bottleneck.
Intuitively, leveraging temporal multi-view stereo (MVS) technology is the
natural knowledge for tackling this ambiguity. However, traditional attempts of
MVS has two limitations when applying to 3D object detection scenes: 1) The
affinity measurement among all views suffers expensive computational cost; 2)
It is difficult to deal with outdoor scenarios where objects are often mobile.
To this end, we propose BEVStereo++: by introducing a dynamic temporal stereo
strategy, BEVStereo++ is able to cut down the harm that is brought by
introducing temporal stereo when dealing with those two scenarios. Going one
step further, we apply Motion Compensation Module and long sequence Frame
Fusion to BEVStereo++, which shows further performance boosting and error
reduction. Without bells and whistles, BEVStereo++ achieves
state-of-the-art(SOTA) on both Waymo and nuScenes dataset.
| [
{
"version": "v1",
"created": "Sun, 9 Apr 2023 08:04:26 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Li",
"Yinhao",
""
],
[
"Yang",
"Jinrong",
""
],
[
"Sun",
"Jianjian",
""
],
[
"Bao",
"Han",
""
],
[
"Ge",
"Zheng",
""
],
[
"Xiao",
"Li",
""
]
] | TITLE: BEVStereo++: Accurate Depth Estimation in Multi-view 3D Object Detection
via Dynamic Temporal Stereo
ABSTRACT: Bounded by the inherent ambiguity of depth perception, contemporary
multi-view 3D object detection methods fall into the performance bottleneck.
Intuitively, leveraging temporal multi-view stereo (MVS) technology is the
natural knowledge for tackling this ambiguity. However, traditional attempts of
MVS has two limitations when applying to 3D object detection scenes: 1) The
affinity measurement among all views suffers expensive computational cost; 2)
It is difficult to deal with outdoor scenarios where objects are often mobile.
To this end, we propose BEVStereo++: by introducing a dynamic temporal stereo
strategy, BEVStereo++ is able to cut down the harm that is brought by
introducing temporal stereo when dealing with those two scenarios. Going one
step further, we apply Motion Compensation Module and long sequence Frame
Fusion to BEVStereo++, which shows further performance boosting and error
reduction. Without bells and whistles, BEVStereo++ achieves
state-of-the-art(SOTA) on both Waymo and nuScenes dataset.
| no_new_dataset | 0.941277 |
2304.04200 | Qiu Changjie | Changjie Qiu, Zhiyong Wang, Xiuhong Lin, Yu Zang, Cheng Wang, Weiquan
Liu | DSMNet: Deep High-precision 3D Surface Modeling from Sparse Point Cloud
Frames | To be published in IEEE Geoscience and Remote Sensing Letters (GRSL) | null | null | null | cs.CV cs.RO | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Existing point cloud modeling datasets primarily express the modeling
precision by pose or trajectory precision rather than the point cloud modeling
effect itself. Under this demand, we first independently construct a set of
LiDAR system with an optical stage, and then we build a HPMB dataset based on
the constructed LiDAR system, a High-Precision, Multi-Beam, real-world dataset.
Second, we propose an modeling evaluation method based on HPMB for object-level
modeling to overcome this limitation. In addition, the existing point cloud
modeling methods tend to generate continuous skeletons of the global
environment, hence lacking attention to the shape of complex objects. To tackle
this challenge, we propose a novel learning-based joint framework, DSMNet, for
high-precision 3D surface modeling from sparse point cloud frames. DSMNet
comprises density-aware Point Cloud Registration (PCR) and geometry-aware Point
Cloud Sampling (PCS) to effectively learn the implicit structure feature of
sparse point clouds. Extensive experiments demonstrate that DSMNet outperforms
the state-of-the-art methods in PCS and PCR on Multi-View Partial Point Cloud
(MVP) database. Furthermore, the experiments on the open source KITTI and our
proposed HPMB datasets show that DSMNet can be generalized as a post-processing
of Simultaneous Localization And Mapping (SLAM), thereby improving modeling
precision in environments with sparse point clouds.
| [
{
"version": "v1",
"created": "Sun, 9 Apr 2023 09:23:06 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Qiu",
"Changjie",
""
],
[
"Wang",
"Zhiyong",
""
],
[
"Lin",
"Xiuhong",
""
],
[
"Zang",
"Yu",
""
],
[
"Wang",
"Cheng",
""
],
[
"Liu",
"Weiquan",
""
]
] | TITLE: DSMNet: Deep High-precision 3D Surface Modeling from Sparse Point Cloud
Frames
ABSTRACT: Existing point cloud modeling datasets primarily express the modeling
precision by pose or trajectory precision rather than the point cloud modeling
effect itself. Under this demand, we first independently construct a set of
LiDAR system with an optical stage, and then we build a HPMB dataset based on
the constructed LiDAR system, a High-Precision, Multi-Beam, real-world dataset.
Second, we propose an modeling evaluation method based on HPMB for object-level
modeling to overcome this limitation. In addition, the existing point cloud
modeling methods tend to generate continuous skeletons of the global
environment, hence lacking attention to the shape of complex objects. To tackle
this challenge, we propose a novel learning-based joint framework, DSMNet, for
high-precision 3D surface modeling from sparse point cloud frames. DSMNet
comprises density-aware Point Cloud Registration (PCR) and geometry-aware Point
Cloud Sampling (PCS) to effectively learn the implicit structure feature of
sparse point clouds. Extensive experiments demonstrate that DSMNet outperforms
the state-of-the-art methods in PCS and PCR on Multi-View Partial Point Cloud
(MVP) database. Furthermore, the experiments on the open source KITTI and our
proposed HPMB datasets show that DSMNet can be generalized as a post-processing
of Simultaneous Localization And Mapping (SLAM), thereby improving modeling
precision in environments with sparse point clouds.
| new_dataset | 0.838614 |
2304.04205 | Jiawei Feng | Jiawei Feng and Ancong Wu and Wei-Shi Zheng | Shape-Erased Feature Learning for Visible-Infrared Person
Re-Identification | CVPR 2023 | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Due to the modality gap between visible and infrared images with high visual
ambiguity, learning \textbf{diverse} modality-shared semantic concepts for
visible-infrared person re-identification (VI-ReID) remains a challenging
problem. Body shape is one of the significant modality-shared cues for VI-ReID.
To dig more diverse modality-shared cues, we expect that erasing
body-shape-related semantic concepts in the learned features can force the ReID
model to extract more and other modality-shared features for identification. To
this end, we propose shape-erased feature learning paradigm that decorrelates
modality-shared features in two orthogonal subspaces. Jointly learning
shape-related feature in one subspace and shape-erased features in the
orthogonal complement achieves a conditional mutual information maximization
between shape-erased feature and identity discarding body shape information,
thus enhancing the diversity of the learned representation explicitly.
Extensive experiments on SYSU-MM01, RegDB, and HITSZ-VCM datasets demonstrate
the effectiveness of our method.
| [
{
"version": "v1",
"created": "Sun, 9 Apr 2023 10:22:10 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Feng",
"Jiawei",
""
],
[
"Wu",
"Ancong",
""
],
[
"Zheng",
"Wei-Shi",
""
]
] | TITLE: Shape-Erased Feature Learning for Visible-Infrared Person
Re-Identification
ABSTRACT: Due to the modality gap between visible and infrared images with high visual
ambiguity, learning \textbf{diverse} modality-shared semantic concepts for
visible-infrared person re-identification (VI-ReID) remains a challenging
problem. Body shape is one of the significant modality-shared cues for VI-ReID.
To dig more diverse modality-shared cues, we expect that erasing
body-shape-related semantic concepts in the learned features can force the ReID
model to extract more and other modality-shared features for identification. To
this end, we propose shape-erased feature learning paradigm that decorrelates
modality-shared features in two orthogonal subspaces. Jointly learning
shape-related feature in one subspace and shape-erased features in the
orthogonal complement achieves a conditional mutual information maximization
between shape-erased feature and identity discarding body shape information,
thus enhancing the diversity of the learned representation explicitly.
Extensive experiments on SYSU-MM01, RegDB, and HITSZ-VCM datasets demonstrate
the effectiveness of our method.
| no_new_dataset | 0.950595 |
2304.04211 | Jian Shi | Jian Shi and Ni Zhang | AGAD: Adversarial Generative Anomaly Detection | null | null | null | null | cs.CV cs.LG | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Anomaly detection suffered from the lack of anomalies due to the diversity of
abnormalities and the difficulties of obtaining large-scale anomaly data.
Semi-supervised anomaly detection methods are often used to solely leverage
normal data to detect abnormalities that deviated from the learnt normality
distributions. Meanwhile, given the fact that limited anomaly data can be
obtained with a minor cost in practice, some researches also investigated
anomaly detection methods under supervised scenarios with limited anomaly data.
In order to address the lack of abnormal data for robust anomaly detection, we
propose Adversarial Generative Anomaly Detection (AGAD), a self-contrast-based
anomaly detection paradigm that learns to detect anomalies by generating
\textit{contextual adversarial information} from the massive normal examples.
Essentially, our method generates pseudo-anomaly data for both supervised and
semi-supervised anomaly detection scenarios. Extensive experiments are carried
out on multiple benchmark datasets and real-world datasets, the results show
significant improvement in both supervised and semi-supervised scenarios.
Importantly, our approach is data-efficient that can boost up the detection
accuracy with no more than 5% anomalous training data.
| [
{
"version": "v1",
"created": "Sun, 9 Apr 2023 10:40:02 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Shi",
"Jian",
""
],
[
"Zhang",
"Ni",
""
]
] | TITLE: AGAD: Adversarial Generative Anomaly Detection
ABSTRACT: Anomaly detection suffered from the lack of anomalies due to the diversity of
abnormalities and the difficulties of obtaining large-scale anomaly data.
Semi-supervised anomaly detection methods are often used to solely leverage
normal data to detect abnormalities that deviated from the learnt normality
distributions. Meanwhile, given the fact that limited anomaly data can be
obtained with a minor cost in practice, some researches also investigated
anomaly detection methods under supervised scenarios with limited anomaly data.
In order to address the lack of abnormal data for robust anomaly detection, we
propose Adversarial Generative Anomaly Detection (AGAD), a self-contrast-based
anomaly detection paradigm that learns to detect anomalies by generating
\textit{contextual adversarial information} from the massive normal examples.
Essentially, our method generates pseudo-anomaly data for both supervised and
semi-supervised anomaly detection scenarios. Extensive experiments are carried
out on multiple benchmark datasets and real-world datasets, the results show
significant improvement in both supervised and semi-supervised scenarios.
Importantly, our approach is data-efficient that can boost up the detection
accuracy with no more than 5% anomalous training data.
| no_new_dataset | 0.949389 |
2304.04212 | David Beauchemin | David Beauchemin and Richard Khoury | RISC: Generating Realistic Synthetic Bilingual Insurance Contract | Accepted at Canadian AI conference 2023 | null | null | null | cs.CL cs.LG | http://creativecommons.org/licenses/by/4.0/ | This paper presents RISC, an open-source Python package data generator
(https://github.com/GRAAL-Research/risc). RISC generates look-alike automobile
insurance contracts based on the Quebec regulatory insurance form in French and
English. Insurance contracts are 90 to 100 pages long and use complex legal and
insurance-specific vocabulary for a layperson. Hence, they are a much more
complex class of documents than those in traditional NLP corpora. Therefore, we
introduce RISCBAC, a Realistic Insurance Synthetic Bilingual Automobile
Contract dataset based on the mandatory Quebec car insurance contract. The
dataset comprises 10,000 French and English unannotated insurance contracts.
RISCBAC enables NLP research for unsupervised automatic summarisation, question
answering, text simplification, machine translation and more. Moreover, it can
be further automatically annotated as a dataset for supervised tasks such as
NER
| [
{
"version": "v1",
"created": "Sun, 9 Apr 2023 10:42:18 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Beauchemin",
"David",
""
],
[
"Khoury",
"Richard",
""
]
] | TITLE: RISC: Generating Realistic Synthetic Bilingual Insurance Contract
ABSTRACT: This paper presents RISC, an open-source Python package data generator
(https://github.com/GRAAL-Research/risc). RISC generates look-alike automobile
insurance contracts based on the Quebec regulatory insurance form in French and
English. Insurance contracts are 90 to 100 pages long and use complex legal and
insurance-specific vocabulary for a layperson. Hence, they are a much more
complex class of documents than those in traditional NLP corpora. Therefore, we
introduce RISCBAC, a Realistic Insurance Synthetic Bilingual Automobile
Contract dataset based on the mandatory Quebec car insurance contract. The
dataset comprises 10,000 French and English unannotated insurance contracts.
RISCBAC enables NLP research for unsupervised automatic summarisation, question
answering, text simplification, machine translation and more. Moreover, it can
be further automatically annotated as a dataset for supervised tasks such as
NER
| new_dataset | 0.961498 |
2304.04222 | Xuanqi Gao | Xuanqi Gao, Juan Zhai, Shiqing Ma, Chao Shen, Yufei Chen, Shiwei Wang | CILIATE: Towards Fairer Class-based Incremental Learning by Dataset and
Training Refinement | null | null | null | null | cs.LG cs.AI cs.CY cs.SE | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Due to the model aging problem, Deep Neural Networks (DNNs) need updates to
adjust them to new data distributions. The common practice leverages
incremental learning (IL), e.g., Class-based Incremental Learning (CIL) that
updates output labels, to update the model with new data and a limited number
of old data. This avoids heavyweight training (from scratch) using conventional
methods and saves storage space by reducing the number of old data to store.
But it also leads to poor performance in fairness. In this paper, we show that
CIL suffers both dataset and algorithm bias problems, and existing solutions
can only partially solve the problem. We propose a novel framework, CILIATE,
that fixes both dataset and algorithm bias in CIL. It features a novel
differential analysis guided dataset and training refinement process that
identifies unique and important samples overlooked by existing CIL and enforces
the model to learn from them. Through this process, CILIATE improves the
fairness of CIL by 17.03%, 22.46%, and 31.79% compared to state-of-the-art
methods, iCaRL, BiC, and WA, respectively, based on our evaluation on three
popular datasets and widely used ResNet models.
| [
{
"version": "v1",
"created": "Sun, 9 Apr 2023 12:10:39 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Gao",
"Xuanqi",
""
],
[
"Zhai",
"Juan",
""
],
[
"Ma",
"Shiqing",
""
],
[
"Shen",
"Chao",
""
],
[
"Chen",
"Yufei",
""
],
[
"Wang",
"Shiwei",
""
]
] | TITLE: CILIATE: Towards Fairer Class-based Incremental Learning by Dataset and
Training Refinement
ABSTRACT: Due to the model aging problem, Deep Neural Networks (DNNs) need updates to
adjust them to new data distributions. The common practice leverages
incremental learning (IL), e.g., Class-based Incremental Learning (CIL) that
updates output labels, to update the model with new data and a limited number
of old data. This avoids heavyweight training (from scratch) using conventional
methods and saves storage space by reducing the number of old data to store.
But it also leads to poor performance in fairness. In this paper, we show that
CIL suffers both dataset and algorithm bias problems, and existing solutions
can only partially solve the problem. We propose a novel framework, CILIATE,
that fixes both dataset and algorithm bias in CIL. It features a novel
differential analysis guided dataset and training refinement process that
identifies unique and important samples overlooked by existing CIL and enforces
the model to learn from them. Through this process, CILIATE improves the
fairness of CIL by 17.03%, 22.46%, and 31.79% compared to state-of-the-art
methods, iCaRL, BiC, and WA, respectively, based on our evaluation on three
popular datasets and widely used ResNet models.
| no_new_dataset | 0.949995 |
2304.04228 | Cong Wang | Yanru Xiao, Cong Wang, Xing Gao | Unsupervised Multi-Criteria Adversarial Detection in Deep Image
Retrieval | null | null | null | null | cs.CV cs.IR | http://creativecommons.org/licenses/by/4.0/ | The vulnerability in the algorithm supply chain of deep learning has imposed
new challenges to image retrieval systems in the downstream. Among a variety of
techniques, deep hashing is gaining popularity. As it inherits the algorithmic
backend from deep learning, a handful of attacks are recently proposed to
disrupt normal image retrieval. Unfortunately, the defense strategies in
softmax classification are not readily available to be applied in the image
retrieval domain. In this paper, we propose an efficient and unsupervised
scheme to identify unique adversarial behaviors in the hamming space. In
particular, we design three criteria from the perspectives of hamming distance,
quantization loss and denoising to defend against both untargeted and targeted
attacks, which collectively limit the adversarial space. The extensive
experiments on four datasets demonstrate 2-23% improvements of detection rates
with minimum computational overhead for real-time image queries.
| [
{
"version": "v1",
"created": "Sun, 9 Apr 2023 12:46:35 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Xiao",
"Yanru",
""
],
[
"Wang",
"Cong",
""
],
[
"Gao",
"Xing",
""
]
] | TITLE: Unsupervised Multi-Criteria Adversarial Detection in Deep Image
Retrieval
ABSTRACT: The vulnerability in the algorithm supply chain of deep learning has imposed
new challenges to image retrieval systems in the downstream. Among a variety of
techniques, deep hashing is gaining popularity. As it inherits the algorithmic
backend from deep learning, a handful of attacks are recently proposed to
disrupt normal image retrieval. Unfortunately, the defense strategies in
softmax classification are not readily available to be applied in the image
retrieval domain. In this paper, we propose an efficient and unsupervised
scheme to identify unique adversarial behaviors in the hamming space. In
particular, we design three criteria from the perspectives of hamming distance,
quantization loss and denoising to defend against both untargeted and targeted
attacks, which collectively limit the adversarial space. The extensive
experiments on four datasets demonstrate 2-23% improvements of detection rates
with minimum computational overhead for real-time image queries.
| no_new_dataset | 0.943295 |
2304.04231 | Dingkang Liang | Dingkang Liang, Jiahao Xie, Zhikang Zou, Xiaoqing Ye, Wei Xu, Xiang
Bai | CrowdCLIP: Unsupervised Crowd Counting via Vision-Language Model | Accepted by CVPR 2023 | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Supervised crowd counting relies heavily on costly manual labeling, which is
difficult and expensive, especially in dense scenes. To alleviate the problem,
we propose a novel unsupervised framework for crowd counting, named CrowdCLIP.
The core idea is built on two observations: 1) the recent contrastive
pre-trained vision-language model (CLIP) has presented impressive performance
on various downstream tasks; 2) there is a natural mapping between crowd
patches and count text. To the best of our knowledge, CrowdCLIP is the first to
investigate the vision language knowledge to solve the counting problem.
Specifically, in the training stage, we exploit the multi-modal ranking loss by
constructing ranking text prompts to match the size-sorted crowd patches to
guide the image encoder learning. In the testing stage, to deal with the
diversity of image patches, we propose a simple yet effective progressive
filtering strategy to first select the highly potential crowd patches and then
map them into the language space with various counting intervals. Extensive
experiments on five challenging datasets demonstrate that the proposed
CrowdCLIP achieves superior performance compared to previous unsupervised
state-of-the-art counting methods. Notably, CrowdCLIP even surpasses some
popular fully-supervised methods under the cross-dataset setting. The source
code will be available at https://github.com/dk-liang/CrowdCLIP.
| [
{
"version": "v1",
"created": "Sun, 9 Apr 2023 12:56:54 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Liang",
"Dingkang",
""
],
[
"Xie",
"Jiahao",
""
],
[
"Zou",
"Zhikang",
""
],
[
"Ye",
"Xiaoqing",
""
],
[
"Xu",
"Wei",
""
],
[
"Bai",
"Xiang",
""
]
] | TITLE: CrowdCLIP: Unsupervised Crowd Counting via Vision-Language Model
ABSTRACT: Supervised crowd counting relies heavily on costly manual labeling, which is
difficult and expensive, especially in dense scenes. To alleviate the problem,
we propose a novel unsupervised framework for crowd counting, named CrowdCLIP.
The core idea is built on two observations: 1) the recent contrastive
pre-trained vision-language model (CLIP) has presented impressive performance
on various downstream tasks; 2) there is a natural mapping between crowd
patches and count text. To the best of our knowledge, CrowdCLIP is the first to
investigate the vision language knowledge to solve the counting problem.
Specifically, in the training stage, we exploit the multi-modal ranking loss by
constructing ranking text prompts to match the size-sorted crowd patches to
guide the image encoder learning. In the testing stage, to deal with the
diversity of image patches, we propose a simple yet effective progressive
filtering strategy to first select the highly potential crowd patches and then
map them into the language space with various counting intervals. Extensive
experiments on five challenging datasets demonstrate that the proposed
CrowdCLIP achieves superior performance compared to previous unsupervised
state-of-the-art counting methods. Notably, CrowdCLIP even surpasses some
popular fully-supervised methods under the cross-dataset setting. The source
code will be available at https://github.com/dk-liang/CrowdCLIP.
| no_new_dataset | 0.948155 |
2304.04237 | Xuran Pan | Xuran Pan, Tianzhu Ye, Zhuofan Xia, Shiji Song, Gao Huang | Slide-Transformer: Hierarchical Vision Transformer with Local
Self-Attention | Accepted to CVPR2023 | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Self-attention mechanism has been a key factor in the recent progress of
Vision Transformer (ViT), which enables adaptive feature extraction from global
contexts. However, existing self-attention methods either adopt sparse global
attention or window attention to reduce the computation complexity, which may
compromise the local feature learning or subject to some handcrafted designs.
In contrast, local attention, which restricts the receptive field of each query
to its own neighboring pixels, enjoys the benefits of both convolution and
self-attention, namely local inductive bias and dynamic feature selection.
Nevertheless, current local attention modules either use inefficient Im2Col
function or rely on specific CUDA kernels that are hard to generalize to
devices without CUDA support. In this paper, we propose a novel local attention
module, Slide Attention, which leverages common convolution operations to
achieve high efficiency, flexibility and generalizability. Specifically, we
first re-interpret the column-based Im2Col function from a new row-based
perspective and use Depthwise Convolution as an efficient substitution. On this
basis, we propose a deformed shifting module based on the re-parameterization
technique, which further relaxes the fixed key/value positions to deformed
features in the local region. In this way, our module realizes the local
attention paradigm in both efficient and flexible manner. Extensive experiments
show that our slide attention module is applicable to a variety of advanced
Vision Transformer models and compatible with various hardware devices, and
achieves consistently improved performances on comprehensive benchmarks. Code
is available at https://github.com/LeapLabTHU/Slide-Transformer.
| [
{
"version": "v1",
"created": "Sun, 9 Apr 2023 13:37:59 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Pan",
"Xuran",
""
],
[
"Ye",
"Tianzhu",
""
],
[
"Xia",
"Zhuofan",
""
],
[
"Song",
"Shiji",
""
],
[
"Huang",
"Gao",
""
]
] | TITLE: Slide-Transformer: Hierarchical Vision Transformer with Local
Self-Attention
ABSTRACT: Self-attention mechanism has been a key factor in the recent progress of
Vision Transformer (ViT), which enables adaptive feature extraction from global
contexts. However, existing self-attention methods either adopt sparse global
attention or window attention to reduce the computation complexity, which may
compromise the local feature learning or subject to some handcrafted designs.
In contrast, local attention, which restricts the receptive field of each query
to its own neighboring pixels, enjoys the benefits of both convolution and
self-attention, namely local inductive bias and dynamic feature selection.
Nevertheless, current local attention modules either use inefficient Im2Col
function or rely on specific CUDA kernels that are hard to generalize to
devices without CUDA support. In this paper, we propose a novel local attention
module, Slide Attention, which leverages common convolution operations to
achieve high efficiency, flexibility and generalizability. Specifically, we
first re-interpret the column-based Im2Col function from a new row-based
perspective and use Depthwise Convolution as an efficient substitution. On this
basis, we propose a deformed shifting module based on the re-parameterization
technique, which further relaxes the fixed key/value positions to deformed
features in the local region. In this way, our module realizes the local
attention paradigm in both efficient and flexible manner. Extensive experiments
show that our slide attention module is applicable to a variety of advanced
Vision Transformer models and compatible with various hardware devices, and
achieves consistently improved performances on comprehensive benchmarks. Code
is available at https://github.com/LeapLabTHU/Slide-Transformer.
| no_new_dataset | 0.943295 |
2304.04238 | Linhao Qu | Linhao Qu, Minghong Duan, Zhiwei Yang, Manning Wang, Zhijian Song | Towards Arbitrary-scale Histopathology Image Super-resolution: An
Efficient Dual-branch Framework based on Implicit Self-texture Enhancement | null | null | null | null | eess.IV cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Existing super-resolution models for pathology images can only work in fixed
integer magnifications and have limited performance. Though implicit neural
network-based methods have shown promising results in arbitrary-scale
super-resolution of natural images, it is not effective to directly apply them
in pathology images, because pathology images have special fine-grained image
textures different from natural images. To address this challenge, we propose a
dual-branch framework with an efficient self-texture enhancement mechanism for
arbitrary-scale super-resolution of pathology images. Extensive experiments on
two public datasets show that our method outperforms both existing fixed-scale
and arbitrary-scale algorithms. To the best of our knowledge, this is the first
work to achieve arbitrary-scale super-resolution in the field of pathology
images. Codes will be available.
| [
{
"version": "v1",
"created": "Sun, 9 Apr 2023 13:38:18 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Qu",
"Linhao",
""
],
[
"Duan",
"Minghong",
""
],
[
"Yang",
"Zhiwei",
""
],
[
"Wang",
"Manning",
""
],
[
"Song",
"Zhijian",
""
]
] | TITLE: Towards Arbitrary-scale Histopathology Image Super-resolution: An
Efficient Dual-branch Framework based on Implicit Self-texture Enhancement
ABSTRACT: Existing super-resolution models for pathology images can only work in fixed
integer magnifications and have limited performance. Though implicit neural
network-based methods have shown promising results in arbitrary-scale
super-resolution of natural images, it is not effective to directly apply them
in pathology images, because pathology images have special fine-grained image
textures different from natural images. To address this challenge, we propose a
dual-branch framework with an efficient self-texture enhancement mechanism for
arbitrary-scale super-resolution of pathology images. Extensive experiments on
two public datasets show that our method outperforms both existing fixed-scale
and arbitrary-scale algorithms. To the best of our knowledge, this is the first
work to achieve arbitrary-scale super-resolution in the field of pathology
images. Codes will be available.
| no_new_dataset | 0.952086 |
2304.04256 | Libo Qin | Wenbo Pan, Qiguang Chen, Xiao Xu, Wanxiang Che, Libo Qin | A Preliminary Evaluation of ChatGPT for Zero-shot Dialogue Understanding | Technical Report | null | null | null | cs.CL | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Zero-shot dialogue understanding aims to enable dialogue to track the user's
needs without any training data, which has gained increasing attention. In this
work, we investigate the understanding ability of ChatGPT for zero-shot
dialogue understanding tasks including spoken language understanding (SLU) and
dialogue state tracking (DST). Experimental results on four popular benchmarks
reveal the great potential of ChatGPT for zero-shot dialogue understanding. In
addition, extensive analysis shows that ChatGPT benefits from the multi-turn
interactive prompt in the DST task but struggles to perform slot filling for
SLU. Finally, we summarize several unexpected behaviors of ChatGPT in dialogue
understanding tasks, hoping to provide some insights for future research on
building zero-shot dialogue understanding systems with Large Language Models
(LLMs).
| [
{
"version": "v1",
"created": "Sun, 9 Apr 2023 15:28:36 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Pan",
"Wenbo",
""
],
[
"Chen",
"Qiguang",
""
],
[
"Xu",
"Xiao",
""
],
[
"Che",
"Wanxiang",
""
],
[
"Qin",
"Libo",
""
]
] | TITLE: A Preliminary Evaluation of ChatGPT for Zero-shot Dialogue Understanding
ABSTRACT: Zero-shot dialogue understanding aims to enable dialogue to track the user's
needs without any training data, which has gained increasing attention. In this
work, we investigate the understanding ability of ChatGPT for zero-shot
dialogue understanding tasks including spoken language understanding (SLU) and
dialogue state tracking (DST). Experimental results on four popular benchmarks
reveal the great potential of ChatGPT for zero-shot dialogue understanding. In
addition, extensive analysis shows that ChatGPT benefits from the multi-turn
interactive prompt in the DST task but struggles to perform slot filling for
SLU. Finally, we summarize several unexpected behaviors of ChatGPT in dialogue
understanding tasks, hoping to provide some insights for future research on
building zero-shot dialogue understanding systems with Large Language Models
(LLMs).
| no_new_dataset | 0.949669 |
2304.04259 | Amir Nazemi | Amir Nazemi, Zeyad Moustafa, Paul Fieguth | CLVOS23: A Long Video Object Segmentation Dataset for Continual Learning | null | null | null | null | cs.CV cs.LG | http://creativecommons.org/licenses/by-nc-sa/4.0/ | Continual learning in real-world scenarios is a major challenge. A general
continual learning model should have a constant memory size and no predefined
task boundaries, as is the case in semi-supervised Video Object Segmentation
(VOS), where continual learning challenges particularly present themselves in
working on long video sequences. In this article, we first formulate the
problem of semi-supervised VOS, specifically online VOS, as a continual
learning problem, and then secondly provide a public VOS dataset, CLVOS23,
focusing on continual learning. Finally, we propose and implement a
regularization-based continual learning approach on LWL, an existing online VOS
baseline, to demonstrate the efficacy of continual learning when applied to
online VOS and to establish a CLVOS23 baseline. We apply the proposed baseline
to the Long Videos dataset as well as to two short video VOS datasets, DAVIS16
and DAVIS17. To the best of our knowledge, this is the first time that VOS has
been defined and addressed as a continual learning problem.
| [
{
"version": "v1",
"created": "Sun, 9 Apr 2023 15:33:07 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Nazemi",
"Amir",
""
],
[
"Moustafa",
"Zeyad",
""
],
[
"Fieguth",
"Paul",
""
]
] | TITLE: CLVOS23: A Long Video Object Segmentation Dataset for Continual Learning
ABSTRACT: Continual learning in real-world scenarios is a major challenge. A general
continual learning model should have a constant memory size and no predefined
task boundaries, as is the case in semi-supervised Video Object Segmentation
(VOS), where continual learning challenges particularly present themselves in
working on long video sequences. In this article, we first formulate the
problem of semi-supervised VOS, specifically online VOS, as a continual
learning problem, and then secondly provide a public VOS dataset, CLVOS23,
focusing on continual learning. Finally, we propose and implement a
regularization-based continual learning approach on LWL, an existing online VOS
baseline, to demonstrate the efficacy of continual learning when applied to
online VOS and to establish a CLVOS23 baseline. We apply the proposed baseline
to the Long Videos dataset as well as to two short video VOS datasets, DAVIS16
and DAVIS17. To the best of our knowledge, this is the first time that VOS has
been defined and addressed as a continual learning problem.
| no_new_dataset | 0.793106 |
2304.04269 | Xuan Ju | Xuan Ju, Ailing Zeng, Chenchen Zhao, Jianan Wang, Lei Zhang, Qiang Xu | HumanSD: A Native Skeleton-Guided Diffusion Model for Human Image
Generation | null | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Controllable human image generation (HIG) has numerous real-life
applications. State-of-the-art solutions, such as ControlNet and T2I-Adapter,
introduce an additional learnable branch on top of the frozen pre-trained
stable diffusion (SD) model, which can enforce various conditions, including
skeleton guidance of HIG. While such a plug-and-play approach is appealing, the
inevitable and uncertain conflicts between the original images produced from
the frozen SD branch and the given condition incur significant challenges for
the learnable branch, which essentially conducts image feature editing for
condition enforcement. In this work, we propose a native skeleton-guided
diffusion model for controllable HIG called HumanSD. Instead of performing
image editing with dual-branch diffusion, we fine-tune the original SD model
using a novel heatmap-guided denoising loss. This strategy effectively and
efficiently strengthens the given skeleton condition during model training
while mitigating the catastrophic forgetting effects. HumanSD is fine-tuned on
the assembly of three large-scale human-centric datasets with text-image-pose
information, two of which are established in this work. As shown in Figure 1,
HumanSD outperforms ControlNet in terms of accurate pose control and image
quality, particularly when the given skeleton guidance is sophisticated.
| [
{
"version": "v1",
"created": "Sun, 9 Apr 2023 16:21:43 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Ju",
"Xuan",
""
],
[
"Zeng",
"Ailing",
""
],
[
"Zhao",
"Chenchen",
""
],
[
"Wang",
"Jianan",
""
],
[
"Zhang",
"Lei",
""
],
[
"Xu",
"Qiang",
""
]
] | TITLE: HumanSD: A Native Skeleton-Guided Diffusion Model for Human Image
Generation
ABSTRACT: Controllable human image generation (HIG) has numerous real-life
applications. State-of-the-art solutions, such as ControlNet and T2I-Adapter,
introduce an additional learnable branch on top of the frozen pre-trained
stable diffusion (SD) model, which can enforce various conditions, including
skeleton guidance of HIG. While such a plug-and-play approach is appealing, the
inevitable and uncertain conflicts between the original images produced from
the frozen SD branch and the given condition incur significant challenges for
the learnable branch, which essentially conducts image feature editing for
condition enforcement. In this work, we propose a native skeleton-guided
diffusion model for controllable HIG called HumanSD. Instead of performing
image editing with dual-branch diffusion, we fine-tune the original SD model
using a novel heatmap-guided denoising loss. This strategy effectively and
efficiently strengthens the given skeleton condition during model training
while mitigating the catastrophic forgetting effects. HumanSD is fine-tuned on
the assembly of three large-scale human-centric datasets with text-image-pose
information, two of which are established in this work. As shown in Figure 1,
HumanSD outperforms ControlNet in terms of accurate pose control and image
quality, particularly when the given skeleton guidance is sophisticated.
| no_new_dataset | 0.949342 |
2304.04271 | Karan Aggarwal | Karan Aggarwal, Jaideep Srivastava | Embarrassingly Simple MixUp for Time-series | null | null | null | null | cs.LG cs.AI | http://creativecommons.org/licenses/by/4.0/ | Labeling time series data is an expensive task because of domain expertise
and dynamic nature of the data. Hence, we often have to deal with limited
labeled data settings. Data augmentation techniques have been successfully
deployed in domains like computer vision to exploit the use of existing labeled
data. We adapt one of the most commonly used technique called MixUp, in the
time series domain. Our proposed, MixUp++ and LatentMixUp++, use simple
modifications to perform interpolation in raw time series and classification
model's latent space, respectively. We also extend these methods with
semi-supervised learning to exploit unlabeled data. We observe significant
improvements of 1\% - 15\% on time series classification on two public
datasets, for both low labeled data as well as high labeled data regimes, with
LatentMixUp++.
| [
{
"version": "v1",
"created": "Sun, 9 Apr 2023 16:34:06 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Aggarwal",
"Karan",
""
],
[
"Srivastava",
"Jaideep",
""
]
] | TITLE: Embarrassingly Simple MixUp for Time-series
ABSTRACT: Labeling time series data is an expensive task because of domain expertise
and dynamic nature of the data. Hence, we often have to deal with limited
labeled data settings. Data augmentation techniques have been successfully
deployed in domains like computer vision to exploit the use of existing labeled
data. We adapt one of the most commonly used technique called MixUp, in the
time series domain. Our proposed, MixUp++ and LatentMixUp++, use simple
modifications to perform interpolation in raw time series and classification
model's latent space, respectively. We also extend these methods with
semi-supervised learning to exploit unlabeled data. We observe significant
improvements of 1\% - 15\% on time series classification on two public
datasets, for both low labeled data as well as high labeled data regimes, with
LatentMixUp++.
| no_new_dataset | 0.954009 |
2304.04280 | Yanis Labrak | Yanis Labrak, Adrien Bazoge, Richard Dufour, Mickael Rouvier, Emmanuel
Morin, B\'eatrice Daille, Pierre-Antoine Gourraud | FrenchMedMCQA: A French Multiple-Choice Question Answering Dataset for
Medical domain | null | Proceedings of the 13th International Workshop on Health Text
Mining and Information Analysis (LOUHI 2022) | null | null | cs.CL cs.AI | http://creativecommons.org/publicdomain/zero/1.0/ | This paper introduces FrenchMedMCQA, the first publicly available
Multiple-Choice Question Answering (MCQA) dataset in French for medical domain.
It is composed of 3,105 questions taken from real exams of the French medical
specialization diploma in pharmacy, mixing single and multiple answers. Each
instance of the dataset contains an identifier, a question, five possible
answers and their manual correction(s). We also propose first baseline models
to automatically process this MCQA task in order to report on the current
performances and to highlight the difficulty of the task. A detailed analysis
of the results showed that it is necessary to have representations adapted to
the medical domain or to the MCQA task: in our case, English specialized models
yielded better results than generic French ones, even though FrenchMedMCQA is
in French. Corpus, models and tools are available online.
| [
{
"version": "v1",
"created": "Sun, 9 Apr 2023 16:57:40 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Labrak",
"Yanis",
""
],
[
"Bazoge",
"Adrien",
""
],
[
"Dufour",
"Richard",
""
],
[
"Rouvier",
"Mickael",
""
],
[
"Morin",
"Emmanuel",
""
],
[
"Daille",
"Béatrice",
""
],
[
"Gourraud",
"Pierre-Antoine",
""
]
] | TITLE: FrenchMedMCQA: A French Multiple-Choice Question Answering Dataset for
Medical domain
ABSTRACT: This paper introduces FrenchMedMCQA, the first publicly available
Multiple-Choice Question Answering (MCQA) dataset in French for medical domain.
It is composed of 3,105 questions taken from real exams of the French medical
specialization diploma in pharmacy, mixing single and multiple answers. Each
instance of the dataset contains an identifier, a question, five possible
answers and their manual correction(s). We also propose first baseline models
to automatically process this MCQA task in order to report on the current
performances and to highlight the difficulty of the task. A detailed analysis
of the results showed that it is necessary to have representations adapted to
the medical domain or to the MCQA task: in our case, English specialized models
yielded better results than generic French ones, even though FrenchMedMCQA is
in French. Corpus, models and tools are available online.
| new_dataset | 0.96225 |
2304.04290 | Sodiq Adewole | David Fuentes, Diana McSpadden and Sodiq Adewole | Distributed Conditional GAN (discGAN) For Synthetic Healthcare Data
Generation | null | null | null | null | cs.LG cs.AI | http://creativecommons.org/publicdomain/zero/1.0/ | In this paper, we propose a distributed Generative Adversarial Networks
(discGANs) to generate synthetic tabular data specific to the healthcare
domain. While using GANs to generate images has been well studied, little to no
attention has been given to generation of tabular data. Modeling distributions
of discrete and continuous tabular data is a non-trivial task with high
utility. We applied discGAN to model non-Gaussian multi-modal healthcare data.
We generated 249,000 synthetic records from original 2,027 eICU dataset. We
evaluated the performance of the model using machine learning efficacy, the
Kolmogorov-Smirnov (KS) test for continuous variables and chi-squared test for
discrete variables. Our results show that discGAN was able to generate data
with distributions similar to the real data.
| [
{
"version": "v1",
"created": "Sun, 9 Apr 2023 18:35:05 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Fuentes",
"David",
""
],
[
"McSpadden",
"Diana",
""
],
[
"Adewole",
"Sodiq",
""
]
] | TITLE: Distributed Conditional GAN (discGAN) For Synthetic Healthcare Data
Generation
ABSTRACT: In this paper, we propose a distributed Generative Adversarial Networks
(discGANs) to generate synthetic tabular data specific to the healthcare
domain. While using GANs to generate images has been well studied, little to no
attention has been given to generation of tabular data. Modeling distributions
of discrete and continuous tabular data is a non-trivial task with high
utility. We applied discGAN to model non-Gaussian multi-modal healthcare data.
We generated 249,000 synthetic records from original 2,027 eICU dataset. We
evaluated the performance of the model using machine learning efficacy, the
Kolmogorov-Smirnov (KS) test for continuous variables and chi-squared test for
discrete variables. Our results show that discGAN was able to generate data
with distributions similar to the real data.
| no_new_dataset | 0.951142 |
2304.04291 | Ivan Ferreira | Ivan Ferreira-Chacua, Ardiansyah Koeshidayatullah | ForamViT-GAN: Exploring New Paradigms in Deep Learning for
Micropaleontological Image Analysis | null | null | null | null | cs.CV eess.IV | http://creativecommons.org/licenses/by/4.0/ | Micropaleontology in geosciences focuses on studying the evolution of
microfossils (e.g., foraminifera) through geological records to reconstruct
past environmental and climatic conditions. This field heavily relies on visual
recognition of microfossil features, making it suitable for computer vision
technology, specifically deep convolutional neural networks (CNNs), to automate
and optimize microfossil identification and classification. However, the
application of deep learning in micropaleontology is hindered by limited
availability of high-quality, high-resolution labeled fossil images and the
significant manual labeling effort required by experts. To address these
challenges, we propose a novel deep learning workflow combining hierarchical
vision transformers with style-based generative adversarial network algorithms
to efficiently acquire and synthetically generate realistic high-resolution
labeled datasets of micropaleontology in large volumes. Our study shows that
this workflow can generate high-resolution images with a high signal-to-noise
ratio (39.1 dB) and realistic synthetic images with a Frechet inception
distance similarity score of 14.88. Additionally, our workflow provides a large
volume of self-labeled datasets for model benchmarking and various downstream
visual tasks, including fossil classification and segmentation. For the first
time, we performed few-shot semantic segmentation of different foraminifera
chambers on both generated and synthetic images with high accuracy. This novel
meta-learning approach is only possible with the availability of
high-resolution, high-volume labeled datasets. Our deep learning-based workflow
shows promise in advancing and optimizing micropaleontological research and
other visual-dependent geological analyses.
| [
{
"version": "v1",
"created": "Sun, 9 Apr 2023 18:49:38 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Ferreira-Chacua",
"Ivan",
""
],
[
"Koeshidayatullah",
"Ardiansyah",
""
]
] | TITLE: ForamViT-GAN: Exploring New Paradigms in Deep Learning for
Micropaleontological Image Analysis
ABSTRACT: Micropaleontology in geosciences focuses on studying the evolution of
microfossils (e.g., foraminifera) through geological records to reconstruct
past environmental and climatic conditions. This field heavily relies on visual
recognition of microfossil features, making it suitable for computer vision
technology, specifically deep convolutional neural networks (CNNs), to automate
and optimize microfossil identification and classification. However, the
application of deep learning in micropaleontology is hindered by limited
availability of high-quality, high-resolution labeled fossil images and the
significant manual labeling effort required by experts. To address these
challenges, we propose a novel deep learning workflow combining hierarchical
vision transformers with style-based generative adversarial network algorithms
to efficiently acquire and synthetically generate realistic high-resolution
labeled datasets of micropaleontology in large volumes. Our study shows that
this workflow can generate high-resolution images with a high signal-to-noise
ratio (39.1 dB) and realistic synthetic images with a Frechet inception
distance similarity score of 14.88. Additionally, our workflow provides a large
volume of self-labeled datasets for model benchmarking and various downstream
visual tasks, including fossil classification and segmentation. For the first
time, we performed few-shot semantic segmentation of different foraminifera
chambers on both generated and synthetic images with high accuracy. This novel
meta-learning approach is only possible with the availability of
high-resolution, high-volume labeled datasets. Our deep learning-based workflow
shows promise in advancing and optimizing micropaleontological research and
other visual-dependent geological analyses.
| no_new_dataset | 0.951459 |
2304.04297 | Tekin Bicer | Anakha V Babu, Tekin Bicer, Saugat Kandel, Tao Zhou, Daniel J. Ching,
Steven Henke, Sini\v{s}a Veseli, Ryan Chard, Antonino Miceli, Mathew Joseph
Cherukara | AI-assisted Automated Workflow for Real-time X-ray Ptychography Data
Analysis via Federated Resources | 7 pages, 1 figure, to be published in High Performance Computing for
Imaging Conference, Electronic Imaging (HPCI 2023) | null | null | null | cs.CV cs.DC eess.IV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | We present an end-to-end automated workflow that uses large-scale remote
compute resources and an embedded GPU platform at the edge to enable
AI/ML-accelerated real-time analysis of data collected for x-ray ptychography.
Ptychography is a lensless method that is being used to image samples through a
simultaneous numerical inversion of a large number of diffraction patterns from
adjacent overlapping scan positions. This acquisition method can enable
nanoscale imaging with x-rays and electrons, but this often requires very large
experimental datasets and commensurately high turnaround times, which can limit
experimental capabilities such as real-time experimental steering and
low-latency monitoring. In this work, we introduce a software system that can
automate ptychography data analysis tasks. We accelerate the data analysis
pipeline by using a modified version of PtychoNN -- an ML-based approach to
solve phase retrieval problem that shows two orders of magnitude speedup
compared to traditional iterative methods. Further, our system coordinates and
overlaps different data analysis tasks to minimize synchronization overhead
between different stages of the workflow. We evaluate our workflow system with
real-world experimental workloads from the 26ID beamline at Advanced Photon
Source and ThetaGPU cluster at Argonne Leadership Computing Resources.
| [
{
"version": "v1",
"created": "Sun, 9 Apr 2023 19:11:04 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Babu",
"Anakha V",
""
],
[
"Bicer",
"Tekin",
""
],
[
"Kandel",
"Saugat",
""
],
[
"Zhou",
"Tao",
""
],
[
"Ching",
"Daniel J.",
""
],
[
"Henke",
"Steven",
""
],
[
"Veseli",
"Siniša",
""
],
[
"Chard",
"Ryan",
""
],
[
"Miceli",
"Antonino",
""
],
[
"Cherukara",
"Mathew Joseph",
""
]
] | TITLE: AI-assisted Automated Workflow for Real-time X-ray Ptychography Data
Analysis via Federated Resources
ABSTRACT: We present an end-to-end automated workflow that uses large-scale remote
compute resources and an embedded GPU platform at the edge to enable
AI/ML-accelerated real-time analysis of data collected for x-ray ptychography.
Ptychography is a lensless method that is being used to image samples through a
simultaneous numerical inversion of a large number of diffraction patterns from
adjacent overlapping scan positions. This acquisition method can enable
nanoscale imaging with x-rays and electrons, but this often requires very large
experimental datasets and commensurately high turnaround times, which can limit
experimental capabilities such as real-time experimental steering and
low-latency monitoring. In this work, we introduce a software system that can
automate ptychography data analysis tasks. We accelerate the data analysis
pipeline by using a modified version of PtychoNN -- an ML-based approach to
solve phase retrieval problem that shows two orders of magnitude speedup
compared to traditional iterative methods. Further, our system coordinates and
overlaps different data analysis tasks to minimize synchronization overhead
between different stages of the workflow. We evaluate our workflow system with
real-world experimental workloads from the 26ID beamline at Advanced Photon
Source and ThetaGPU cluster at Argonne Leadership Computing Resources.
| no_new_dataset | 0.949435 |
2304.04325 | Shiyang Lu | Shiyang Lu, Yunfu Deng, Abdeslam Boularias, Kostas Bekris | Self-Supervised Learning of Object Segmentation from Unlabeled RGB-D
Videos | null | null | null | null | cs.CV cs.RO | http://creativecommons.org/licenses/by/4.0/ | This work proposes a self-supervised learning system for segmenting rigid
objects in RGB images. The proposed pipeline is trained on unlabeled RGB-D
videos of static objects, which can be captured with a camera carried by a
mobile robot. A key feature of the self-supervised training process is a
graph-matching algorithm that operates on the over-segmentation output of the
point cloud that is reconstructed from each video. The graph matching, along
with point cloud registration, is able to find reoccurring object patterns
across videos and combine them into 3D object pseudo labels, even under
occlusions or different viewing angles. Projected 2D object masks from 3D
pseudo labels are used to train a pixel-wise feature extractor through
contrastive learning. During online inference, a clustering method uses the
learned features to cluster foreground pixels into object segments. Experiments
highlight the method's effectiveness on both real and synthetic video datasets,
which include cluttered scenes of tabletop objects. The proposed method
outperforms existing unsupervised methods for object segmentation by a large
margin.
| [
{
"version": "v1",
"created": "Sun, 9 Apr 2023 23:13:39 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Lu",
"Shiyang",
""
],
[
"Deng",
"Yunfu",
""
],
[
"Boularias",
"Abdeslam",
""
],
[
"Bekris",
"Kostas",
""
]
] | TITLE: Self-Supervised Learning of Object Segmentation from Unlabeled RGB-D
Videos
ABSTRACT: This work proposes a self-supervised learning system for segmenting rigid
objects in RGB images. The proposed pipeline is trained on unlabeled RGB-D
videos of static objects, which can be captured with a camera carried by a
mobile robot. A key feature of the self-supervised training process is a
graph-matching algorithm that operates on the over-segmentation output of the
point cloud that is reconstructed from each video. The graph matching, along
with point cloud registration, is able to find reoccurring object patterns
across videos and combine them into 3D object pseudo labels, even under
occlusions or different viewing angles. Projected 2D object masks from 3D
pseudo labels are used to train a pixel-wise feature extractor through
contrastive learning. During online inference, a clustering method uses the
learned features to cluster foreground pixels into object segments. Experiments
highlight the method's effectiveness on both real and synthetic video datasets,
which include cluttered scenes of tabletop objects. The proposed method
outperforms existing unsupervised methods for object segmentation by a large
margin.
| no_new_dataset | 0.945751 |
2304.04330 | Da Xu | Da Xu, Bo Yang | Pretrained Embeddings for E-commerce Machine Learning: When it Fails and
Why? | null | null | 10.1145/3543873.3587669 | null | cs.LG | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | The use of pretrained embeddings has become widespread in modern e-commerce
machine learning (ML) systems. In practice, however, we have encountered
several key issues when using pretrained embedding in a real-world production
system, many of which cannot be fully explained by current knowledge.
Unfortunately, we find that there is a lack of a thorough understanding of how
pre-trained embeddings work, especially their intrinsic properties and
interactions with downstream tasks. Consequently, it becomes challenging to
make interactive and scalable decisions regarding the use of pre-trained
embeddings in practice.
Our investigation leads to two significant discoveries about using pretrained
embeddings in e-commerce applications. Firstly, we find that the design of the
pretraining and downstream models, particularly how they encode and decode
information via embedding vectors, can have a profound impact. Secondly, we
establish a principled perspective of pre-trained embeddings via the lens of
kernel analysis, which can be used to evaluate their predictability,
interactively and scalably. These findings help to address the practical
challenges we faced and offer valuable guidance for successful adoption of
pretrained embeddings in real-world production. Our conclusions are backed by
solid theoretical reasoning, benchmark experiments, as well as online testings.
| [
{
"version": "v1",
"created": "Sun, 9 Apr 2023 23:55:47 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Xu",
"Da",
""
],
[
"Yang",
"Bo",
""
]
] | TITLE: Pretrained Embeddings for E-commerce Machine Learning: When it Fails and
Why?
ABSTRACT: The use of pretrained embeddings has become widespread in modern e-commerce
machine learning (ML) systems. In practice, however, we have encountered
several key issues when using pretrained embedding in a real-world production
system, many of which cannot be fully explained by current knowledge.
Unfortunately, we find that there is a lack of a thorough understanding of how
pre-trained embeddings work, especially their intrinsic properties and
interactions with downstream tasks. Consequently, it becomes challenging to
make interactive and scalable decisions regarding the use of pre-trained
embeddings in practice.
Our investigation leads to two significant discoveries about using pretrained
embeddings in e-commerce applications. Firstly, we find that the design of the
pretraining and downstream models, particularly how they encode and decode
information via embedding vectors, can have a profound impact. Secondly, we
establish a principled perspective of pre-trained embeddings via the lens of
kernel analysis, which can be used to evaluate their predictability,
interactively and scalably. These findings help to address the practical
challenges we faced and offer valuable guidance for successful adoption of
pretrained embeddings in real-world production. Our conclusions are backed by
solid theoretical reasoning, benchmark experiments, as well as online testings.
| no_new_dataset | 0.939137 |
2304.04333 | Mohammad Khalid Jawed | Shivam K Panda, Yongkyu Lee, M. Khalid Jawed | Agronav: Autonomous Navigation Framework for Agricultural Robots and
Vehicles using Semantic Segmentation and Semantic Line Detection | null | null | null | null | cs.CV | http://creativecommons.org/licenses/by/4.0/ | The successful implementation of vision-based navigation in agricultural
fields hinges upon two critical components: 1) the accurate identification of
key components within the scene, and 2) the identification of lanes through the
detection of boundary lines that separate the crops from the traversable
ground. We propose Agronav, an end-to-end vision-based autonomous navigation
framework, which outputs the centerline from the input image by sequentially
processing it through semantic segmentation and semantic line detection models.
We also present Agroscapes, a pixel-level annotated dataset collected across
six different crops, captured from varying heights and angles. This ensures
that the framework trained on Agroscapes is generalizable across both ground
and aerial robotic platforms. Codes, models and dataset will be released at
\href{https://github.com/shivamkumarpanda/agronav}{github.com/shivamkumarpanda/agronav}.
| [
{
"version": "v1",
"created": "Mon, 10 Apr 2023 00:06:14 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Panda",
"Shivam K",
""
],
[
"Lee",
"Yongkyu",
""
],
[
"Jawed",
"M. Khalid",
""
]
] | TITLE: Agronav: Autonomous Navigation Framework for Agricultural Robots and
Vehicles using Semantic Segmentation and Semantic Line Detection
ABSTRACT: The successful implementation of vision-based navigation in agricultural
fields hinges upon two critical components: 1) the accurate identification of
key components within the scene, and 2) the identification of lanes through the
detection of boundary lines that separate the crops from the traversable
ground. We propose Agronav, an end-to-end vision-based autonomous navigation
framework, which outputs the centerline from the input image by sequentially
processing it through semantic segmentation and semantic line detection models.
We also present Agroscapes, a pixel-level annotated dataset collected across
six different crops, captured from varying heights and angles. This ensures
that the framework trained on Agroscapes is generalizable across both ground
and aerial robotic platforms. Codes, models and dataset will be released at
\href{https://github.com/shivamkumarpanda/agronav}{github.com/shivamkumarpanda/agronav}.
| new_dataset | 0.957397 |
2304.04344 | Nikita Starodubcev | Nikita Starodubcev, Dmitry Baranchuk, Valentin Khrulkov and Artem
Babenko | Towards Real-time Text-driven Image Manipulation with Unconditional
Diffusion Models | null | null | null | null | cs.CV cs.LG | http://creativecommons.org/licenses/by/4.0/ | Recent advances in diffusion models enable many powerful instruments for
image editing. One of these instruments is text-driven image manipulations:
editing semantic attributes of an image according to the provided text
description. % Popular text-conditional diffusion models offer various
high-quality image manipulation methods for a broad range of text prompts.
Existing diffusion-based methods already achieve high-quality image
manipulations for a broad range of text prompts. However, in practice, these
methods require high computation costs even with a high-end GPU. This greatly
limits potential real-world applications of diffusion-based image editing,
especially when running on user devices.
In this paper, we address efficiency of the recent text-driven editing
methods based on unconditional diffusion models and develop a novel algorithm
that learns image manipulations 4.5-10 times faster and applies them 8 times
faster. We carefully evaluate the visual quality and expressiveness of our
approach on multiple datasets using human annotators. Our experiments
demonstrate that our algorithm achieves the quality of much more expensive
methods. Finally, we show that our approach can adapt the pretrained model to
the user-specified image and text description on the fly just for 4 seconds. In
this setting, we notice that more compact unconditional diffusion models can be
considered as a rational alternative to the popular text-conditional
counterparts.
| [
{
"version": "v1",
"created": "Mon, 10 Apr 2023 01:21:56 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Starodubcev",
"Nikita",
""
],
[
"Baranchuk",
"Dmitry",
""
],
[
"Khrulkov",
"Valentin",
""
],
[
"Babenko",
"Artem",
""
]
] | TITLE: Towards Real-time Text-driven Image Manipulation with Unconditional
Diffusion Models
ABSTRACT: Recent advances in diffusion models enable many powerful instruments for
image editing. One of these instruments is text-driven image manipulations:
editing semantic attributes of an image according to the provided text
description. % Popular text-conditional diffusion models offer various
high-quality image manipulation methods for a broad range of text prompts.
Existing diffusion-based methods already achieve high-quality image
manipulations for a broad range of text prompts. However, in practice, these
methods require high computation costs even with a high-end GPU. This greatly
limits potential real-world applications of diffusion-based image editing,
especially when running on user devices.
In this paper, we address efficiency of the recent text-driven editing
methods based on unconditional diffusion models and develop a novel algorithm
that learns image manipulations 4.5-10 times faster and applies them 8 times
faster. We carefully evaluate the visual quality and expressiveness of our
approach on multiple datasets using human annotators. Our experiments
demonstrate that our algorithm achieves the quality of much more expensive
methods. Finally, we show that our approach can adapt the pretrained model to
the user-specified image and text description on the fly just for 4 seconds. In
this setting, we notice that more compact unconditional diffusion models can be
considered as a rational alternative to the popular text-conditional
counterparts.
| no_new_dataset | 0.950088 |
2304.04346 | Dengwang Tang | Dengwang Tang, Ashutosh Nayyar, Rahul Jain | A Novel Point-based Algorithm for Multi-agent Control Using the Common
Information Approach | 11 pages, 4 figures | null | null | null | cs.AI cs.MA cs.SY eess.SY math.OC | http://creativecommons.org/licenses/by-sa/4.0/ | The Common Information (CI) approach provides a systematic way to transform a
multi-agent stochastic control problem to a single-agent partially observed
Markov decision problem (POMDP) called the coordinator's POMDP. However, such a
POMDP can be hard to solve due to its extraordinarily large action space. We
propose a new algorithm for multi-agent stochastic control problems, called
coordinator's heuristic search value iteration (CHSVI), that combines the CI
approach and point-based POMDP algorithms for large action spaces. We
demonstrate the algorithm through optimally solving several benchmark problems.
| [
{
"version": "v1",
"created": "Mon, 10 Apr 2023 01:27:43 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Tang",
"Dengwang",
""
],
[
"Nayyar",
"Ashutosh",
""
],
[
"Jain",
"Rahul",
""
]
] | TITLE: A Novel Point-based Algorithm for Multi-agent Control Using the Common
Information Approach
ABSTRACT: The Common Information (CI) approach provides a systematic way to transform a
multi-agent stochastic control problem to a single-agent partially observed
Markov decision problem (POMDP) called the coordinator's POMDP. However, such a
POMDP can be hard to solve due to its extraordinarily large action space. We
propose a new algorithm for multi-agent stochastic control problems, called
coordinator's heuristic search value iteration (CHSVI), that combines the CI
approach and point-based POMDP algorithms for large action spaces. We
demonstrate the algorithm through optimally solving several benchmark problems.
| no_new_dataset | 0.946399 |
2304.04358 | Hongjin Qian | Hongjing Qian, Yutao Zhu, Zhicheng Dou, Haoqi Gu, Xinyu Zhang, Zheng
Liu, Ruofei Lai, Zhao Cao, Jian-Yun Nie and Ji-Rong Wen | WebBrain: Learning to Generate Factually Correct Articles for Queries by
Grounding on Large Web Corpus | Codes in https://github.com/qhjqhj00/WebBrain | null | null | null | cs.CL cs.AI | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | In this paper, we introduce a new NLP task -- generating short factual
articles with references for queries by mining supporting evidence from the
Web. In this task, called WebBrain, the ultimate goal is to generate a fluent,
informative, and factually-correct short article (e.g., a Wikipedia article)
for a factual query unseen in Wikipedia. To enable experiments on WebBrain, we
construct a large-scale dataset WebBrain-Raw by extracting English Wikipedia
articles and their crawlable Wikipedia references. WebBrain-Raw is ten times
larger than the previous biggest peer dataset, which can greatly benefit the
research community. From WebBrain-Raw, we construct two task-specific datasets:
WebBrain-R and WebBrain-G, which are used to train in-domain retriever and
generator, respectively. Besides, we empirically analyze the performances of
the current state-of-the-art NLP techniques on WebBrain and introduce a new
framework ReGen, which enhances the generation factualness by improved evidence
retrieval and task-specific pre-training for generation. Experiment results
show that ReGen outperforms all baselines in both automatic and human
evaluations.
| [
{
"version": "v1",
"created": "Mon, 10 Apr 2023 02:55:48 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Qian",
"Hongjing",
""
],
[
"Zhu",
"Yutao",
""
],
[
"Dou",
"Zhicheng",
""
],
[
"Gu",
"Haoqi",
""
],
[
"Zhang",
"Xinyu",
""
],
[
"Liu",
"Zheng",
""
],
[
"Lai",
"Ruofei",
""
],
[
"Cao",
"Zhao",
""
],
[
"Nie",
"Jian-Yun",
""
],
[
"Wen",
"Ji-Rong",
""
]
] | TITLE: WebBrain: Learning to Generate Factually Correct Articles for Queries by
Grounding on Large Web Corpus
ABSTRACT: In this paper, we introduce a new NLP task -- generating short factual
articles with references for queries by mining supporting evidence from the
Web. In this task, called WebBrain, the ultimate goal is to generate a fluent,
informative, and factually-correct short article (e.g., a Wikipedia article)
for a factual query unseen in Wikipedia. To enable experiments on WebBrain, we
construct a large-scale dataset WebBrain-Raw by extracting English Wikipedia
articles and their crawlable Wikipedia references. WebBrain-Raw is ten times
larger than the previous biggest peer dataset, which can greatly benefit the
research community. From WebBrain-Raw, we construct two task-specific datasets:
WebBrain-R and WebBrain-G, which are used to train in-domain retriever and
generator, respectively. Besides, we empirically analyze the performances of
the current state-of-the-art NLP techniques on WebBrain and introduce a new
framework ReGen, which enhances the generation factualness by improved evidence
retrieval and task-specific pre-training for generation. Experiment results
show that ReGen outperforms all baselines in both automatic and human
evaluations.
| new_dataset | 0.961642 |
2304.04362 | Yulun Tian | Yulun Tian, Yun Chang, Long Quang, Arthur Schang, Carlos Nieto-Granda,
Jonathan P. How, Luca Carlone | Resilient and Distributed Multi-Robot Visual SLAM: Datasets,
Experiments, and Lessons Learned | 8 pages, 9 figures | null | null | null | cs.RO | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | This paper revisits Kimera-Multi, a distributed multi-robot Simultaneous
Localization and Mapping (SLAM) system, towards the goal of deployment in the
real world. In particular, this paper has three main contributions. First, we
describe improvements to Kimera-Multi to make it resilient to large-scale
real-world deployments, with particular emphasis on handling intermittent and
unreliable communication. Second, we collect and release challenging
multi-robot benchmarking datasets obtained during live experiments conducted on
the MIT campus, with accurate reference trajectories and maps for evaluation.
The datasets include up to 8 robots traversing long distances (up to 8 km) and
feature many challenging elements such as severe visual ambiguities (e.g., in
underground tunnels and hallways), mixed indoor and outdoor trajectories with
different lighting conditions, and dynamic entities (e.g., pedestrians and
cars). Lastly, we evaluate the resilience of Kimera-Multi under different
communication scenarios, and provide a quantitative comparison with a
centralized baseline system. Based on the results from both live experiments
and subsequent analysis, we discuss the strengths and weaknesses of
Kimera-Multi, and suggest future directions for both algorithm and system
design. We release the source code of Kimera-Multi and all datasets to
facilitate further research towards the reliable real-world deployment of
multi-robot SLAM systems.
| [
{
"version": "v1",
"created": "Mon, 10 Apr 2023 03:06:11 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Tian",
"Yulun",
""
],
[
"Chang",
"Yun",
""
],
[
"Quang",
"Long",
""
],
[
"Schang",
"Arthur",
""
],
[
"Nieto-Granda",
"Carlos",
""
],
[
"How",
"Jonathan P.",
""
],
[
"Carlone",
"Luca",
""
]
] | TITLE: Resilient and Distributed Multi-Robot Visual SLAM: Datasets,
Experiments, and Lessons Learned
ABSTRACT: This paper revisits Kimera-Multi, a distributed multi-robot Simultaneous
Localization and Mapping (SLAM) system, towards the goal of deployment in the
real world. In particular, this paper has three main contributions. First, we
describe improvements to Kimera-Multi to make it resilient to large-scale
real-world deployments, with particular emphasis on handling intermittent and
unreliable communication. Second, we collect and release challenging
multi-robot benchmarking datasets obtained during live experiments conducted on
the MIT campus, with accurate reference trajectories and maps for evaluation.
The datasets include up to 8 robots traversing long distances (up to 8 km) and
feature many challenging elements such as severe visual ambiguities (e.g., in
underground tunnels and hallways), mixed indoor and outdoor trajectories with
different lighting conditions, and dynamic entities (e.g., pedestrians and
cars). Lastly, we evaluate the resilience of Kimera-Multi under different
communication scenarios, and provide a quantitative comparison with a
centralized baseline system. Based on the results from both live experiments
and subsequent analysis, we discuss the strengths and weaknesses of
Kimera-Multi, and suggest future directions for both algorithm and system
design. We release the source code of Kimera-Multi and all datasets to
facilitate further research towards the reliable real-world deployment of
multi-robot SLAM systems.
| new_dataset | 0.758063 |
2304.04368 | Wenyun Li | Wenyun Li, Guo Zhong, Xingyu Lu, Chi-Man Pun | Locality Preserving Multiview Graph Hashing for Large Scale Remote
Sensing Image Search | 5 pages,icassp accepted | null | null | null | cs.CV | http://creativecommons.org/licenses/by-sa/4.0/ | Hashing is very popular for remote sensing image search. This article
proposes a multiview hashing with learnable parameters to retrieve the queried
images for a large-scale remote sensing dataset. Existing methods always
neglect that real-world remote sensing data lies on a low-dimensional manifold
embedded in high-dimensional ambient space. Unlike previous methods, this
article proposes to learn the consensus compact codes in a view-specific
low-dimensional subspace. Furthermore, we have added a hyperparameter learnable
module to avoid complex parameter tuning. In order to prove the effectiveness
of our method, we carried out experiments on three widely used remote sensing
data sets and compared them with seven state-of-the-art methods. Extensive
experiments show that the proposed method can achieve competitive results
compared to the other method.
| [
{
"version": "v1",
"created": "Mon, 10 Apr 2023 03:39:30 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Li",
"Wenyun",
""
],
[
"Zhong",
"Guo",
""
],
[
"Lu",
"Xingyu",
""
],
[
"Pun",
"Chi-Man",
""
]
] | TITLE: Locality Preserving Multiview Graph Hashing for Large Scale Remote
Sensing Image Search
ABSTRACT: Hashing is very popular for remote sensing image search. This article
proposes a multiview hashing with learnable parameters to retrieve the queried
images for a large-scale remote sensing dataset. Existing methods always
neglect that real-world remote sensing data lies on a low-dimensional manifold
embedded in high-dimensional ambient space. Unlike previous methods, this
article proposes to learn the consensus compact codes in a view-specific
low-dimensional subspace. Furthermore, we have added a hyperparameter learnable
module to avoid complex parameter tuning. In order to prove the effectiveness
of our method, we carried out experiments on three widely used remote sensing
data sets and compared them with seven state-of-the-art methods. Extensive
experiments show that the proposed method can achieve competitive results
compared to the other method.
| no_new_dataset | 0.950088 |
2304.04376 | Weijia Wu | Weijia Wu, Yuzhong Zhao, Zhuang Li, Jiahong Li, Mike Zheng Shou,
Umapada Pal, Dimosthenis Karatzas, Xiang Bai | ICDAR 2023 Video Text Reading Competition for Dense and Small Text | null | ICDAR 2023 competition | null | null | cs.CV | http://creativecommons.org/licenses/by/4.0/ | Recently, video text detection, tracking, and recognition in natural scenes
are becoming very popular in the computer vision community. However, most
existing algorithms and benchmarks focus on common text cases (e.g., normal
size, density) and single scenarios, while ignoring extreme video text
challenges, i.e., dense and small text in various scenarios. In this
competition report, we establish a video text reading benchmark, DSText, which
focuses on dense and small text reading challenges in the video with various
scenarios. Compared with the previous datasets, the proposed dataset mainly
include three new challenges: 1) Dense video texts, a new challenge for video
text spotter. 2) High-proportioned small texts. 3) Various new scenarios, e.g.,
Game, sports, etc. The proposed DSText includes 100 video clips from 12 open
scenarios, supporting two tasks (i.e., video text tracking (Task 1) and
end-to-end video text spotting (Task 2)). During the competition period (opened
on 15th February 2023 and closed on 20th March 2023), a total of 24 teams
participated in the three proposed tasks with around 30 valid submissions,
respectively. In this article, we describe detailed statistical information of
the dataset, tasks, evaluation protocols and the results summaries of the ICDAR
2023 on DSText competition. Moreover, we hope the benchmark will promise video
text research in the community.
| [
{
"version": "v1",
"created": "Mon, 10 Apr 2023 04:20:34 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Wu",
"Weijia",
""
],
[
"Zhao",
"Yuzhong",
""
],
[
"Li",
"Zhuang",
""
],
[
"Li",
"Jiahong",
""
],
[
"Shou",
"Mike Zheng",
""
],
[
"Pal",
"Umapada",
""
],
[
"Karatzas",
"Dimosthenis",
""
],
[
"Bai",
"Xiang",
""
]
] | TITLE: ICDAR 2023 Video Text Reading Competition for Dense and Small Text
ABSTRACT: Recently, video text detection, tracking, and recognition in natural scenes
are becoming very popular in the computer vision community. However, most
existing algorithms and benchmarks focus on common text cases (e.g., normal
size, density) and single scenarios, while ignoring extreme video text
challenges, i.e., dense and small text in various scenarios. In this
competition report, we establish a video text reading benchmark, DSText, which
focuses on dense and small text reading challenges in the video with various
scenarios. Compared with the previous datasets, the proposed dataset mainly
include three new challenges: 1) Dense video texts, a new challenge for video
text spotter. 2) High-proportioned small texts. 3) Various new scenarios, e.g.,
Game, sports, etc. The proposed DSText includes 100 video clips from 12 open
scenarios, supporting two tasks (i.e., video text tracking (Task 1) and
end-to-end video text spotting (Task 2)). During the competition period (opened
on 15th February 2023 and closed on 20th March 2023), a total of 24 teams
participated in the three proposed tasks with around 30 valid submissions,
respectively. In this article, we describe detailed statistical information of
the dataset, tasks, evaluation protocols and the results summaries of the ICDAR
2023 on DSText competition. Moreover, we hope the benchmark will promise video
text research in the community.
| new_dataset | 0.97066 |
2304.04386 | Nitish Shukla | Nitish Shukla, Sudipta Banerjee | Generating Adversarial Attacks in the Latent Space | null | null | null | null | cs.LG cs.CR cs.CV | http://creativecommons.org/licenses/by/4.0/ | Adversarial attacks in the input (pixel) space typically incorporate noise
margins such as $L_1$ or $L_{\infty}$-norm to produce imperceptibly perturbed
data that confound deep learning networks. Such noise margins confine the
magnitude of permissible noise. In this work, we propose injecting adversarial
perturbations in the latent (feature) space using a generative adversarial
network, removing the need for margin-based priors. Experiments on MNIST,
CIFAR10, Fashion-MNIST, CIFAR100 and Stanford Dogs datasets support the
effectiveness of the proposed method in generating adversarial attacks in the
latent space while ensuring a high degree of visual realism with respect to
pixel-based adversarial attack methods.
| [
{
"version": "v1",
"created": "Mon, 10 Apr 2023 05:11:59 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Shukla",
"Nitish",
""
],
[
"Banerjee",
"Sudipta",
""
]
] | TITLE: Generating Adversarial Attacks in the Latent Space
ABSTRACT: Adversarial attacks in the input (pixel) space typically incorporate noise
margins such as $L_1$ or $L_{\infty}$-norm to produce imperceptibly perturbed
data that confound deep learning networks. Such noise margins confine the
magnitude of permissible noise. In this work, we propose injecting adversarial
perturbations in the latent (feature) space using a generative adversarial
network, removing the need for margin-based priors. Experiments on MNIST,
CIFAR10, Fashion-MNIST, CIFAR100 and Stanford Dogs datasets support the
effectiveness of the proposed method in generating adversarial attacks in the
latent space while ensuring a high degree of visual realism with respect to
pixel-based adversarial attack methods.
| no_new_dataset | 0.955068 |
2304.04387 | Pengzhan Zhao | Pengzhan Zhao, Xiongfei Wu, Zhuo Li, Jianjun Zhao | QChecker: Detecting Bugs in Quantum Programs via Static Analysis | This paper will be appeared in the proceedings of the 4th
International Workshop on Quantum Software Engineering (Q-SE 2023) on May 14,
2023 | null | null | null | cs.SE cs.PL | http://creativecommons.org/licenses/by/4.0/ | Static analysis is the process of analyzing software code without executing
the software. It can help find bugs and potential problems in software that may
only appear at runtime. Although many static analysis tools have been developed
for classical software, due to the nature of quantum programs, these existing
tools are unsuitable for analyzing quantum programs. This paper presents
QChecker, a static analysis tool that supports finding bugs in quantum programs
in Qiskit. QChecker consists of two main modules: a module for extracting
program information based on abstract syntax tree (AST), and a module for
detecting bugs based on patterns. We evaluate the performance of QChecker using
the Bugs4Q benchmark. The evaluation results show that QChecker can effectively
detect various bugs in quantum programs.
| [
{
"version": "v1",
"created": "Mon, 10 Apr 2023 05:15:34 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Zhao",
"Pengzhan",
""
],
[
"Wu",
"Xiongfei",
""
],
[
"Li",
"Zhuo",
""
],
[
"Zhao",
"Jianjun",
""
]
] | TITLE: QChecker: Detecting Bugs in Quantum Programs via Static Analysis
ABSTRACT: Static analysis is the process of analyzing software code without executing
the software. It can help find bugs and potential problems in software that may
only appear at runtime. Although many static analysis tools have been developed
for classical software, due to the nature of quantum programs, these existing
tools are unsuitable for analyzing quantum programs. This paper presents
QChecker, a static analysis tool that supports finding bugs in quantum programs
in Qiskit. QChecker consists of two main modules: a module for extracting
program information based on abstract syntax tree (AST), and a module for
detecting bugs based on patterns. We evaluate the performance of QChecker using
the Bugs4Q benchmark. The evaluation results show that QChecker can effectively
detect various bugs in quantum programs.
| no_new_dataset | 0.929824 |
2304.04407 | Xianghong Xu | Xianghong Xu, Zhibing Zhao, Tieying Zhang, Rong Kang, Luming Sun,
Jianjun Chen, | COOOL: A Learning-To-Rank Approach for SQL Hint Recommendations | null | null | null | null | cs.DB | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Query optimization is a pivotal part of every database management system
(DBMS) since it determines the efficiency of query execution. Numerous works
have introduced Machine Learning (ML) techniques to cost modeling, cardinality
estimation, and end-to-end learned optimizer, but few of them are proven
practical due to long training time, lack of interpretability, and integration
cost. A recent study provides a practical method to optimize queries by
recommending per-query hints but it suffers from two inherited problems. First,
it follows the regression framework to predict the absolute latency of each
query plan, which is very challenging because the latencies of query plans for
a certain query may span multiple orders of magnitude. Second, it requires
training a model for each dataset, which restricts the application of the
trained models in practice. In this paper, we propose COOOL to predict Cost
Orders of query plans to cOOperate with DBMS by Learning-To-Rank. Instead of
estimating absolute costs, COOOL uses ranking-based approaches to compute
relative ranking scores of the costs of query plans. We show that COOOL is
theoretically valid to distinguish query plans with different latencies. We
implement COOOL on PostgreSQL, and extensive experiments on
join-order-benchmark and TPC-H data demonstrate that COOOL outperforms
PostgreSQL and state-of-the-art methods on single-dataset tasks as well as a
unified model for multiple-dataset tasks. Our experiments also shed some light
on why COOOL outperforms regression approaches from the representation learning
perspective, which may guide future research.
| [
{
"version": "v1",
"created": "Mon, 10 Apr 2023 06:34:50 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Xu",
"Xianghong",
""
],
[
"Zhao",
"Zhibing",
""
],
[
"Zhang",
"Tieying",
""
],
[
"Kang",
"Rong",
""
],
[
"Sun",
"Luming",
""
],
[
"Chen",
"Jianjun",
""
]
] | TITLE: COOOL: A Learning-To-Rank Approach for SQL Hint Recommendations
ABSTRACT: Query optimization is a pivotal part of every database management system
(DBMS) since it determines the efficiency of query execution. Numerous works
have introduced Machine Learning (ML) techniques to cost modeling, cardinality
estimation, and end-to-end learned optimizer, but few of them are proven
practical due to long training time, lack of interpretability, and integration
cost. A recent study provides a practical method to optimize queries by
recommending per-query hints but it suffers from two inherited problems. First,
it follows the regression framework to predict the absolute latency of each
query plan, which is very challenging because the latencies of query plans for
a certain query may span multiple orders of magnitude. Second, it requires
training a model for each dataset, which restricts the application of the
trained models in practice. In this paper, we propose COOOL to predict Cost
Orders of query plans to cOOperate with DBMS by Learning-To-Rank. Instead of
estimating absolute costs, COOOL uses ranking-based approaches to compute
relative ranking scores of the costs of query plans. We show that COOOL is
theoretically valid to distinguish query plans with different latencies. We
implement COOOL on PostgreSQL, and extensive experiments on
join-order-benchmark and TPC-H data demonstrate that COOOL outperforms
PostgreSQL and state-of-the-art methods on single-dataset tasks as well as a
unified model for multiple-dataset tasks. Our experiments also shed some light
on why COOOL outperforms regression approaches from the representation learning
perspective, which may guide future research.
| no_new_dataset | 0.943348 |
2304.04408 | Huiwei Lin | Huiwei Lin, Baoquan Zhang, Shanshan Feng, Xutao Li, Yunming Ye | PCR: Proxy-based Contrastive Replay for Online Class-Incremental
Continual Learning | To appear in CVPR 2023. 10 pages, 8 figures and 3 tables | Proceedings of the IEEE/CVF Conference on Computer Vision and
Pattern Recognition, 2023 | null | null | cs.CV cs.AI cs.LG | http://creativecommons.org/licenses/by/4.0/ | Online class-incremental continual learning is a specific task of continual
learning. It aims to continuously learn new classes from data stream and the
samples of data stream are seen only once, which suffers from the catastrophic
forgetting issue, i.e., forgetting historical knowledge of old classes.
Existing replay-based methods effectively alleviate this issue by saving and
replaying part of old data in a proxy-based or contrastive-based replay manner.
Although these two replay manners are effective, the former would incline to
new classes due to class imbalance issues, and the latter is unstable and hard
to converge because of the limited number of samples. In this paper, we conduct
a comprehensive analysis of these two replay manners and find that they can be
complementary. Inspired by this finding, we propose a novel replay-based method
called proxy-based contrastive replay (PCR). The key operation is to replace
the contrastive samples of anchors with corresponding proxies in the
contrastive-based way. It alleviates the phenomenon of catastrophic forgetting
by effectively addressing the imbalance issue, as well as keeps a faster
convergence of the model. We conduct extensive experiments on three real-world
benchmark datasets, and empirical results consistently demonstrate the
superiority of PCR over various state-of-the-art methods.
| [
{
"version": "v1",
"created": "Mon, 10 Apr 2023 06:35:19 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Lin",
"Huiwei",
""
],
[
"Zhang",
"Baoquan",
""
],
[
"Feng",
"Shanshan",
""
],
[
"Li",
"Xutao",
""
],
[
"Ye",
"Yunming",
""
]
] | TITLE: PCR: Proxy-based Contrastive Replay for Online Class-Incremental
Continual Learning
ABSTRACT: Online class-incremental continual learning is a specific task of continual
learning. It aims to continuously learn new classes from data stream and the
samples of data stream are seen only once, which suffers from the catastrophic
forgetting issue, i.e., forgetting historical knowledge of old classes.
Existing replay-based methods effectively alleviate this issue by saving and
replaying part of old data in a proxy-based or contrastive-based replay manner.
Although these two replay manners are effective, the former would incline to
new classes due to class imbalance issues, and the latter is unstable and hard
to converge because of the limited number of samples. In this paper, we conduct
a comprehensive analysis of these two replay manners and find that they can be
complementary. Inspired by this finding, we propose a novel replay-based method
called proxy-based contrastive replay (PCR). The key operation is to replace
the contrastive samples of anchors with corresponding proxies in the
contrastive-based way. It alleviates the phenomenon of catastrophic forgetting
by effectively addressing the imbalance issue, as well as keeps a faster
convergence of the model. We conduct extensive experiments on three real-world
benchmark datasets, and empirical results consistently demonstrate the
superiority of PCR over various state-of-the-art methods.
| no_new_dataset | 0.948917 |
2304.04437 | Tobias Baumgartner | Tobias Baumgartner and Stefanie Klatt | Monocular 3D Human Pose Estimation for Sports Broadcasts using Partial
Sports Field Registration | accept at "9th International Workshop on Computer Vision in Sports
(CVsports) at CVPR 2023" | null | null | null | cs.CV | http://creativecommons.org/licenses/by/4.0/ | The filming of sporting events projects and flattens the movement of athletes
in the world onto a 2D broadcast image. The pixel locations of joints in these
images can be detected with high validity. Recovering the actual 3D movement of
the limbs (kinematics) of the athletes requires lifting these 2D pixel
locations back into a third dimension, implying a certain scene geometry. The
well-known line markings of sports fields allow for the calibration of the
camera and for determining the actual geometry of the scene. Close-up shots of
athletes are required to extract detailed kinematics, which in turn obfuscates
the pertinent field markers for camera calibration. We suggest partial sports
field registration, which determines a set of scene-consistent camera
calibrations up to a single degree of freedom. Through joint optimization of 3D
pose estimation and camera calibration, we demonstrate the successful
extraction of 3D running kinematics on a 400m track. In this work, we combine
advances in 2D human pose estimation and camera calibration via partial sports
field registration to demonstrate an avenue for collecting valid large-scale
kinematic datasets. We generate a synthetic dataset of more than 10k images in
Unreal Engine 5 with different viewpoints, running styles, and body types, to
show the limitations of existing monocular 3D HPE methods. Synthetic data and
code are available at https://github.com/tobibaum/PartialSportsFieldReg_3DHPE.
| [
{
"version": "v1",
"created": "Mon, 10 Apr 2023 07:41:44 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Baumgartner",
"Tobias",
""
],
[
"Klatt",
"Stefanie",
""
]
] | TITLE: Monocular 3D Human Pose Estimation for Sports Broadcasts using Partial
Sports Field Registration
ABSTRACT: The filming of sporting events projects and flattens the movement of athletes
in the world onto a 2D broadcast image. The pixel locations of joints in these
images can be detected with high validity. Recovering the actual 3D movement of
the limbs (kinematics) of the athletes requires lifting these 2D pixel
locations back into a third dimension, implying a certain scene geometry. The
well-known line markings of sports fields allow for the calibration of the
camera and for determining the actual geometry of the scene. Close-up shots of
athletes are required to extract detailed kinematics, which in turn obfuscates
the pertinent field markers for camera calibration. We suggest partial sports
field registration, which determines a set of scene-consistent camera
calibrations up to a single degree of freedom. Through joint optimization of 3D
pose estimation and camera calibration, we demonstrate the successful
extraction of 3D running kinematics on a 400m track. In this work, we combine
advances in 2D human pose estimation and camera calibration via partial sports
field registration to demonstrate an avenue for collecting valid large-scale
kinematic datasets. We generate a synthetic dataset of more than 10k images in
Unreal Engine 5 with different viewpoints, running styles, and body types, to
show the limitations of existing monocular 3D HPE methods. Synthetic data and
code are available at https://github.com/tobibaum/PartialSportsFieldReg_3DHPE.
| new_dataset | 0.9549 |
2304.04442 | Boyang Li | Boyang Li and Yingqian Wang and Longguang Wang and Fei Zhang and Ting
Liu and Zaiping Lin and Wei An and Yulan Guo | Monte Carlo Linear Clustering with Single-Point Supervision is Enough
for Infrared Small Target Detection | null | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Single-frame infrared small target (SIRST) detection aims at separating small
targets from clutter backgrounds on infrared images. Recently, deep learning
based methods have achieved promising performance on SIRST detection, but at
the cost of a large amount of training data with expensive pixel-level
annotations. To reduce the annotation burden, we propose the first method to
achieve SIRST detection with single-point supervision. The core idea of this
work is to recover the per-pixel mask of each target from the given single
point label by using clustering approaches, which looks simple but is indeed
challenging since targets are always insalient and accompanied with background
clutters. To handle this issue, we introduce randomness to the clustering
process by adding noise to the input images, and then obtain much more reliable
pseudo masks by averaging the clustered results. Thanks to this "Monte Carlo"
clustering approach, our method can accurately recover pseudo masks and thus
turn arbitrary fully supervised SIRST detection networks into weakly supervised
ones with only single point annotation. Experiments on four datasets
demonstrate that our method can be applied to existing SIRST detection networks
to achieve comparable performance with their fully supervised counterparts,
which reveals that single-point supervision is strong enough for SIRST
detection. Our code will be available at:
https://github.com/YeRen123455/SIRST-Single-Point-Supervision.
| [
{
"version": "v1",
"created": "Mon, 10 Apr 2023 08:04:05 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Li",
"Boyang",
""
],
[
"Wang",
"Yingqian",
""
],
[
"Wang",
"Longguang",
""
],
[
"Zhang",
"Fei",
""
],
[
"Liu",
"Ting",
""
],
[
"Lin",
"Zaiping",
""
],
[
"An",
"Wei",
""
],
[
"Guo",
"Yulan",
""
]
] | TITLE: Monte Carlo Linear Clustering with Single-Point Supervision is Enough
for Infrared Small Target Detection
ABSTRACT: Single-frame infrared small target (SIRST) detection aims at separating small
targets from clutter backgrounds on infrared images. Recently, deep learning
based methods have achieved promising performance on SIRST detection, but at
the cost of a large amount of training data with expensive pixel-level
annotations. To reduce the annotation burden, we propose the first method to
achieve SIRST detection with single-point supervision. The core idea of this
work is to recover the per-pixel mask of each target from the given single
point label by using clustering approaches, which looks simple but is indeed
challenging since targets are always insalient and accompanied with background
clutters. To handle this issue, we introduce randomness to the clustering
process by adding noise to the input images, and then obtain much more reliable
pseudo masks by averaging the clustered results. Thanks to this "Monte Carlo"
clustering approach, our method can accurately recover pseudo masks and thus
turn arbitrary fully supervised SIRST detection networks into weakly supervised
ones with only single point annotation. Experiments on four datasets
demonstrate that our method can be applied to existing SIRST detection networks
to achieve comparable performance with their fully supervised counterparts,
which reveals that single-point supervision is strong enough for SIRST
detection. Our code will be available at:
https://github.com/YeRen123455/SIRST-Single-Point-Supervision.
| no_new_dataset | 0.951142 |
2304.04446 | Jinxian Liu | Jinxian Liu, Ye Chen, Bingbing Ni, Jiyao Mao, Zhenbo Yu | Inferring Fluid Dynamics via Inverse Rendering | null | null | null | null | cs.CV cs.GR | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Humans have a strong intuitive understanding of physical processes such as
fluid falling by just a glimpse of such a scene picture, i.e., quickly derived
from our immersive visual experiences in memory. This work achieves such a
photo-to-fluid-dynamics reconstruction functionality learned from unannotated
videos, without any supervision of ground-truth fluid dynamics. In a nutshell,
a differentiable Euler simulator modeled with a ConvNet-based pressure
projection solver, is integrated with a volumetric renderer, supporting
end-to-end/coherent differentiable dynamic simulation and rendering. By
endowing each sampled point with a fluid volume value, we derive a NeRF-like
differentiable renderer dedicated from fluid data; and thanks to this
volume-augmented representation, fluid dynamics could be inversely inferred
from the error signal between the rendered result and ground-truth video frame
(i.e., inverse rendering). Experiments on our generated Fluid Fall datasets and
DPI Dam Break dataset are conducted to demonstrate both effectiveness and
generalization ability of our method.
| [
{
"version": "v1",
"created": "Mon, 10 Apr 2023 08:23:17 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Liu",
"Jinxian",
""
],
[
"Chen",
"Ye",
""
],
[
"Ni",
"Bingbing",
""
],
[
"Mao",
"Jiyao",
""
],
[
"Yu",
"Zhenbo",
""
]
] | TITLE: Inferring Fluid Dynamics via Inverse Rendering
ABSTRACT: Humans have a strong intuitive understanding of physical processes such as
fluid falling by just a glimpse of such a scene picture, i.e., quickly derived
from our immersive visual experiences in memory. This work achieves such a
photo-to-fluid-dynamics reconstruction functionality learned from unannotated
videos, without any supervision of ground-truth fluid dynamics. In a nutshell,
a differentiable Euler simulator modeled with a ConvNet-based pressure
projection solver, is integrated with a volumetric renderer, supporting
end-to-end/coherent differentiable dynamic simulation and rendering. By
endowing each sampled point with a fluid volume value, we derive a NeRF-like
differentiable renderer dedicated from fluid data; and thanks to this
volume-augmented representation, fluid dynamics could be inversely inferred
from the error signal between the rendered result and ground-truth video frame
(i.e., inverse rendering). Experiments on our generated Fluid Fall datasets and
DPI Dam Break dataset are conducted to demonstrate both effectiveness and
generalization ability of our method.
| no_new_dataset | 0.651133 |
2304.04461 | Agus Gunawan | Agus Gunawan, Soo Ye Kim, Hyeonjun Sim, Jae-Ho Lee, Munchurl Kim | Modernizing Old Photos Using Multiple References via Photorealistic
Style Transfer | Accepted to CVPR 2023. Website:
https://kaist-viclab.github.io/old-photo-modernization | null | null | null | cs.CV cs.GR | http://creativecommons.org/licenses/by/4.0/ | This paper firstly presents old photo modernization using multiple references
by performing stylization and enhancement in a unified manner. In order to
modernize old photos, we propose a novel multi-reference-based old photo
modernization (MROPM) framework consisting of a network MROPM-Net and a novel
synthetic data generation scheme. MROPM-Net stylizes old photos using multiple
references via photorealistic style transfer (PST) and further enhances the
results to produce modern-looking images. Meanwhile, the synthetic data
generation scheme trains the network to effectively utilize multiple references
to perform modernization. To evaluate the performance, we propose a new old
photos benchmark dataset (CHD) consisting of diverse natural indoor and outdoor
scenes. Extensive experiments show that the proposed method outperforms other
baselines in performing modernization on real old photos, even though no old
photos were used during training. Moreover, our method can appropriately select
styles from multiple references for each semantic region in the old photo to
further improve the modernization performance.
| [
{
"version": "v1",
"created": "Mon, 10 Apr 2023 09:01:20 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Gunawan",
"Agus",
""
],
[
"Kim",
"Soo Ye",
""
],
[
"Sim",
"Hyeonjun",
""
],
[
"Lee",
"Jae-Ho",
""
],
[
"Kim",
"Munchurl",
""
]
] | TITLE: Modernizing Old Photos Using Multiple References via Photorealistic
Style Transfer
ABSTRACT: This paper firstly presents old photo modernization using multiple references
by performing stylization and enhancement in a unified manner. In order to
modernize old photos, we propose a novel multi-reference-based old photo
modernization (MROPM) framework consisting of a network MROPM-Net and a novel
synthetic data generation scheme. MROPM-Net stylizes old photos using multiple
references via photorealistic style transfer (PST) and further enhances the
results to produce modern-looking images. Meanwhile, the synthetic data
generation scheme trains the network to effectively utilize multiple references
to perform modernization. To evaluate the performance, we propose a new old
photos benchmark dataset (CHD) consisting of diverse natural indoor and outdoor
scenes. Extensive experiments show that the proposed method outperforms other
baselines in performing modernization on real old photos, even though no old
photos were used during training. Moreover, our method can appropriately select
styles from multiple references for each semantic region in the old photo to
further improve the modernization performance.
| new_dataset | 0.950641 |
2304.04462 | Weisong Zhao | Weisong Zhao, Xiangyu Zhu, Kaiwen Guo, Xiao-Yu Zhang, Zhen Lei | Grouped Knowledge Distillation for Deep Face Recognition | 9 pages, 2 figures, 7 tables, accepted by AAAI 2023 | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Compared with the feature-based distillation methods, logits distillation can
liberalize the requirements of consistent feature dimension between teacher and
student networks, while the performance is deemed inferior in face recognition.
One major challenge is that the light-weight student network has difficulty
fitting the target logits due to its low model capacity, which is attributed to
the significant number of identities in face recognition. Therefore, we seek to
probe the target logits to extract the primary knowledge related to face
identity, and discard the others, to make the distillation more achievable for
the student network. Specifically, there is a tail group with near-zero values
in the prediction, containing minor knowledge for distillation. To provide a
clear perspective of its impact, we first partition the logits into two groups,
i.e., Primary Group and Secondary Group, according to the cumulative
probability of the softened prediction. Then, we reorganize the Knowledge
Distillation (KD) loss of grouped logits into three parts, i.e., Primary-KD,
Secondary-KD, and Binary-KD. Primary-KD refers to distilling the primary
knowledge from the teacher, Secondary-KD aims to refine minor knowledge but
increases the difficulty of distillation, and Binary-KD ensures the consistency
of knowledge distribution between teacher and student. We experimentally found
that (1) Primary-KD and Binary-KD are indispensable for KD, and (2)
Secondary-KD is the culprit restricting KD at the bottleneck. Therefore, we
propose a Grouped Knowledge Distillation (GKD) that retains the Primary-KD and
Binary-KD but omits Secondary-KD in the ultimate KD loss calculation. Extensive
experimental results on popular face recognition benchmarks demonstrate the
superiority of proposed GKD over state-of-the-art methods.
| [
{
"version": "v1",
"created": "Mon, 10 Apr 2023 09:04:38 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Zhao",
"Weisong",
""
],
[
"Zhu",
"Xiangyu",
""
],
[
"Guo",
"Kaiwen",
""
],
[
"Zhang",
"Xiao-Yu",
""
],
[
"Lei",
"Zhen",
""
]
] | TITLE: Grouped Knowledge Distillation for Deep Face Recognition
ABSTRACT: Compared with the feature-based distillation methods, logits distillation can
liberalize the requirements of consistent feature dimension between teacher and
student networks, while the performance is deemed inferior in face recognition.
One major challenge is that the light-weight student network has difficulty
fitting the target logits due to its low model capacity, which is attributed to
the significant number of identities in face recognition. Therefore, we seek to
probe the target logits to extract the primary knowledge related to face
identity, and discard the others, to make the distillation more achievable for
the student network. Specifically, there is a tail group with near-zero values
in the prediction, containing minor knowledge for distillation. To provide a
clear perspective of its impact, we first partition the logits into two groups,
i.e., Primary Group and Secondary Group, according to the cumulative
probability of the softened prediction. Then, we reorganize the Knowledge
Distillation (KD) loss of grouped logits into three parts, i.e., Primary-KD,
Secondary-KD, and Binary-KD. Primary-KD refers to distilling the primary
knowledge from the teacher, Secondary-KD aims to refine minor knowledge but
increases the difficulty of distillation, and Binary-KD ensures the consistency
of knowledge distribution between teacher and student. We experimentally found
that (1) Primary-KD and Binary-KD are indispensable for KD, and (2)
Secondary-KD is the culprit restricting KD at the bottleneck. Therefore, we
propose a Grouped Knowledge Distillation (GKD) that retains the Primary-KD and
Binary-KD but omits Secondary-KD in the ultimate KD loss calculation. Extensive
experimental results on popular face recognition benchmarks demonstrate the
superiority of proposed GKD over state-of-the-art methods.
| no_new_dataset | 0.940953 |
2304.04472 | Daniel Ortega | Daniel Ortega, Sarina Meyer, Antje Schweitzer and Ngoc Thang Vu | Modeling Speaker-Listener Interaction for Backchannel Prediction | Published in IWSDS 2023 | null | null | null | cs.CL | http://creativecommons.org/licenses/by-nc-nd/4.0/ | We present our latest findings on backchannel modeling novelly motivated by
the canonical use of the minimal responses Yeah and Uh-huh in English and their
correspondent tokens in German, and the effect of encoding the speaker-listener
interaction. Backchanneling theories emphasize the active and continuous role
of the listener in the course of the conversation, their effects on the
speaker's subsequent talk, and the consequent dynamic speaker-listener
interaction. Therefore, we propose a neural-based acoustic backchannel
classifier on minimal responses by processing acoustic features from the
speaker speech, capturing and imitating listeners' backchanneling behavior, and
encoding speaker-listener interaction. Our experimental results on the
Switchboard and GECO datasets reveal that in almost all tested scenarios the
speaker or listener behavior embeddings help the model make more accurate
backchannel predictions. More importantly, a proper interaction encoding
strategy, i.e., combining the speaker and listener embeddings, leads to the
best performance on both datasets in terms of F1-score.
| [
{
"version": "v1",
"created": "Mon, 10 Apr 2023 09:22:06 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Ortega",
"Daniel",
""
],
[
"Meyer",
"Sarina",
""
],
[
"Schweitzer",
"Antje",
""
],
[
"Vu",
"Ngoc Thang",
""
]
] | TITLE: Modeling Speaker-Listener Interaction for Backchannel Prediction
ABSTRACT: We present our latest findings on backchannel modeling novelly motivated by
the canonical use of the minimal responses Yeah and Uh-huh in English and their
correspondent tokens in German, and the effect of encoding the speaker-listener
interaction. Backchanneling theories emphasize the active and continuous role
of the listener in the course of the conversation, their effects on the
speaker's subsequent talk, and the consequent dynamic speaker-listener
interaction. Therefore, we propose a neural-based acoustic backchannel
classifier on minimal responses by processing acoustic features from the
speaker speech, capturing and imitating listeners' backchanneling behavior, and
encoding speaker-listener interaction. Our experimental results on the
Switchboard and GECO datasets reveal that in almost all tested scenarios the
speaker or listener behavior embeddings help the model make more accurate
backchannel predictions. More importantly, a proper interaction encoding
strategy, i.e., combining the speaker and listener embeddings, leads to the
best performance on both datasets in terms of F1-score.
| no_new_dataset | 0.948106 |
2304.04478 | Daniel Ortega | Daniel Ortega, Chia-Yu Li, Ngoc Thang Vu | Oh, Jeez! or Uh-huh? A Listener-aware Backchannel Predictor on ASR
Transcriptions | Published in ICASSP 2020 | null | null | null | cs.CL cs.SD eess.AS | http://creativecommons.org/licenses/by-nc-sa/4.0/ | This paper presents our latest investigation on modeling backchannel in
conversations. Motivated by a proactive backchanneling theory, we aim at
developing a system which acts as a proactive listener by inserting
backchannels, such as continuers and assessment, to influence speakers. Our
model takes into account not only lexical and acoustic cues, but also
introduces the simple and novel idea of using listener embeddings to mimic
different backchanneling behaviours. Our experimental results on the
Switchboard benchmark dataset reveal that acoustic cues are more important than
lexical cues in this task and their combination with listener embeddings works
best on both, manual transcriptions and automatically generated transcriptions.
| [
{
"version": "v1",
"created": "Mon, 10 Apr 2023 09:33:29 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Ortega",
"Daniel",
""
],
[
"Li",
"Chia-Yu",
""
],
[
"Vu",
"Ngoc Thang",
""
]
] | TITLE: Oh, Jeez! or Uh-huh? A Listener-aware Backchannel Predictor on ASR
Transcriptions
ABSTRACT: This paper presents our latest investigation on modeling backchannel in
conversations. Motivated by a proactive backchanneling theory, we aim at
developing a system which acts as a proactive listener by inserting
backchannels, such as continuers and assessment, to influence speakers. Our
model takes into account not only lexical and acoustic cues, but also
introduces the simple and novel idea of using listener embeddings to mimic
different backchanneling behaviours. Our experimental results on the
Switchboard benchmark dataset reveal that acoustic cues are more important than
lexical cues in this task and their combination with listener embeddings works
best on both, manual transcriptions and automatically generated transcriptions.
| no_new_dataset | 0.948251 |
2304.04503 | Pau Gall\'es Ravent\'os | Pau Gall\'es, Xi Chen | Head-tail Loss: A simple function for Oriented Object Detection and
Anchor-free models | null | null | null | null | cs.CV cs.AI cs.LG | http://creativecommons.org/licenses/by-nc-sa/4.0/ | This paper presents a new loss function for the prediction of oriented
bounding boxes, named head-tail-loss. The loss function consists in minimizing
the distance between the prediction and the annotation of two key points that
are representing the annotation of the object. The first point is the center
point and the second is the head of the object. However, for the second point,
the minimum distance between the prediction and either the head or tail of the
groundtruth is used. On this way, either prediction is valid (with the head
pointing to the tail or the tail pointing to the head). At the end the
importance is to detect the direction of the object but not its heading. The
new loss function has been evaluated on the DOTA and HRSC2016 datasets and has
shown potential for elongated objects such as ships and also for other types of
objects with different shapes.
| [
{
"version": "v1",
"created": "Mon, 10 Apr 2023 10:46:12 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Gallés",
"Pau",
""
],
[
"Chen",
"Xi",
""
]
] | TITLE: Head-tail Loss: A simple function for Oriented Object Detection and
Anchor-free models
ABSTRACT: This paper presents a new loss function for the prediction of oriented
bounding boxes, named head-tail-loss. The loss function consists in minimizing
the distance between the prediction and the annotation of two key points that
are representing the annotation of the object. The first point is the center
point and the second is the head of the object. However, for the second point,
the minimum distance between the prediction and either the head or tail of the
groundtruth is used. On this way, either prediction is valid (with the head
pointing to the tail or the tail pointing to the head). At the end the
importance is to detect the direction of the object but not its heading. The
new loss function has been evaluated on the DOTA and HRSC2016 datasets and has
shown potential for elongated objects such as ships and also for other types of
objects with different shapes.
| no_new_dataset | 0.949856 |
2304.04514 | Jianhua Han | Lewei Yao, Jianhua Han, Xiaodan Liang, Dan Xu, Wei Zhang, Zhenguo Li,
Hang Xu | DetCLIPv2: Scalable Open-Vocabulary Object Detection Pre-training via
Word-Region Alignment | Accepted to CVPR2023 | null | null | null | cs.CV | http://creativecommons.org/licenses/by-nc-sa/4.0/ | This paper presents DetCLIPv2, an efficient and scalable training framework
that incorporates large-scale image-text pairs to achieve open-vocabulary
object detection (OVD). Unlike previous OVD frameworks that typically rely on a
pre-trained vision-language model (e.g., CLIP) or exploit image-text pairs via
a pseudo labeling process, DetCLIPv2 directly learns the fine-grained
word-region alignment from massive image-text pairs in an end-to-end manner. To
accomplish this, we employ a maximum word-region similarity between region
proposals and textual words to guide the contrastive objective. To enable the
model to gain localization capability while learning broad concepts, DetCLIPv2
is trained with a hybrid supervision from detection, grounding and image-text
pair data under a unified data formulation. By jointly training with an
alternating scheme and adopting low-resolution input for image-text pairs,
DetCLIPv2 exploits image-text pair data efficiently and effectively: DetCLIPv2
utilizes 13X more image-text pairs than DetCLIP with a similar training time
and improves performance. With 13M image-text pairs for pre-training, DetCLIPv2
demonstrates superior open-vocabulary detection performance, e.g., DetCLIPv2
with Swin-T backbone achieves 40.4% zero-shot AP on the LVIS benchmark, which
outperforms previous works GLIP/GLIPv2/DetCLIP by 14.4/11.4/4.5% AP,
respectively, and even beats its fully-supervised counterpart by a large
margin.
| [
{
"version": "v1",
"created": "Mon, 10 Apr 2023 11:08:15 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Yao",
"Lewei",
""
],
[
"Han",
"Jianhua",
""
],
[
"Liang",
"Xiaodan",
""
],
[
"Xu",
"Dan",
""
],
[
"Zhang",
"Wei",
""
],
[
"Li",
"Zhenguo",
""
],
[
"Xu",
"Hang",
""
]
] | TITLE: DetCLIPv2: Scalable Open-Vocabulary Object Detection Pre-training via
Word-Region Alignment
ABSTRACT: This paper presents DetCLIPv2, an efficient and scalable training framework
that incorporates large-scale image-text pairs to achieve open-vocabulary
object detection (OVD). Unlike previous OVD frameworks that typically rely on a
pre-trained vision-language model (e.g., CLIP) or exploit image-text pairs via
a pseudo labeling process, DetCLIPv2 directly learns the fine-grained
word-region alignment from massive image-text pairs in an end-to-end manner. To
accomplish this, we employ a maximum word-region similarity between region
proposals and textual words to guide the contrastive objective. To enable the
model to gain localization capability while learning broad concepts, DetCLIPv2
is trained with a hybrid supervision from detection, grounding and image-text
pair data under a unified data formulation. By jointly training with an
alternating scheme and adopting low-resolution input for image-text pairs,
DetCLIPv2 exploits image-text pair data efficiently and effectively: DetCLIPv2
utilizes 13X more image-text pairs than DetCLIP with a similar training time
and improves performance. With 13M image-text pairs for pre-training, DetCLIPv2
demonstrates superior open-vocabulary detection performance, e.g., DetCLIPv2
with Swin-T backbone achieves 40.4% zero-shot AP on the LVIS benchmark, which
outperforms previous works GLIP/GLIPv2/DetCLIP by 14.4/11.4/4.5% AP,
respectively, and even beats its fully-supervised counterpart by a large
margin.
| no_new_dataset | 0.948822 |
2304.04515 | Wei Hua | Wei Hua, Dingkang Liang, Jingyu Li, Xiaolong Liu, Zhikang Zou,
Xiaoqing Ye, Xiang Bai | SOOD: Towards Semi-Supervised Oriented Object Detection | Accepted to CVPR 2023. Code will be available at
https://github.com/HamPerdredes/SOOD | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Semi-Supervised Object Detection (SSOD), aiming to explore unlabeled data for
boosting object detectors, has become an active task in recent years. However,
existing SSOD approaches mainly focus on horizontal objects, leaving
multi-oriented objects that are common in aerial images unexplored. This paper
proposes a novel Semi-supervised Oriented Object Detection model, termed SOOD,
built upon the mainstream pseudo-labeling framework. Towards oriented objects
in aerial scenes, we design two loss functions to provide better supervision.
Focusing on the orientations of objects, the first loss regularizes the
consistency between each pseudo-label-prediction pair (includes a prediction
and its corresponding pseudo label) with adaptive weights based on their
orientation gap. Focusing on the layout of an image, the second loss
regularizes the similarity and explicitly builds the many-to-many relation
between the sets of pseudo-labels and predictions. Such a global consistency
constraint can further boost semi-supervised learning. Our experiments show
that when trained with the two proposed losses, SOOD surpasses the
state-of-the-art SSOD methods under various settings on the DOTA-v1.5
benchmark. The code will be available at https://github.com/HamPerdredes/SOOD.
| [
{
"version": "v1",
"created": "Mon, 10 Apr 2023 11:10:42 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Hua",
"Wei",
""
],
[
"Liang",
"Dingkang",
""
],
[
"Li",
"Jingyu",
""
],
[
"Liu",
"Xiaolong",
""
],
[
"Zou",
"Zhikang",
""
],
[
"Ye",
"Xiaoqing",
""
],
[
"Bai",
"Xiang",
""
]
] | TITLE: SOOD: Towards Semi-Supervised Oriented Object Detection
ABSTRACT: Semi-Supervised Object Detection (SSOD), aiming to explore unlabeled data for
boosting object detectors, has become an active task in recent years. However,
existing SSOD approaches mainly focus on horizontal objects, leaving
multi-oriented objects that are common in aerial images unexplored. This paper
proposes a novel Semi-supervised Oriented Object Detection model, termed SOOD,
built upon the mainstream pseudo-labeling framework. Towards oriented objects
in aerial scenes, we design two loss functions to provide better supervision.
Focusing on the orientations of objects, the first loss regularizes the
consistency between each pseudo-label-prediction pair (includes a prediction
and its corresponding pseudo label) with adaptive weights based on their
orientation gap. Focusing on the layout of an image, the second loss
regularizes the similarity and explicitly builds the many-to-many relation
between the sets of pseudo-labels and predictions. Such a global consistency
constraint can further boost semi-supervised learning. Our experiments show
that when trained with the two proposed losses, SOOD surpasses the
state-of-the-art SSOD methods under various settings on the DOTA-v1.5
benchmark. The code will be available at https://github.com/HamPerdredes/SOOD.
| no_new_dataset | 0.949106 |
2304.04523 | Junnan Jiang | Yuyang Tu, Junnan Jiang, Shuang Li, Norman Hendrich, Miao Li, Jianwei
Zhang | PoseFusion: Robust Object-in-Hand Pose Estimation with SelectLSTM | null | null | null | null | cs.RO | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Accurate estimation of the relative pose between an object and a robot hand
is critical for many manipulation tasks. However, most of the existing
object-in-hand pose datasets use two-finger grippers and also assume that the
object remains fixed in the hand without any relative movements, which is not
representative of real-world scenarios. To address this issue, a 6D
object-in-hand pose dataset is proposed using a teleoperation method with an
anthropomorphic Shadow Dexterous hand. Our dataset comprises RGB-D images,
proprioception and tactile data, covering diverse grasping poses, finger
contact states, and object occlusions. To overcome the significant hand
occlusion and limited tactile sensor contact in real-world scenarios, we
propose PoseFusion, a hybrid multi-modal fusion approach that integrates the
information from visual and tactile perception channels. PoseFusion generates
three candidate object poses from three estimators (tactile only, visual only,
and visuo-tactile fusion), which are then filtered by a SelectLSTM network to
select the optimal pose, avoiding inferior fusion poses resulting from modality
collapse. Extensive experiments demonstrate the robustness and advantages of
our framework. All data and codes are available on the project website:
https://elevenjiang1.github.io/ObjectInHand-Dataset/
| [
{
"version": "v1",
"created": "Mon, 10 Apr 2023 11:38:52 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Tu",
"Yuyang",
""
],
[
"Jiang",
"Junnan",
""
],
[
"Li",
"Shuang",
""
],
[
"Hendrich",
"Norman",
""
],
[
"Li",
"Miao",
""
],
[
"Zhang",
"Jianwei",
""
]
] | TITLE: PoseFusion: Robust Object-in-Hand Pose Estimation with SelectLSTM
ABSTRACT: Accurate estimation of the relative pose between an object and a robot hand
is critical for many manipulation tasks. However, most of the existing
object-in-hand pose datasets use two-finger grippers and also assume that the
object remains fixed in the hand without any relative movements, which is not
representative of real-world scenarios. To address this issue, a 6D
object-in-hand pose dataset is proposed using a teleoperation method with an
anthropomorphic Shadow Dexterous hand. Our dataset comprises RGB-D images,
proprioception and tactile data, covering diverse grasping poses, finger
contact states, and object occlusions. To overcome the significant hand
occlusion and limited tactile sensor contact in real-world scenarios, we
propose PoseFusion, a hybrid multi-modal fusion approach that integrates the
information from visual and tactile perception channels. PoseFusion generates
three candidate object poses from three estimators (tactile only, visual only,
and visuo-tactile fusion), which are then filtered by a SelectLSTM network to
select the optimal pose, avoiding inferior fusion poses resulting from modality
collapse. Extensive experiments demonstrate the robustness and advantages of
our framework. All data and codes are available on the project website:
https://elevenjiang1.github.io/ObjectInHand-Dataset/
| new_dataset | 0.975809 |
2304.04529 | Xiaofeng Pan | Ming Li, Naiyin Liu, Xiaofeng Pan, Yang Huang, Ningning Li, Yingmin
Su, Chengjun Mao, and Bo Cao | FAN: Fatigue-Aware Network for Click-Through Rate Prediction in
E-commerce Recommendation | null | null | null | null | cs.IR cs.HC cs.LG | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Since clicks usually contain heavy noise, increasing research efforts have
been devoted to modeling implicit negative user behaviors (i.e., non-clicks).
However, they either rely on explicit negative user behaviors (e.g., dislikes)
or simply treat non-clicks as negative feedback, failing to learn negative user
interests comprehensively. In such situations, users may experience fatigue
because of seeing too many similar recommendations. In this paper, we propose
Fatigue-Aware Network (FAN), a novel CTR model that directly perceives user
fatigue from non-clicks. Specifically, we first apply Fourier Transformation to
the time series generated from non-clicks, obtaining its frequency spectrum
which contains comprehensive information about user fatigue. Then the frequency
spectrum is modulated by category information of the target item to model the
bias that both the upper bound of fatigue and users' patience is different for
different categories. Moreover, a gating network is adopted to model the
confidence of user fatigue and an auxiliary task is designed to guide the
learning of user fatigue, so we can obtain a well-learned fatigue
representation and combine it with user interests for the final CTR prediction.
Experimental results on real-world datasets validate the superiority of FAN and
online A/B tests also show FAN outperforms representative CTR models
significantly.
| [
{
"version": "v1",
"created": "Mon, 10 Apr 2023 11:58:42 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Li",
"Ming",
""
],
[
"Liu",
"Naiyin",
""
],
[
"Pan",
"Xiaofeng",
""
],
[
"Huang",
"Yang",
""
],
[
"Li",
"Ningning",
""
],
[
"Su",
"Yingmin",
""
],
[
"Mao",
"Chengjun",
""
],
[
"Cao",
"Bo",
""
]
] | TITLE: FAN: Fatigue-Aware Network for Click-Through Rate Prediction in
E-commerce Recommendation
ABSTRACT: Since clicks usually contain heavy noise, increasing research efforts have
been devoted to modeling implicit negative user behaviors (i.e., non-clicks).
However, they either rely on explicit negative user behaviors (e.g., dislikes)
or simply treat non-clicks as negative feedback, failing to learn negative user
interests comprehensively. In such situations, users may experience fatigue
because of seeing too many similar recommendations. In this paper, we propose
Fatigue-Aware Network (FAN), a novel CTR model that directly perceives user
fatigue from non-clicks. Specifically, we first apply Fourier Transformation to
the time series generated from non-clicks, obtaining its frequency spectrum
which contains comprehensive information about user fatigue. Then the frequency
spectrum is modulated by category information of the target item to model the
bias that both the upper bound of fatigue and users' patience is different for
different categories. Moreover, a gating network is adopted to model the
confidence of user fatigue and an auxiliary task is designed to guide the
learning of user fatigue, so we can obtain a well-learned fatigue
representation and combine it with user interests for the final CTR prediction.
Experimental results on real-world datasets validate the superiority of FAN and
online A/B tests also show FAN outperforms representative CTR models
significantly.
| no_new_dataset | 0.949106 |
2304.04537 | Ali Nazari | Mahsa Soleimani, Ali Nazari and Mohsen Ebrahimi Moghaddam | Deepfake Detection of Occluded Images Using a Patch-based Approach | null | null | null | null | cs.CV | http://creativecommons.org/licenses/by-nc-sa/4.0/ | DeepFake involves the use of deep learning and artificial intelligence
techniques to produce or change video and image contents typically generated by
GANs. Moreover, it can be misused and leads to fictitious news, ethical and
financial crimes, and also affects the performance of facial recognition
systems. Thus, detection of real or fake images is significant specially to
authenticate originality of people's images or videos. One of the most
important challenges in this topic is obstruction that decreases the system
precision. In this study, we present a deep learning approach using the entire
face and face patches to distinguish real/fake images in the presence of
obstruction with a three-path decision: first entire-face reasoning, second a
decision based on the concatenation of feature vectors of face patches, and
third a majority vote decision based on these features. To test our approach,
new datasets including real and fake images are created. For producing fake
images, StyleGAN and StyleGAN2 are trained by FFHQ images and also StarGAN and
PGGAN are trained by CelebA images. The CelebA and FFHQ datasets are used as
real images. The proposed approach reaches higher results in early epochs than
other methods and increases the SoTA results by 0.4\%-7.9\% in the different
built data-sets. Also, we have shown in experimental results that weighing the
patches may improve accuracy.
| [
{
"version": "v1",
"created": "Mon, 10 Apr 2023 12:12:14 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Soleimani",
"Mahsa",
""
],
[
"Nazari",
"Ali",
""
],
[
"Moghaddam",
"Mohsen Ebrahimi",
""
]
] | TITLE: Deepfake Detection of Occluded Images Using a Patch-based Approach
ABSTRACT: DeepFake involves the use of deep learning and artificial intelligence
techniques to produce or change video and image contents typically generated by
GANs. Moreover, it can be misused and leads to fictitious news, ethical and
financial crimes, and also affects the performance of facial recognition
systems. Thus, detection of real or fake images is significant specially to
authenticate originality of people's images or videos. One of the most
important challenges in this topic is obstruction that decreases the system
precision. In this study, we present a deep learning approach using the entire
face and face patches to distinguish real/fake images in the presence of
obstruction with a three-path decision: first entire-face reasoning, second a
decision based on the concatenation of feature vectors of face patches, and
third a majority vote decision based on these features. To test our approach,
new datasets including real and fake images are created. For producing fake
images, StyleGAN and StyleGAN2 are trained by FFHQ images and also StarGAN and
PGGAN are trained by CelebA images. The CelebA and FFHQ datasets are used as
real images. The proposed approach reaches higher results in early epochs than
other methods and increases the SoTA results by 0.4\%-7.9\% in the different
built data-sets. Also, we have shown in experimental results that weighing the
patches may improve accuracy.
| new_dataset | 0.962603 |
2304.04540 | Zhaowen Li | Zhaowen Li, Xu Zhao, Peigeng Ding, Zongxin Gao, Yuting Yang, Ming
Tang, Jinqiao Wang | FreConv: Frequency Branch-and-Integration Convolutional Networks | Accepted by ICME2023 | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Recent researches indicate that utilizing the frequency information of input
data can enhance the performance of networks. However, the existing popular
convolutional structure is not designed specifically for utilizing the
frequency information contained in datasets. In this paper, we propose a novel
and effective module, named FreConv (frequency branch-and-integration
convolution), to replace the vanilla convolution. FreConv adopts a dual-branch
architecture to extract and integrate high- and low-frequency information. In
the high-frequency branch, a derivative-filter-like architecture is designed to
extract the high-frequency information while a light extractor is employed in
the low-frequency branch because the low-frequency information is usually
redundant. FreConv is able to exploit the frequency information of input data
in a more reasonable way to enhance feature representation ability and reduce
the memory and computational cost significantly. Without any bells and
whistles, experimental results on various tasks demonstrate that
FreConv-equipped networks consistently outperform state-of-the-art baselines.
| [
{
"version": "v1",
"created": "Mon, 10 Apr 2023 12:24:14 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Li",
"Zhaowen",
""
],
[
"Zhao",
"Xu",
""
],
[
"Ding",
"Peigeng",
""
],
[
"Gao",
"Zongxin",
""
],
[
"Yang",
"Yuting",
""
],
[
"Tang",
"Ming",
""
],
[
"Wang",
"Jinqiao",
""
]
] | TITLE: FreConv: Frequency Branch-and-Integration Convolutional Networks
ABSTRACT: Recent researches indicate that utilizing the frequency information of input
data can enhance the performance of networks. However, the existing popular
convolutional structure is not designed specifically for utilizing the
frequency information contained in datasets. In this paper, we propose a novel
and effective module, named FreConv (frequency branch-and-integration
convolution), to replace the vanilla convolution. FreConv adopts a dual-branch
architecture to extract and integrate high- and low-frequency information. In
the high-frequency branch, a derivative-filter-like architecture is designed to
extract the high-frequency information while a light extractor is employed in
the low-frequency branch because the low-frequency information is usually
redundant. FreConv is able to exploit the frequency information of input data
in a more reasonable way to enhance feature representation ability and reduce
the memory and computational cost significantly. Without any bells and
whistles, experimental results on various tasks demonstrate that
FreConv-equipped networks consistently outperform state-of-the-art baselines.
| no_new_dataset | 0.950869 |
2304.04545 | Kuntai Cai | Kuntai Cai, Xiaokui Xiao, Graham Cormode | PrivLava: Synthesizing Relational Data with Foreign Keys under
Differential Privacy | This is an extended version of a SIGMOD 2023 paper | null | null | null | cs.DB | http://creativecommons.org/licenses/by/4.0/ | Answering database queries while preserving privacy is an important problem
that has attracted considerable research attention in recent years. A canonical
approach to this problem is to use synthetic data. That is, we replace the
input database R with a synthetic database R* that preserves the
characteristics of R, and use R* to answer queries. Existing solutions for
relational data synthesis, however, either fail to provide strong privacy
protection, or assume that R contains a single relation. In addition, it is
challenging to extend the existing single-relation solutions to the case of
multiple relations, because they are unable to model the complex correlations
induced by the foreign keys. Therefore, multi-relational data synthesis with
strong privacy guarantees is an open problem. In this paper, we address the
above open problem by proposing PrivLava, the first solution for synthesizing
relational data with foreign keys under differential privacy, a rigorous
privacy framework widely adopted in both academia and industry. The key idea of
PrivLava is to model the data distribution in R using graphical models, with
latent variables included to capture the inter-relational correlations caused
by foreign keys. We show that PrivLava supports arbitrary foreign key
references that form a directed acyclic graph, and is able to tackle the common
case when R contains a mixture of public and private relations. Extensive
experiments on census data sets and the TPC-H benchmark demonstrate that
PrivLava significantly outperforms its competitors in terms of the accuracy of
aggregate queries processed on the synthetic data.
| [
{
"version": "v1",
"created": "Mon, 10 Apr 2023 12:32:27 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Cai",
"Kuntai",
""
],
[
"Xiao",
"Xiaokui",
""
],
[
"Cormode",
"Graham",
""
]
] | TITLE: PrivLava: Synthesizing Relational Data with Foreign Keys under
Differential Privacy
ABSTRACT: Answering database queries while preserving privacy is an important problem
that has attracted considerable research attention in recent years. A canonical
approach to this problem is to use synthetic data. That is, we replace the
input database R with a synthetic database R* that preserves the
characteristics of R, and use R* to answer queries. Existing solutions for
relational data synthesis, however, either fail to provide strong privacy
protection, or assume that R contains a single relation. In addition, it is
challenging to extend the existing single-relation solutions to the case of
multiple relations, because they are unable to model the complex correlations
induced by the foreign keys. Therefore, multi-relational data synthesis with
strong privacy guarantees is an open problem. In this paper, we address the
above open problem by proposing PrivLava, the first solution for synthesizing
relational data with foreign keys under differential privacy, a rigorous
privacy framework widely adopted in both academia and industry. The key idea of
PrivLava is to model the data distribution in R using graphical models, with
latent variables included to capture the inter-relational correlations caused
by foreign keys. We show that PrivLava supports arbitrary foreign key
references that form a directed acyclic graph, and is able to tackle the common
case when R contains a mixture of public and private relations. Extensive
experiments on census data sets and the TPC-H benchmark demonstrate that
PrivLava significantly outperforms its competitors in terms of the accuracy of
aggregate queries processed on the synthetic data.
| no_new_dataset | 0.94801 |
2304.04567 | Yilong Yang | Yilong Yang, Srinandan Dasmahapatra, Sasan Mahmoodi | ADS_UNet: A Nested UNet for Histopathology Image Segmentation | To be published in Expert Systems With Applications | null | null | null | eess.IV cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | The UNet model consists of fully convolutional network (FCN) layers arranged
as contracting encoder and upsampling decoder maps. Nested arrangements of
these encoder and decoder maps give rise to extensions of the UNet model, such
as UNete and UNet++. Other refinements include constraining the outputs of the
convolutional layers to discriminate between segment labels when trained end to
end, a property called deep supervision. This reduces feature diversity in
these nested UNet models despite their large parameter space. Furthermore, for
texture segmentation, pixel correlations at multiple scales contribute to the
classification task; hence, explicit deep supervision of shallower layers is
likely to enhance performance. In this paper, we propose ADS UNet, a stage-wise
additive training algorithm that incorporates resource-efficient deep
supervision in shallower layers and takes performance-weighted combinations of
the sub-UNets to create the segmentation model. We provide empirical evidence
on three histopathology datasets to support the claim that the proposed ADS
UNet reduces correlations between constituent features and improves performance
while being more resource efficient. We demonstrate that ADS_UNet outperforms
state-of-the-art Transformer-based models by 1.08 and 0.6 points on CRAG and
BCSS datasets, and yet requires only 37% of GPU consumption and 34% of training
time as that required by Transformers.
| [
{
"version": "v1",
"created": "Mon, 10 Apr 2023 13:08:48 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Yang",
"Yilong",
""
],
[
"Dasmahapatra",
"Srinandan",
""
],
[
"Mahmoodi",
"Sasan",
""
]
] | TITLE: ADS_UNet: A Nested UNet for Histopathology Image Segmentation
ABSTRACT: The UNet model consists of fully convolutional network (FCN) layers arranged
as contracting encoder and upsampling decoder maps. Nested arrangements of
these encoder and decoder maps give rise to extensions of the UNet model, such
as UNete and UNet++. Other refinements include constraining the outputs of the
convolutional layers to discriminate between segment labels when trained end to
end, a property called deep supervision. This reduces feature diversity in
these nested UNet models despite their large parameter space. Furthermore, for
texture segmentation, pixel correlations at multiple scales contribute to the
classification task; hence, explicit deep supervision of shallower layers is
likely to enhance performance. In this paper, we propose ADS UNet, a stage-wise
additive training algorithm that incorporates resource-efficient deep
supervision in shallower layers and takes performance-weighted combinations of
the sub-UNets to create the segmentation model. We provide empirical evidence
on three histopathology datasets to support the claim that the proposed ADS
UNet reduces correlations between constituent features and improves performance
while being more resource efficient. We demonstrate that ADS_UNet outperforms
state-of-the-art Transformer-based models by 1.08 and 0.6 points on CRAG and
BCSS datasets, and yet requires only 37% of GPU consumption and 34% of training
time as that required by Transformers.
| no_new_dataset | 0.948346 |
2304.04581 | Ziyang Chen | Ziyang Chen, Yongsheng Pan, Yong Xia | Reconstruction-driven Dynamic Refinement based Unsupervised Domain
Adaptation for Joint Optic Disc and Cup Segmentation | null | null | null | null | eess.IV cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Glaucoma is one of the leading causes of irreversible blindness. Segmentation
of optic disc (OD) and optic cup (OC) on fundus images is a crucial step in
glaucoma screening. Although many deep learning models have been constructed
for this task, it remains challenging to train an OD/OC segmentation model that
could be deployed successfully to different healthcare centers. The
difficulties mainly comes from the domain shift issue, i.e., the fundus images
collected at these centers usually vary greatly in the tone, contrast, and
brightness. To address this issue, in this paper, we propose a novel
unsupervised domain adaptation (UDA) method called Reconstruction-driven
Dynamic Refinement Network (RDR-Net), where we employ a due-path segmentation
backbone for simultaneous edge detection and region prediction and design three
modules to alleviate the domain gap. The reconstruction alignment (RA) module
uses a variational auto-encoder (VAE) to reconstruct the input image and thus
boosts the image representation ability of the network in a self-supervised
way. It also uses a style-consistency constraint to force the network to retain
more domain-invariant information. The low-level feature refinement (LFR)
module employs input-specific dynamic convolutions to suppress the
domain-variant information in the obtained low-level features. The
prediction-map alignment (PMA) module elaborates the entropy-driven adversarial
learning to encourage the network to generate source-like boundaries and
regions. We evaluated our RDR-Net against state-of-the-art solutions on four
public fundus image datasets. Our results indicate that RDR-Net is superior to
competing models in both segmentation performance and generalization ability
| [
{
"version": "v1",
"created": "Mon, 10 Apr 2023 13:33:13 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Chen",
"Ziyang",
""
],
[
"Pan",
"Yongsheng",
""
],
[
"Xia",
"Yong",
""
]
] | TITLE: Reconstruction-driven Dynamic Refinement based Unsupervised Domain
Adaptation for Joint Optic Disc and Cup Segmentation
ABSTRACT: Glaucoma is one of the leading causes of irreversible blindness. Segmentation
of optic disc (OD) and optic cup (OC) on fundus images is a crucial step in
glaucoma screening. Although many deep learning models have been constructed
for this task, it remains challenging to train an OD/OC segmentation model that
could be deployed successfully to different healthcare centers. The
difficulties mainly comes from the domain shift issue, i.e., the fundus images
collected at these centers usually vary greatly in the tone, contrast, and
brightness. To address this issue, in this paper, we propose a novel
unsupervised domain adaptation (UDA) method called Reconstruction-driven
Dynamic Refinement Network (RDR-Net), where we employ a due-path segmentation
backbone for simultaneous edge detection and region prediction and design three
modules to alleviate the domain gap. The reconstruction alignment (RA) module
uses a variational auto-encoder (VAE) to reconstruct the input image and thus
boosts the image representation ability of the network in a self-supervised
way. It also uses a style-consistency constraint to force the network to retain
more domain-invariant information. The low-level feature refinement (LFR)
module employs input-specific dynamic convolutions to suppress the
domain-variant information in the obtained low-level features. The
prediction-map alignment (PMA) module elaborates the entropy-driven adversarial
learning to encourage the network to generate source-like boundaries and
regions. We evaluated our RDR-Net against state-of-the-art solutions on four
public fundus image datasets. Our results indicate that RDR-Net is superior to
competing models in both segmentation performance and generalization ability
| no_new_dataset | 0.951188 |
2304.04595 | Yilong Yang | Yilong Yang, Srinandan Dasmahapatra, Sasan Mahmoodi | Scale-Equivariant UNet for Histopathology Image Segmentation | This paper was accepted by GeoMedIA 2022 | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Digital histopathology slides are scanned and viewed under different
magnifications and stored as images at different resolutions. Convolutional
Neural Networks (CNNs) trained on such images at a given scale fail to
generalise to those at different scales. This inability is often addressed by
augmenting training data with re-scaled images, allowing a model with
sufficient capacity to learn the requisite patterns. Alternatively, designing
CNN filters to be scale-equivariant frees up model capacity to learn
discriminative features. In this paper, we propose the Scale-Equivariant UNet
(SEUNet) for image segmentation by building on scale-space theory. The SEUNet
contains groups of filters that are linear combinations of Gaussian basis
filters, whose scale parameters are trainable but constrained to span disjoint
scales through the layers of the network. Extensive experiments on a nuclei
segmentation dataset and a tissue type segmentation dataset demonstrate that
our method outperforms other approaches, with much fewer trainable parameters.
| [
{
"version": "v1",
"created": "Mon, 10 Apr 2023 14:03:08 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Yang",
"Yilong",
""
],
[
"Dasmahapatra",
"Srinandan",
""
],
[
"Mahmoodi",
"Sasan",
""
]
] | TITLE: Scale-Equivariant UNet for Histopathology Image Segmentation
ABSTRACT: Digital histopathology slides are scanned and viewed under different
magnifications and stored as images at different resolutions. Convolutional
Neural Networks (CNNs) trained on such images at a given scale fail to
generalise to those at different scales. This inability is often addressed by
augmenting training data with re-scaled images, allowing a model with
sufficient capacity to learn the requisite patterns. Alternatively, designing
CNN filters to be scale-equivariant frees up model capacity to learn
discriminative features. In this paper, we propose the Scale-Equivariant UNet
(SEUNet) for image segmentation by building on scale-space theory. The SEUNet
contains groups of filters that are linear combinations of Gaussian basis
filters, whose scale parameters are trainable but constrained to span disjoint
scales through the layers of the network. Extensive experiments on a nuclei
segmentation dataset and a tissue type segmentation dataset demonstrate that
our method outperforms other approaches, with much fewer trainable parameters.
| no_new_dataset | 0.950824 |
2304.04600 | Yilong Yang | Yilong Yang, Srinandan Dasmahapatra, Sasan Mahmoodi | Rotation-Scale Equivariant Steerable Filters | Accepted by MIDL 2023 | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Incorporating either rotation equivariance or scale equivariance into CNNs
has proved to be effective in improving models' generalization performance.
However, jointly integrating rotation and scale equivariance into CNNs has not
been widely explored. Digital histology imaging of biopsy tissue can be
captured at arbitrary orientation and magnification and stored at different
resolutions, resulting in cells appearing in different scales. When
conventional CNNs are applied to histopathology image analysis, the
generalization performance of models is limited because 1) a part of the
parameters of filters are trained to fit rotation transformation, thus
decreasing the capability of learning other discriminative features; 2)
fixed-size filters trained on images at a given scale fail to generalize to
those at different scales. To deal with these issues, we propose the
Rotation-Scale Equivariant Steerable Filter (RSESF), which incorporates
steerable filters and scale-space theory. The RSESF contains copies of filters
that are linear combinations of Gaussian filters, whose direction is controlled
by directional derivatives and whose scale parameters are trainable but
constrained to span disjoint scales in successive layers of the network.
Extensive experiments on two gland segmentation datasets demonstrate that our
method outperforms other approaches, with much fewer trainable parameters and
fewer GPU resources required. The source code is available at:
https://github.com/ynulonger/RSESF.
| [
{
"version": "v1",
"created": "Mon, 10 Apr 2023 14:13:56 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Yang",
"Yilong",
""
],
[
"Dasmahapatra",
"Srinandan",
""
],
[
"Mahmoodi",
"Sasan",
""
]
] | TITLE: Rotation-Scale Equivariant Steerable Filters
ABSTRACT: Incorporating either rotation equivariance or scale equivariance into CNNs
has proved to be effective in improving models' generalization performance.
However, jointly integrating rotation and scale equivariance into CNNs has not
been widely explored. Digital histology imaging of biopsy tissue can be
captured at arbitrary orientation and magnification and stored at different
resolutions, resulting in cells appearing in different scales. When
conventional CNNs are applied to histopathology image analysis, the
generalization performance of models is limited because 1) a part of the
parameters of filters are trained to fit rotation transformation, thus
decreasing the capability of learning other discriminative features; 2)
fixed-size filters trained on images at a given scale fail to generalize to
those at different scales. To deal with these issues, we propose the
Rotation-Scale Equivariant Steerable Filter (RSESF), which incorporates
steerable filters and scale-space theory. The RSESF contains copies of filters
that are linear combinations of Gaussian filters, whose direction is controlled
by directional derivatives and whose scale parameters are trainable but
constrained to span disjoint scales in successive layers of the network.
Extensive experiments on two gland segmentation datasets demonstrate that our
method outperforms other approaches, with much fewer trainable parameters and
fewer GPU resources required. The source code is available at:
https://github.com/ynulonger/RSESF.
| no_new_dataset | 0.949482 |
2304.04606 | Abraham Smith | Abraham George Smith, Denis Kutn\'ar, Ivan Richter Vogelius, Sune
Darkner and Jens Petersen | Localise to segment: crop to improve organ at risk segmentation accuracy | null | null | null | null | eess.IV cs.CV | http://creativecommons.org/licenses/by/4.0/ | Increased organ at risk segmentation accuracy is required to reduce cost and
complications for patients receiving radiotherapy treatment. Some deep learning
methods for the segmentation of organs at risk use a two stage process where a
localisation network first crops an image to the relevant region and then a
locally specialised network segments the cropped organ of interest. We
investigate the accuracy improvements brought about by such a localisation
stage by comparing to a single-stage baseline network trained on full
resolution images. We find that localisation approaches can improve both
training time and stability and a two stage process involving both a
localisation and organ segmentation network provides a significant increase in
segmentation accuracy for the spleen, pancreas and heart from the Medical
Segmentation Decathlon dataset. We also observe increased benefits of
localisation for smaller organs. Source code that recreates the main results is
available at \href{https://github.com/Abe404/localise_to_segment}{this https
URL}.
| [
{
"version": "v1",
"created": "Mon, 10 Apr 2023 14:22:10 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Smith",
"Abraham George",
""
],
[
"Kutnár",
"Denis",
""
],
[
"Vogelius",
"Ivan Richter",
""
],
[
"Darkner",
"Sune",
""
],
[
"Petersen",
"Jens",
""
]
] | TITLE: Localise to segment: crop to improve organ at risk segmentation accuracy
ABSTRACT: Increased organ at risk segmentation accuracy is required to reduce cost and
complications for patients receiving radiotherapy treatment. Some deep learning
methods for the segmentation of organs at risk use a two stage process where a
localisation network first crops an image to the relevant region and then a
locally specialised network segments the cropped organ of interest. We
investigate the accuracy improvements brought about by such a localisation
stage by comparing to a single-stage baseline network trained on full
resolution images. We find that localisation approaches can improve both
training time and stability and a two stage process involving both a
localisation and organ segmentation network provides a significant increase in
segmentation accuracy for the spleen, pancreas and heart from the Medical
Segmentation Decathlon dataset. We also observe increased benefits of
localisation for smaller organs. Source code that recreates the main results is
available at \href{https://github.com/Abe404/localise_to_segment}{this https
URL}.
| no_new_dataset | 0.954393 |
2304.04610 | Debashish Roy | Debashish Roy, Manish Shrivastava | Attention at SemEval-2023 Task 10: Explainable Detection of Online
Sexism (EDOS) | null | null | null | null | cs.CL | http://creativecommons.org/licenses/by/4.0/ | In this paper, we have worked on interpretability, trust, and understanding
of the decisions made by models in the form of classification tasks. The task
is divided into 3 subtasks. The first task consists of determining Binary
Sexism Detection. The second task describes the Category of Sexism. The third
task describes a more Fine-grained Category of Sexism. Our work explores
solving these tasks as a classification problem by fine-tuning
transformer-based architecture. We have performed several experiments with our
architecture, including combining multiple transformers, using domain adaptive
pretraining on the unlabelled dataset provided by Reddit and Gab, Joint
learning, and taking different layers of transformers as input to a
classification head. Our system (with team name Attention) was able to achieve
a macro F1 score of 0.839 for task A, 0.5835 macro F1 score for task B and
0.3356 macro F1 score for task C at the Codalab SemEval Competition. Later we
improved the accuracy of Task B to 0.6228 and Task C to 0.3693 in the test set.
| [
{
"version": "v1",
"created": "Mon, 10 Apr 2023 14:24:52 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Roy",
"Debashish",
""
],
[
"Shrivastava",
"Manish",
""
]
] | TITLE: Attention at SemEval-2023 Task 10: Explainable Detection of Online
Sexism (EDOS)
ABSTRACT: In this paper, we have worked on interpretability, trust, and understanding
of the decisions made by models in the form of classification tasks. The task
is divided into 3 subtasks. The first task consists of determining Binary
Sexism Detection. The second task describes the Category of Sexism. The third
task describes a more Fine-grained Category of Sexism. Our work explores
solving these tasks as a classification problem by fine-tuning
transformer-based architecture. We have performed several experiments with our
architecture, including combining multiple transformers, using domain adaptive
pretraining on the unlabelled dataset provided by Reddit and Gab, Joint
learning, and taking different layers of transformers as input to a
classification head. Our system (with team name Attention) was able to achieve
a macro F1 score of 0.839 for task A, 0.5835 macro F1 score for task B and
0.3356 macro F1 score for task C at the Codalab SemEval Competition. Later we
improved the accuracy of Task B to 0.6228 and Task C to 0.3693 in the test set.
| no_new_dataset | 0.947381 |
2304.04613 | Mousumi Akter | Mousumi Akter, Souvika Sarkar, Shubhra Kanti Karmaker Santu | On Evaluation of Bangla Word Analogies | null | null | null | null | cs.CL | http://creativecommons.org/licenses/by-nc-sa/4.0/ | This paper presents a high-quality dataset for evaluating the quality of
Bangla word embeddings, which is a fundamental task in the field of Natural
Language Processing (NLP). Despite being the 7th most-spoken language in the
world, Bangla is a low-resource language and popular NLP models fail to perform
well. Developing a reliable evaluation test set for Bangla word embeddings are
crucial for benchmarking and guiding future research. We provide a
Mikolov-style word analogy evaluation set specifically for Bangla, with a
sample size of 16678, as well as a translated and curated version of the
Mikolov dataset, which contains 10594 samples for cross-lingual research. Our
experiments with different state-of-the-art embedding models reveal that Bangla
has its own unique characteristics, and current embeddings for Bangla still
struggle to achieve high accuracy on both datasets. We suggest that future
research should focus on training models with larger datasets and considering
the unique morphological characteristics of Bangla. This study represents the
first step towards building a reliable NLP system for the Bangla language1.
| [
{
"version": "v1",
"created": "Mon, 10 Apr 2023 14:27:35 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Akter",
"Mousumi",
""
],
[
"Sarkar",
"Souvika",
""
],
[
"Santu",
"Shubhra Kanti Karmaker",
""
]
] | TITLE: On Evaluation of Bangla Word Analogies
ABSTRACT: This paper presents a high-quality dataset for evaluating the quality of
Bangla word embeddings, which is a fundamental task in the field of Natural
Language Processing (NLP). Despite being the 7th most-spoken language in the
world, Bangla is a low-resource language and popular NLP models fail to perform
well. Developing a reliable evaluation test set for Bangla word embeddings are
crucial for benchmarking and guiding future research. We provide a
Mikolov-style word analogy evaluation set specifically for Bangla, with a
sample size of 16678, as well as a translated and curated version of the
Mikolov dataset, which contains 10594 samples for cross-lingual research. Our
experiments with different state-of-the-art embedding models reveal that Bangla
has its own unique characteristics, and current embeddings for Bangla still
struggle to achieve high accuracy on both datasets. We suggest that future
research should focus on training models with larger datasets and considering
the unique morphological characteristics of Bangla. This study represents the
first step towards building a reliable NLP system for the Bangla language1.
| new_dataset | 0.958615 |
2304.04618 | Jiatong Shi | Jiatong Shi, Yun Tang, Ann Lee, Hirofumi Inaguma, Changhan Wang, Juan
Pino, Shinji Watanabe | Enhancing Speech-to-Speech Translation with Multiple TTS Targets | null | null | null | null | cs.SD cs.CL eess.AS | http://creativecommons.org/licenses/by/4.0/ | It has been known that direct speech-to-speech translation (S2ST) models
usually suffer from the data scarcity issue because of the limited existing
parallel materials for both source and target speech. Therefore to train a
direct S2ST system, previous works usually utilize text-to-speech (TTS) systems
to generate samples in the target language by augmenting the data from
speech-to-text translation (S2TT). However, there is a limited investigation
into how the synthesized target speech would affect the S2ST models. In this
work, we analyze the effect of changing synthesized target speech for direct
S2ST models. We find that simply combining the target speech from different TTS
systems can potentially improve the S2ST performances. Following that, we also
propose a multi-task framework that jointly optimizes the S2ST system with
multiple targets from different TTS systems. Extensive experiments demonstrate
that our proposed framework achieves consistent improvements (2.8 BLEU) over
the baselines on the Fisher Spanish-English dataset.
| [
{
"version": "v1",
"created": "Mon, 10 Apr 2023 14:33:33 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Shi",
"Jiatong",
""
],
[
"Tang",
"Yun",
""
],
[
"Lee",
"Ann",
""
],
[
"Inaguma",
"Hirofumi",
""
],
[
"Wang",
"Changhan",
""
],
[
"Pino",
"Juan",
""
],
[
"Watanabe",
"Shinji",
""
]
] | TITLE: Enhancing Speech-to-Speech Translation with Multiple TTS Targets
ABSTRACT: It has been known that direct speech-to-speech translation (S2ST) models
usually suffer from the data scarcity issue because of the limited existing
parallel materials for both source and target speech. Therefore to train a
direct S2ST system, previous works usually utilize text-to-speech (TTS) systems
to generate samples in the target language by augmenting the data from
speech-to-text translation (S2TT). However, there is a limited investigation
into how the synthesized target speech would affect the S2ST models. In this
work, we analyze the effect of changing synthesized target speech for direct
S2ST models. We find that simply combining the target speech from different TTS
systems can potentially improve the S2ST performances. Following that, we also
propose a multi-task framework that jointly optimizes the S2ST system with
multiple targets from different TTS systems. Extensive experiments demonstrate
that our proposed framework achieves consistent improvements (2.8 BLEU) over
the baselines on the Fisher Spanish-English dataset.
| no_new_dataset | 0.946101 |
2304.04625 | Gyojin Han | Gyojin Han, Jaehyun Choi, Haeil Lee, Junmo Kim | Reinforcement Learning-Based Black-Box Model Inversion Attacks | CVPR 2023, Accepted | null | null | null | cs.LG cs.CR cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Model inversion attacks are a type of privacy attack that reconstructs
private data used to train a machine learning model, solely by accessing the
model. Recently, white-box model inversion attacks leveraging Generative
Adversarial Networks (GANs) to distill knowledge from public datasets have been
receiving great attention because of their excellent attack performance. On the
other hand, current black-box model inversion attacks that utilize GANs suffer
from issues such as being unable to guarantee the completion of the attack
process within a predetermined number of query accesses or achieve the same
level of performance as white-box attacks. To overcome these limitations, we
propose a reinforcement learning-based black-box model inversion attack. We
formulate the latent space search as a Markov Decision Process (MDP) problem
and solve it with reinforcement learning. Our method utilizes the confidence
scores of the generated images to provide rewards to an agent. Finally, the
private data can be reconstructed using the latent vectors found by the agent
trained in the MDP. The experiment results on various datasets and models
demonstrate that our attack successfully recovers the private information of
the target model by achieving state-of-the-art attack performance. We emphasize
the importance of studies on privacy-preserving machine learning by proposing a
more advanced black-box model inversion attack.
| [
{
"version": "v1",
"created": "Mon, 10 Apr 2023 14:41:16 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Han",
"Gyojin",
""
],
[
"Choi",
"Jaehyun",
""
],
[
"Lee",
"Haeil",
""
],
[
"Kim",
"Junmo",
""
]
] | TITLE: Reinforcement Learning-Based Black-Box Model Inversion Attacks
ABSTRACT: Model inversion attacks are a type of privacy attack that reconstructs
private data used to train a machine learning model, solely by accessing the
model. Recently, white-box model inversion attacks leveraging Generative
Adversarial Networks (GANs) to distill knowledge from public datasets have been
receiving great attention because of their excellent attack performance. On the
other hand, current black-box model inversion attacks that utilize GANs suffer
from issues such as being unable to guarantee the completion of the attack
process within a predetermined number of query accesses or achieve the same
level of performance as white-box attacks. To overcome these limitations, we
propose a reinforcement learning-based black-box model inversion attack. We
formulate the latent space search as a Markov Decision Process (MDP) problem
and solve it with reinforcement learning. Our method utilizes the confidence
scores of the generated images to provide rewards to an agent. Finally, the
private data can be reconstructed using the latent vectors found by the agent
trained in the MDP. The experiment results on various datasets and models
demonstrate that our attack successfully recovers the private information of
the target model by achieving state-of-the-art attack performance. We emphasize
the importance of studies on privacy-preserving machine learning by proposing a
more advanced black-box model inversion attack.
| no_new_dataset | 0.94366 |
2304.04672 | Jizhizi Li | Jizhizi Li, Jing Zhang, Dacheng Tao | Deep Image Matting: A Comprehensive Survey | null | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Image matting refers to extracting precise alpha matte from natural images,
and it plays a critical role in various downstream applications, such as image
editing. Despite being an ill-posed problem, traditional methods have been
trying to solve it for decades. The emergence of deep learning has
revolutionized the field of image matting and given birth to multiple new
techniques, including automatic, interactive, and referring image matting. This
paper presents a comprehensive review of recent advancements in image matting
in the era of deep learning. We focus on two fundamental sub-tasks: auxiliary
input-based image matting, which involves user-defined input to predict the
alpha matte, and automatic image matting, which generates results without any
manual intervention. We systematically review the existing methods for these
two tasks according to their task settings and network structures and provide a
summary of their advantages and disadvantages. Furthermore, we introduce the
commonly used image matting datasets and evaluate the performance of
representative matting methods both quantitatively and qualitatively. Finally,
we discuss relevant applications of image matting and highlight existing
challenges and potential opportunities for future research. We also maintain a
public repository to track the rapid development of deep image matting at
https://github.com/JizhiziLi/matting-survey.
| [
{
"version": "v1",
"created": "Mon, 10 Apr 2023 15:48:55 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Li",
"Jizhizi",
""
],
[
"Zhang",
"Jing",
""
],
[
"Tao",
"Dacheng",
""
]
] | TITLE: Deep Image Matting: A Comprehensive Survey
ABSTRACT: Image matting refers to extracting precise alpha matte from natural images,
and it plays a critical role in various downstream applications, such as image
editing. Despite being an ill-posed problem, traditional methods have been
trying to solve it for decades. The emergence of deep learning has
revolutionized the field of image matting and given birth to multiple new
techniques, including automatic, interactive, and referring image matting. This
paper presents a comprehensive review of recent advancements in image matting
in the era of deep learning. We focus on two fundamental sub-tasks: auxiliary
input-based image matting, which involves user-defined input to predict the
alpha matte, and automatic image matting, which generates results without any
manual intervention. We systematically review the existing methods for these
two tasks according to their task settings and network structures and provide a
summary of their advantages and disadvantages. Furthermore, we introduce the
commonly used image matting datasets and evaluate the performance of
representative matting methods both quantitatively and qualitatively. Finally,
we discuss relevant applications of image matting and highlight existing
challenges and potential opportunities for future research. We also maintain a
public repository to track the rapid development of deep image matting at
https://github.com/JizhiziLi/matting-survey.
| no_new_dataset | 0.826572 |
2304.04700 | Shaojie Tang | Shaojie Tang, Jing Yuan, Twumasi Mensah-Boateng | Achieving Long-term Fairness in Submodular Maximization through
Randomization | This paper has been accepted to 19th Cologne-Twente Workshop on
Graphs and Combinatorial Optimization | null | null | null | cs.DS cs.AI cs.LG | http://creativecommons.org/licenses/by/4.0/ | Submodular function optimization has numerous applications in machine
learning and data analysis, including data summarization which aims to identify
a concise and diverse set of data points from a large dataset. It is important
to implement fairness-aware algorithms when dealing with data items that may
contain sensitive attributes like race or gender, to prevent biases that could
lead to unequal representation of different groups. With this in mind, we
investigate the problem of maximizing a monotone submodular function while
meeting group fairness constraints. Unlike previous studies in this area, we
allow for randomized solutions, with the objective being to calculate a
distribution over feasible sets such that the expected number of items selected
from each group is subject to constraints in the form of upper and lower
thresholds, ensuring that the representation of each group remains balanced in
the long term. Here a set is considered feasible if its size does not exceed a
constant value of $b$. Our research includes the development of a series of
approximation algorithms for this problem.
| [
{
"version": "v1",
"created": "Mon, 10 Apr 2023 16:39:19 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Tang",
"Shaojie",
""
],
[
"Yuan",
"Jing",
""
],
[
"Mensah-Boateng",
"Twumasi",
""
]
] | TITLE: Achieving Long-term Fairness in Submodular Maximization through
Randomization
ABSTRACT: Submodular function optimization has numerous applications in machine
learning and data analysis, including data summarization which aims to identify
a concise and diverse set of data points from a large dataset. It is important
to implement fairness-aware algorithms when dealing with data items that may
contain sensitive attributes like race or gender, to prevent biases that could
lead to unequal representation of different groups. With this in mind, we
investigate the problem of maximizing a monotone submodular function while
meeting group fairness constraints. Unlike previous studies in this area, we
allow for randomized solutions, with the objective being to calculate a
distribution over feasible sets such that the expected number of items selected
from each group is subject to constraints in the form of upper and lower
thresholds, ensuring that the representation of each group remains balanced in
the long term. Here a set is considered feasible if its size does not exceed a
constant value of $b$. Our research includes the development of a series of
approximation algorithms for this problem.
| no_new_dataset | 0.940898 |
2304.04703 | Sina Ahmadi | Razhan Hameed and Sina Ahmadi and Fatemeh Daneshfar | Transfer Learning for Low-Resource Sentiment Analysis | 14 pages - under review at ACM TALLIP | null | null | null | cs.CL | http://creativecommons.org/licenses/by/4.0/ | Sentiment analysis is the process of identifying and extracting subjective
information from text. Despite the advances to employ cross-lingual approaches
in an automatic way, the implementation and evaluation of sentiment analysis
systems require language-specific data to consider various sociocultural and
linguistic peculiarities. In this paper, the collection and annotation of a
dataset are described for sentiment analysis of Central Kurdish. We explore a
few classical machine learning and neural network-based techniques for this
task. Additionally, we employ an approach in transfer learning to leverage
pretrained models for data augmentation. We demonstrate that data augmentation
achieves a high F$_1$ score and accuracy despite the difficulty of the task.
| [
{
"version": "v1",
"created": "Mon, 10 Apr 2023 16:44:44 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Hameed",
"Razhan",
""
],
[
"Ahmadi",
"Sina",
""
],
[
"Daneshfar",
"Fatemeh",
""
]
] | TITLE: Transfer Learning for Low-Resource Sentiment Analysis
ABSTRACT: Sentiment analysis is the process of identifying and extracting subjective
information from text. Despite the advances to employ cross-lingual approaches
in an automatic way, the implementation and evaluation of sentiment analysis
systems require language-specific data to consider various sociocultural and
linguistic peculiarities. In this paper, the collection and annotation of a
dataset are described for sentiment analysis of Central Kurdish. We explore a
few classical machine learning and neural network-based techniques for this
task. Additionally, we employ an approach in transfer learning to leverage
pretrained models for data augmentation. We demonstrate that data augmentation
achieves a high F$_1$ score and accuracy despite the difficulty of the task.
| no_new_dataset | 0.944638 |
2304.04716 | Cunxi Yu | Jiaqi Yin, Yingjie Li, Daniel Robinson, Cunxi Yu | RESPECT: Reinforcement Learning based Edge Scheduling on Pipelined Coral
Edge TPUs | 6 pages, ACM/IEEE Design Automation Conference (DAC'23) | null | null | null | cs.AR cs.AI cs.LG | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Deep neural networks (DNNs) have substantial computational and memory
requirements, and the compilation of its computational graphs has a great
impact on the performance of resource-constrained (e.g., computation, I/O, and
memory-bound) edge computing systems. While efficient execution of their
computational graph requires an effective scheduling algorithm, generating the
optimal scheduling solution is a challenging NP-hard problem. Furthermore, the
complexity of scheduling DNN computational graphs will further increase on
pipelined multi-core systems considering memory communication cost, as well as
the increasing size of DNNs. Using the synthetic graph for the training
dataset, this work presents a reinforcement learning (RL) based scheduling
framework RESPECT, which learns the behaviors of optimal optimization
algorithms and generates near-optimal scheduling results with short solving
runtime overhead. Our framework has demonstrated up to $\sim2.5\times$
real-world on-chip inference runtime speedups over the commercial compiler with
ten popular ImageNet models deployed on the physical Coral Edge TPUs system.
Moreover, compared to the exact optimization methods, the proposed RL
scheduling improves the scheduling optimization runtime by up to 683$\times$
speedups compared to the commercial compiler and matches the exact optimal
solutions with up to 930$\times$ speedups. Finally, we perform a comprehensive
generalizability test, which demonstrates RESPECT successfully imitates optimal
solving behaviors from small synthetic graphs to large real-world DNNs
computational graphs.
| [
{
"version": "v1",
"created": "Mon, 10 Apr 2023 17:22:12 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Yin",
"Jiaqi",
""
],
[
"Li",
"Yingjie",
""
],
[
"Robinson",
"Daniel",
""
],
[
"Yu",
"Cunxi",
""
]
] | TITLE: RESPECT: Reinforcement Learning based Edge Scheduling on Pipelined Coral
Edge TPUs
ABSTRACT: Deep neural networks (DNNs) have substantial computational and memory
requirements, and the compilation of its computational graphs has a great
impact on the performance of resource-constrained (e.g., computation, I/O, and
memory-bound) edge computing systems. While efficient execution of their
computational graph requires an effective scheduling algorithm, generating the
optimal scheduling solution is a challenging NP-hard problem. Furthermore, the
complexity of scheduling DNN computational graphs will further increase on
pipelined multi-core systems considering memory communication cost, as well as
the increasing size of DNNs. Using the synthetic graph for the training
dataset, this work presents a reinforcement learning (RL) based scheduling
framework RESPECT, which learns the behaviors of optimal optimization
algorithms and generates near-optimal scheduling results with short solving
runtime overhead. Our framework has demonstrated up to $\sim2.5\times$
real-world on-chip inference runtime speedups over the commercial compiler with
ten popular ImageNet models deployed on the physical Coral Edge TPUs system.
Moreover, compared to the exact optimization methods, the proposed RL
scheduling improves the scheduling optimization runtime by up to 683$\times$
speedups compared to the commercial compiler and matches the exact optimal
solutions with up to 930$\times$ speedups. Finally, we perform a comprehensive
generalizability test, which demonstrates RESPECT successfully imitates optimal
solving behaviors from small synthetic graphs to large real-world DNNs
computational graphs.
| no_new_dataset | 0.949949 |
2304.04717 | Zhongwu Chen | Zhongwu Chen, Chengjin Xu, Fenglong Su, Zhen Huang, Yong Dou | Incorporating Structured Sentences with Time-enhanced BERT for
Fully-inductive Temporal Relation Prediction | null | null | null | null | cs.CL cs.AI | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Temporal relation prediction in incomplete temporal knowledge graphs (TKGs)
is a popular temporal knowledge graph completion (TKGC) problem in both
transductive and inductive settings. Traditional embedding-based TKGC models
(TKGE) rely on structured connections and can only handle a fixed set of
entities, i.e., the transductive setting. In the inductive setting where test
TKGs contain emerging entities, the latest methods are based on symbolic rules
or pre-trained language models (PLMs). However, they suffer from being
inflexible and not time-specific, respectively. In this work, we extend the
fully-inductive setting, where entities in the training and test sets are
totally disjoint, into TKGs and take a further step towards a more flexible and
time-sensitive temporal relation prediction approach SST-BERT, incorporating
Structured Sentences with Time-enhanced BERT. Our model can obtain the entity
history and implicitly learn rules in the semantic space by encoding structured
sentences, solving the problem of inflexibility. We propose to use a time
masking MLM task to pre-train BERT in a corpus rich in temporal tokens
specially generated for TKGs, enhancing the time sensitivity of SST-BERT. To
compute the probability of occurrence of a target quadruple, we aggregate all
its structured sentences from both temporal and semantic perspectives into a
score. Experiments on the transductive datasets and newly generated
fully-inductive benchmarks show that SST-BERT successfully improves over
state-of-the-art baselines.
| [
{
"version": "v1",
"created": "Mon, 10 Apr 2023 17:22:15 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Chen",
"Zhongwu",
""
],
[
"Xu",
"Chengjin",
""
],
[
"Su",
"Fenglong",
""
],
[
"Huang",
"Zhen",
""
],
[
"Dou",
"Yong",
""
]
] | TITLE: Incorporating Structured Sentences with Time-enhanced BERT for
Fully-inductive Temporal Relation Prediction
ABSTRACT: Temporal relation prediction in incomplete temporal knowledge graphs (TKGs)
is a popular temporal knowledge graph completion (TKGC) problem in both
transductive and inductive settings. Traditional embedding-based TKGC models
(TKGE) rely on structured connections and can only handle a fixed set of
entities, i.e., the transductive setting. In the inductive setting where test
TKGs contain emerging entities, the latest methods are based on symbolic rules
or pre-trained language models (PLMs). However, they suffer from being
inflexible and not time-specific, respectively. In this work, we extend the
fully-inductive setting, where entities in the training and test sets are
totally disjoint, into TKGs and take a further step towards a more flexible and
time-sensitive temporal relation prediction approach SST-BERT, incorporating
Structured Sentences with Time-enhanced BERT. Our model can obtain the entity
history and implicitly learn rules in the semantic space by encoding structured
sentences, solving the problem of inflexibility. We propose to use a time
masking MLM task to pre-train BERT in a corpus rich in temporal tokens
specially generated for TKGs, enhancing the time sensitivity of SST-BERT. To
compute the probability of occurrence of a target quadruple, we aggregate all
its structured sentences from both temporal and semantic perspectives into a
score. Experiments on the transductive datasets and newly generated
fully-inductive benchmarks show that SST-BERT successfully improves over
state-of-the-art baselines.
| no_new_dataset | 0.94699 |
2304.04718 | Jin Xu | Jin Xu, Yangning Li, Xiangjin Xie, Yinghui Li, Niu Hu, Haitao Zheng,
Yong Jiang | Investigating Graph Structure Information for Entity Alignment with
Dangling Cases | null | null | null | null | cs.CL | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Entity alignment (EA) aims to discover the equivalent entities in different
knowledge graphs (KGs), which play an important role in knowledge engineering.
Recently, EA with dangling entities has been proposed as a more realistic
setting, which assumes that not all entities have corresponding equivalent
entities. In this paper, we focus on this setting. Some work has explored this
problem by leveraging translation API, pre-trained word embeddings, and other
off-the-shelf tools. However, these approaches over-rely on the side
information (e.g., entity names), and fail to work when the side information is
absent. On the contrary, they still insufficiently exploit the most fundamental
graph structure information in KG. To improve the exploitation of the
structural information, we propose a novel entity alignment framework called
Weakly-Optimal Graph Contrastive Learning (WOGCL), which is refined on three
dimensions : (i) Model. We propose a novel Gated Graph Attention Network to
capture local and global graph structure similarity. (ii) Training. Two
learning objectives: contrastive learning and optimal transport learning are
designed to obtain distinguishable entity representations via the optimal
transport plan. (iii) Inference. In the inference phase, a PageRank-based
method is proposed to calculate higher-order structural similarity. Extensive
experiments on two dangling benchmarks demonstrate that our WOGCL outperforms
the current state-of-the-art methods with pure structural information in both
traditional (relaxed) and dangling (consolidated) settings. The code will be
public soon.
| [
{
"version": "v1",
"created": "Mon, 10 Apr 2023 17:24:43 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Xu",
"Jin",
""
],
[
"Li",
"Yangning",
""
],
[
"Xie",
"Xiangjin",
""
],
[
"Li",
"Yinghui",
""
],
[
"Hu",
"Niu",
""
],
[
"Zheng",
"Haitao",
""
],
[
"Jiang",
"Yong",
""
]
] | TITLE: Investigating Graph Structure Information for Entity Alignment with
Dangling Cases
ABSTRACT: Entity alignment (EA) aims to discover the equivalent entities in different
knowledge graphs (KGs), which play an important role in knowledge engineering.
Recently, EA with dangling entities has been proposed as a more realistic
setting, which assumes that not all entities have corresponding equivalent
entities. In this paper, we focus on this setting. Some work has explored this
problem by leveraging translation API, pre-trained word embeddings, and other
off-the-shelf tools. However, these approaches over-rely on the side
information (e.g., entity names), and fail to work when the side information is
absent. On the contrary, they still insufficiently exploit the most fundamental
graph structure information in KG. To improve the exploitation of the
structural information, we propose a novel entity alignment framework called
Weakly-Optimal Graph Contrastive Learning (WOGCL), which is refined on three
dimensions : (i) Model. We propose a novel Gated Graph Attention Network to
capture local and global graph structure similarity. (ii) Training. Two
learning objectives: contrastive learning and optimal transport learning are
designed to obtain distinguishable entity representations via the optimal
transport plan. (iii) Inference. In the inference phase, a PageRank-based
method is proposed to calculate higher-order structural similarity. Extensive
experiments on two dangling benchmarks demonstrate that our WOGCL outperforms
the current state-of-the-art methods with pure structural information in both
traditional (relaxed) and dangling (consolidated) settings. The code will be
public soon.
| no_new_dataset | 0.942082 |
2304.04742 | Shilong Liu | Shilong Liu, Tianhe Ren, Jiayu Chen, Zhaoyang Zeng, Hao Zhang, Feng
Li, Hongyang Li, Jun Huang, Hang Su, Jun Zhu, Lei Zhang | Detection Transformer with Stable Matching | SOTA detector. Project page:
https://github.com/IDEA-Research/Stable-DINO | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | This paper is concerned with the matching stability problem across different
decoder layers in DEtection TRansformers (DETR). We point out that the unstable
matching in DETR is caused by a multi-optimization path problem, which is
highlighted by the one-to-one matching design in DETR. To address this problem,
we show that the most important design is to use and only use positional
metrics (like IOU) to supervise classification scores of positive examples.
Under the principle, we propose two simple yet effective modifications by
integrating positional metrics to DETR's classification loss and matching cost,
named position-supervised loss and position-modulated cost. We verify our
methods on several DETR variants. Our methods show consistent improvements over
baselines. By integrating our methods with DINO, we achieve 50.4 and 51.5 AP on
the COCO detection benchmark using ResNet-50 backbones under 12 epochs and 24
epochs training settings, achieving a new record under the same setting. We
achieve 63.8 AP on COCO detection test-dev with a Swin-Large backbone. Our code
will be made available at https://github.com/IDEA-Research/Stable-DINO.
| [
{
"version": "v1",
"created": "Mon, 10 Apr 2023 17:55:37 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Liu",
"Shilong",
""
],
[
"Ren",
"Tianhe",
""
],
[
"Chen",
"Jiayu",
""
],
[
"Zeng",
"Zhaoyang",
""
],
[
"Zhang",
"Hao",
""
],
[
"Li",
"Feng",
""
],
[
"Li",
"Hongyang",
""
],
[
"Huang",
"Jun",
""
],
[
"Su",
"Hang",
""
],
[
"Zhu",
"Jun",
""
],
[
"Zhang",
"Lei",
""
]
] | TITLE: Detection Transformer with Stable Matching
ABSTRACT: This paper is concerned with the matching stability problem across different
decoder layers in DEtection TRansformers (DETR). We point out that the unstable
matching in DETR is caused by a multi-optimization path problem, which is
highlighted by the one-to-one matching design in DETR. To address this problem,
we show that the most important design is to use and only use positional
metrics (like IOU) to supervise classification scores of positive examples.
Under the principle, we propose two simple yet effective modifications by
integrating positional metrics to DETR's classification loss and matching cost,
named position-supervised loss and position-modulated cost. We verify our
methods on several DETR variants. Our methods show consistent improvements over
baselines. By integrating our methods with DINO, we achieve 50.4 and 51.5 AP on
the COCO detection benchmark using ResNet-50 backbones under 12 epochs and 24
epochs training settings, achieving a new record under the same setting. We
achieve 63.8 AP on COCO detection test-dev with a Swin-Large backbone. Our code
will be made available at https://github.com/IDEA-Research/Stable-DINO.
| no_new_dataset | 0.944842 |
2304.04743 | Joseph M. Renes | Anqi Gong and Joseph M. Renes | Improved Logical Error Rate via List Decoding of Quantum Polar Codes | 14 pages, 7 figures | null | null | null | quant-ph cs.IT math.IT | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | The successive cancellation list decoder (SCL) is an efficient decoder for
classical polar codes with low decoding error, approximating the maximum
likelihood decoder (MLD) for small list sizes. Here we adapt the SCL to the
task of decoding quantum polar codes and show that it inherits the high
performance and low complexity of the classical case, and can approximate the
quantum MLD for certain channels. We apply SCL decoding to a novel version of
quantum polar codes based on the polarization weight (PW) method, which
entirely avoids the need for small amounts of entanglement assistance apparent
in previous quantum polar code constructions. When used to find the precise
error pattern, the quantum SCL decoder (SCL-E) shows competitive performance
with surface codes of similar size and low-density parity check codes of
similar size and rate. The SCL decoder may instead be used to approximate the
probability of each equivalence class of errors, and then choose the most
likely class. We benchmark this class-oriented decoder (SCL-C) against the
SCL-E decoder and find a noticeable improvement in the logical error rate. This
improvement stems from the fact that the contributions from just the low-weight
errors give a reasonable approximation to the error class probabilities. Both
SCL-E and SCL-C maintain the complexity O(LN logN) of SCL for code size N and
list size L. We also show that the list decoder can be used to gain insight
into the weight distribution of the codes and how this impacts the effect of
degenerate errors.
| [
{
"version": "v1",
"created": "Mon, 10 Apr 2023 17:56:10 GMT"
}
] | 2023-04-11T00:00:00 | [
[
"Gong",
"Anqi",
""
],
[
"Renes",
"Joseph M.",
""
]
] | TITLE: Improved Logical Error Rate via List Decoding of Quantum Polar Codes
ABSTRACT: The successive cancellation list decoder (SCL) is an efficient decoder for
classical polar codes with low decoding error, approximating the maximum
likelihood decoder (MLD) for small list sizes. Here we adapt the SCL to the
task of decoding quantum polar codes and show that it inherits the high
performance and low complexity of the classical case, and can approximate the
quantum MLD for certain channels. We apply SCL decoding to a novel version of
quantum polar codes based on the polarization weight (PW) method, which
entirely avoids the need for small amounts of entanglement assistance apparent
in previous quantum polar code constructions. When used to find the precise
error pattern, the quantum SCL decoder (SCL-E) shows competitive performance
with surface codes of similar size and low-density parity check codes of
similar size and rate. The SCL decoder may instead be used to approximate the
probability of each equivalence class of errors, and then choose the most
likely class. We benchmark this class-oriented decoder (SCL-C) against the
SCL-E decoder and find a noticeable improvement in the logical error rate. This
improvement stems from the fact that the contributions from just the low-weight
errors give a reasonable approximation to the error class probabilities. Both
SCL-E and SCL-C maintain the complexity O(LN logN) of SCL for code size N and
list size L. We also show that the list decoder can be used to gain insight
into the weight distribution of the codes and how this impacts the effect of
degenerate errors.
| no_new_dataset | 0.942665 |
2110.11155 | Luca Traini PhD | Luca Traini, Vittorio Cortellessa | DeLag: Using Multi-Objective Optimization to Enhance the Detection of
Latency Degradation Patterns in Service-based Systems | Accepted for publication in IEEE Transactions on Software Engineering
(TSE) | null | 10.1109/TSE.2023.3266041 | null | cs.SE cs.LG cs.PF | http://creativecommons.org/licenses/by/4.0/ | Performance debugging in production is a fundamental activity in modern
service-based systems. The diagnosis of performance issues is often
time-consuming, since it requires thorough inspection of large volumes of
traces and performance indices. In this paper we present DeLag, a novel
automated search-based approach for diagnosing performance issues in
service-based systems. DeLag identifies subsets of requests that show, in the
combination of their Remote Procedure Call execution times, symptoms of
potentially relevant performance issues. We call such symptoms Latency
Degradation Patterns. DeLag simultaneously searches for multiple latency
degradation patterns while optimizing precision, recall and latency
dissimilarity. Experimentation on 700 datasets of requests generated from two
microservice-based systems shows that our approach provides better and more
stable effectiveness than three state-of-the-art approaches and general purpose
machine learning clustering algorithms. DeLag is more effective than all
baseline techniques in at least one case study (with p $\leq$ 0.05 and
non-negligible effect size). Moreover, DeLag outperforms in terms of efficiency
the second and the third most effective baseline techniques on the largest
datasets used in our evaluation (up to 22%).
| [
{
"version": "v1",
"created": "Thu, 21 Oct 2021 13:59:32 GMT"
},
{
"version": "v2",
"created": "Fri, 30 Sep 2022 10:58:53 GMT"
},
{
"version": "v3",
"created": "Thu, 29 Dec 2022 18:53:22 GMT"
},
{
"version": "v4",
"created": "Fri, 7 Apr 2023 14:09:42 GMT"
}
] | 2023-04-10T00:00:00 | [
[
"Traini",
"Luca",
""
],
[
"Cortellessa",
"Vittorio",
""
]
] | TITLE: DeLag: Using Multi-Objective Optimization to Enhance the Detection of
Latency Degradation Patterns in Service-based Systems
ABSTRACT: Performance debugging in production is a fundamental activity in modern
service-based systems. The diagnosis of performance issues is often
time-consuming, since it requires thorough inspection of large volumes of
traces and performance indices. In this paper we present DeLag, a novel
automated search-based approach for diagnosing performance issues in
service-based systems. DeLag identifies subsets of requests that show, in the
combination of their Remote Procedure Call execution times, symptoms of
potentially relevant performance issues. We call such symptoms Latency
Degradation Patterns. DeLag simultaneously searches for multiple latency
degradation patterns while optimizing precision, recall and latency
dissimilarity. Experimentation on 700 datasets of requests generated from two
microservice-based systems shows that our approach provides better and more
stable effectiveness than three state-of-the-art approaches and general purpose
machine learning clustering algorithms. DeLag is more effective than all
baseline techniques in at least one case study (with p $\leq$ 0.05 and
non-negligible effect size). Moreover, DeLag outperforms in terms of efficiency
the second and the third most effective baseline techniques on the largest
datasets used in our evaluation (up to 22%).
| no_new_dataset | 0.942876 |
2111.08644 | Radu Tudor Ionescu | Andra Acsintoae, Andrei Florescu, Mariana-Iuliana Georgescu, Tudor
Mare, Paul Sumedrea, Radu Tudor Ionescu, Fahad Shahbaz Khan, Mubarak Shah | UBnormal: New Benchmark for Supervised Open-Set Video Anomaly Detection | Accepted at CVPR 2022. Paper + supplementary (15 pages, 9 figures) | null | null | null | cs.CV cs.LG | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Detecting abnormal events in video is commonly framed as a one-class
classification task, where training videos contain only normal events, while
test videos encompass both normal and abnormal events. In this scenario,
anomaly detection is an open-set problem. However, some studies assimilate
anomaly detection to action recognition. This is a closed-set scenario that
fails to test the capability of systems at detecting new anomaly types. To this
end, we propose UBnormal, a new supervised open-set benchmark composed of
multiple virtual scenes for video anomaly detection. Unlike existing data sets,
we introduce abnormal events annotated at the pixel level at training time, for
the first time enabling the use of fully-supervised learning methods for
abnormal event detection. To preserve the typical open-set formulation, we make
sure to include disjoint sets of anomaly types in our training and test
collections of videos. To our knowledge, UBnormal is the first video anomaly
detection benchmark to allow a fair head-to-head comparison between one-class
open-set models and supervised closed-set models, as shown in our experiments.
Moreover, we provide empirical evidence showing that UBnormal can enhance the
performance of a state-of-the-art anomaly detection framework on two prominent
data sets, Avenue and ShanghaiTech. Our benchmark is freely available at
https://github.com/lilygeorgescu/UBnormal.
| [
{
"version": "v1",
"created": "Tue, 16 Nov 2021 17:28:46 GMT"
},
{
"version": "v2",
"created": "Wed, 23 Mar 2022 14:06:40 GMT"
},
{
"version": "v3",
"created": "Fri, 7 Apr 2023 12:31:31 GMT"
}
] | 2023-04-10T00:00:00 | [
[
"Acsintoae",
"Andra",
""
],
[
"Florescu",
"Andrei",
""
],
[
"Georgescu",
"Mariana-Iuliana",
""
],
[
"Mare",
"Tudor",
""
],
[
"Sumedrea",
"Paul",
""
],
[
"Ionescu",
"Radu Tudor",
""
],
[
"Khan",
"Fahad Shahbaz",
""
],
[
"Shah",
"Mubarak",
""
]
] | TITLE: UBnormal: New Benchmark for Supervised Open-Set Video Anomaly Detection
ABSTRACT: Detecting abnormal events in video is commonly framed as a one-class
classification task, where training videos contain only normal events, while
test videos encompass both normal and abnormal events. In this scenario,
anomaly detection is an open-set problem. However, some studies assimilate
anomaly detection to action recognition. This is a closed-set scenario that
fails to test the capability of systems at detecting new anomaly types. To this
end, we propose UBnormal, a new supervised open-set benchmark composed of
multiple virtual scenes for video anomaly detection. Unlike existing data sets,
we introduce abnormal events annotated at the pixel level at training time, for
the first time enabling the use of fully-supervised learning methods for
abnormal event detection. To preserve the typical open-set formulation, we make
sure to include disjoint sets of anomaly types in our training and test
collections of videos. To our knowledge, UBnormal is the first video anomaly
detection benchmark to allow a fair head-to-head comparison between one-class
open-set models and supervised closed-set models, as shown in our experiments.
Moreover, we provide empirical evidence showing that UBnormal can enhance the
performance of a state-of-the-art anomaly detection framework on two prominent
data sets, Avenue and ShanghaiTech. Our benchmark is freely available at
https://github.com/lilygeorgescu/UBnormal.
| no_new_dataset | 0.639905 |
2112.00319 | Shlok Mishra | Shlok Mishra, Anshul Shah, Ankan Bansal, Abhyuday Jagannatha, Janit
Anjaria, Abhishek Sharma, David Jacobs, Dilip Krishnan | Object-Aware Cropping for Self-Supervised Learning | null | Transactions on Machine Learning Research 2022 | null | null | cs.CV cs.LG | http://creativecommons.org/publicdomain/zero/1.0/ | A core component of the recent success of self-supervised learning is
cropping data augmentation, which selects sub-regions of an image to be used as
positive views in the self-supervised loss. The underlying assumption is that
randomly cropped and resized regions of a given image share information about
the objects of interest, which the learned representation will capture. This
assumption is mostly satisfied in datasets such as ImageNet where there is a
large, centered object, which is highly likely to be present in random crops of
the full image. However, in other datasets such as OpenImages or COCO, which
are more representative of real world uncurated data, there are typically
multiple small objects in an image. In this work, we show that self-supervised
learning based on the usual random cropping performs poorly on such datasets.
We propose replacing one or both of the random crops with crops obtained from
an object proposal algorithm. This encourages the model to learn both object
and scene level semantic representations. Using this approach, which we call
object-aware cropping, results in significant improvements over scene cropping
on classification and object detection benchmarks. For example, on OpenImages,
our approach achieves an improvement of 8.8% mAP over random scene-level
cropping using MoCo-v2 based pre-training. We also show significant
improvements on COCO and PASCAL-VOC object detection and segmentation tasks
over the state-of-the-art self-supervised learning approaches. Our approach is
efficient, simple and general, and can be used in most existing contrastive and
non-contrastive self-supervised learning frameworks.
| [
{
"version": "v1",
"created": "Wed, 1 Dec 2021 07:23:37 GMT"
},
{
"version": "v2",
"created": "Thu, 6 Apr 2023 20:05:35 GMT"
}
] | 2023-04-10T00:00:00 | [
[
"Mishra",
"Shlok",
""
],
[
"Shah",
"Anshul",
""
],
[
"Bansal",
"Ankan",
""
],
[
"Jagannatha",
"Abhyuday",
""
],
[
"Anjaria",
"Janit",
""
],
[
"Sharma",
"Abhishek",
""
],
[
"Jacobs",
"David",
""
],
[
"Krishnan",
"Dilip",
""
]
] | TITLE: Object-Aware Cropping for Self-Supervised Learning
ABSTRACT: A core component of the recent success of self-supervised learning is
cropping data augmentation, which selects sub-regions of an image to be used as
positive views in the self-supervised loss. The underlying assumption is that
randomly cropped and resized regions of a given image share information about
the objects of interest, which the learned representation will capture. This
assumption is mostly satisfied in datasets such as ImageNet where there is a
large, centered object, which is highly likely to be present in random crops of
the full image. However, in other datasets such as OpenImages or COCO, which
are more representative of real world uncurated data, there are typically
multiple small objects in an image. In this work, we show that self-supervised
learning based on the usual random cropping performs poorly on such datasets.
We propose replacing one or both of the random crops with crops obtained from
an object proposal algorithm. This encourages the model to learn both object
and scene level semantic representations. Using this approach, which we call
object-aware cropping, results in significant improvements over scene cropping
on classification and object detection benchmarks. For example, on OpenImages,
our approach achieves an improvement of 8.8% mAP over random scene-level
cropping using MoCo-v2 based pre-training. We also show significant
improvements on COCO and PASCAL-VOC object detection and segmentation tasks
over the state-of-the-art self-supervised learning approaches. Our approach is
efficient, simple and general, and can be used in most existing contrastive and
non-contrastive self-supervised learning frameworks.
| no_new_dataset | 0.949342 |
2203.02090 | Nathaniel Josephs | Luyi Shen, Arash Amini, Nathaniel Josephs, and Lizhen Lin | Bayesian community detection for networks with covariates | null | null | null | null | stat.ME cs.SI stat.CO stat.ML | http://creativecommons.org/licenses/by/4.0/ | The increasing prevalence of network data in a vast variety of fields and the
need to extract useful information out of them have spurred fast developments
in related models and algorithms. Among the various learning tasks with network
data, community detection, the discovery of node clusters or "communities," has
arguably received the most attention in the scientific community. In many
real-world applications, the network data often come with additional
information in the form of node or edge covariates that should ideally be
leveraged for inference. In this paper, we add to a limited literature on
community detection for networks with covariates by proposing a Bayesian
stochastic block model with a covariate-dependent random partition prior. Under
our prior, the covariates are explicitly expressed in specifying the prior
distribution on the cluster membership. Our model has the flexibility of
modeling uncertainties of all the parameter estimates including the community
membership. Importantly, and unlike the majority of existing methods, our model
has the ability to learn the number of the communities via posterior inference
without having to assume it to be known. Our model can be applied to community
detection in both dense and sparse networks, with both categorical and
continuous covariates, and our MCMC algorithm is very efficient with good
mixing properties. We demonstrate the superior performance of our model over
existing models in a comprehensive simulation study and an application to two
real datasets.
| [
{
"version": "v1",
"created": "Fri, 4 Mar 2022 01:58:35 GMT"
},
{
"version": "v2",
"created": "Thu, 6 Apr 2023 18:57:17 GMT"
}
] | 2023-04-10T00:00:00 | [
[
"Shen",
"Luyi",
""
],
[
"Amini",
"Arash",
""
],
[
"Josephs",
"Nathaniel",
""
],
[
"Lin",
"Lizhen",
""
]
] | TITLE: Bayesian community detection for networks with covariates
ABSTRACT: The increasing prevalence of network data in a vast variety of fields and the
need to extract useful information out of them have spurred fast developments
in related models and algorithms. Among the various learning tasks with network
data, community detection, the discovery of node clusters or "communities," has
arguably received the most attention in the scientific community. In many
real-world applications, the network data often come with additional
information in the form of node or edge covariates that should ideally be
leveraged for inference. In this paper, we add to a limited literature on
community detection for networks with covariates by proposing a Bayesian
stochastic block model with a covariate-dependent random partition prior. Under
our prior, the covariates are explicitly expressed in specifying the prior
distribution on the cluster membership. Our model has the flexibility of
modeling uncertainties of all the parameter estimates including the community
membership. Importantly, and unlike the majority of existing methods, our model
has the ability to learn the number of the communities via posterior inference
without having to assume it to be known. Our model can be applied to community
detection in both dense and sparse networks, with both categorical and
continuous covariates, and our MCMC algorithm is very efficient with good
mixing properties. We demonstrate the superior performance of our model over
existing models in a comprehensive simulation study and an application to two
real datasets.
| no_new_dataset | 0.95275 |
2203.04249 | Anirudh Allam | Aki Takahashi, Anirudh Allam, Simona Onori | Evaluating feasibility of batteries for second-life applications using
machine learning | 23 pages | null | null | null | eess.SY cs.LG cs.SY | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | This paper presents a combination of machine learning techniques to enable
prompt evaluation of retired electric vehicle batteries as to either retain
those batteries for a second-life application and extend their operation beyond
the original and first intent or send them to recycle facilities. The proposed
algorithm generates features from available battery current and voltage
measurements with simple statistics, selects and ranks the features using
correlation analysis, and employs Gaussian Process Regression enhanced with
bagging. This approach is validated over publicly available aging datasets of
more than 200 cells with slow and fast charging, with different cathode
chemistries, and for diverse operating conditions. Promising results are
observed based on multiple training-test partitions, wherein the mean of Root
Mean Squared Percent Error and Mean Percent Error performance errors are found
to be less than 1.48% and 1.29%, respectively, in the worst-case scenarios.
| [
{
"version": "v1",
"created": "Tue, 8 Mar 2022 18:07:33 GMT"
},
{
"version": "v2",
"created": "Fri, 7 Apr 2023 15:55:50 GMT"
}
] | 2023-04-10T00:00:00 | [
[
"Takahashi",
"Aki",
""
],
[
"Allam",
"Anirudh",
""
],
[
"Onori",
"Simona",
""
]
] | TITLE: Evaluating feasibility of batteries for second-life applications using
machine learning
ABSTRACT: This paper presents a combination of machine learning techniques to enable
prompt evaluation of retired electric vehicle batteries as to either retain
those batteries for a second-life application and extend their operation beyond
the original and first intent or send them to recycle facilities. The proposed
algorithm generates features from available battery current and voltage
measurements with simple statistics, selects and ranks the features using
correlation analysis, and employs Gaussian Process Regression enhanced with
bagging. This approach is validated over publicly available aging datasets of
more than 200 cells with slow and fast charging, with different cathode
chemistries, and for diverse operating conditions. Promising results are
observed based on multiple training-test partitions, wherein the mean of Root
Mean Squared Percent Error and Mean Percent Error performance errors are found
to be less than 1.48% and 1.29%, respectively, in the worst-case scenarios.
| no_new_dataset | 0.944893 |
2203.11987 | Ryan Grainger | Ryan Grainger, Thomas Paniagua, Xi Song, Naresh Cuntoor, Mun Wai Lee,
Tianfu Wu | PaCa-ViT: Learning Patch-to-Cluster Attention in Vision Transformers | CVPR 2023 | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Vision Transformers (ViTs) are built on the assumption of treating image
patches as ``visual tokens" and learn patch-to-patch attention. The patch
embedding based tokenizer has a semantic gap with respect to its counterpart,
the textual tokenizer. The patch-to-patch attention suffers from the quadratic
complexity issue, and also makes it non-trivial to explain learned ViTs. To
address these issues in ViT, this paper proposes to learn Patch-to-Cluster
attention (PaCa) in ViT. Queries in our PaCa-ViT starts with patches, while
keys and values are directly based on clustering (with a predefined small
number of clusters). The clusters are learned end-to-end, leading to better
tokenizers and inducing joint clustering-for-attention and
attention-for-clustering for better and interpretable models. The quadratic
complexity is relaxed to linear complexity. The proposed PaCa module is used in
designing efficient and interpretable ViT backbones and semantic segmentation
head networks. In experiments, the proposed methods are tested on ImageNet-1k
image classification, MS-COCO object detection and instance segmentation and
MIT-ADE20k semantic segmentation. Compared with the prior art, it obtains
better performance in all the three benchmarks than the SWin and the PVTs by
significant margins in ImageNet-1k and MIT-ADE20k. It is also significantly
more efficient than PVT models in MS-COCO and MIT-ADE20k due to the linear
complexity. The learned clusters are semantically meaningful. Code and model
checkpoints are available at https://github.com/iVMCL/PaCaViT.
| [
{
"version": "v1",
"created": "Tue, 22 Mar 2022 18:28:02 GMT"
},
{
"version": "v2",
"created": "Fri, 7 Apr 2023 00:46:43 GMT"
}
] | 2023-04-10T00:00:00 | [
[
"Grainger",
"Ryan",
""
],
[
"Paniagua",
"Thomas",
""
],
[
"Song",
"Xi",
""
],
[
"Cuntoor",
"Naresh",
""
],
[
"Lee",
"Mun Wai",
""
],
[
"Wu",
"Tianfu",
""
]
] | TITLE: PaCa-ViT: Learning Patch-to-Cluster Attention in Vision Transformers
ABSTRACT: Vision Transformers (ViTs) are built on the assumption of treating image
patches as ``visual tokens" and learn patch-to-patch attention. The patch
embedding based tokenizer has a semantic gap with respect to its counterpart,
the textual tokenizer. The patch-to-patch attention suffers from the quadratic
complexity issue, and also makes it non-trivial to explain learned ViTs. To
address these issues in ViT, this paper proposes to learn Patch-to-Cluster
attention (PaCa) in ViT. Queries in our PaCa-ViT starts with patches, while
keys and values are directly based on clustering (with a predefined small
number of clusters). The clusters are learned end-to-end, leading to better
tokenizers and inducing joint clustering-for-attention and
attention-for-clustering for better and interpretable models. The quadratic
complexity is relaxed to linear complexity. The proposed PaCa module is used in
designing efficient and interpretable ViT backbones and semantic segmentation
head networks. In experiments, the proposed methods are tested on ImageNet-1k
image classification, MS-COCO object detection and instance segmentation and
MIT-ADE20k semantic segmentation. Compared with the prior art, it obtains
better performance in all the three benchmarks than the SWin and the PVTs by
significant margins in ImageNet-1k and MIT-ADE20k. It is also significantly
more efficient than PVT models in MS-COCO and MIT-ADE20k due to the linear
complexity. The learned clusters are semantically meaningful. Code and model
checkpoints are available at https://github.com/iVMCL/PaCaViT.
| no_new_dataset | 0.955319 |
2204.06552 | Edoardo Mello Rella | Edoardo Mello Rella, Ajad Chhatkuli, Ender Konukoglu, and Luc Van Gool | Neural Vector Fields for Implicit Surface Representation and Inference | null | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Implicit fields have recently shown increasing success in representing and
learning 3D shapes accurately. Signed distance fields and occupancy fields are
decades old and still the preferred representations, both with well-studied
properties, despite their restriction to closed surfaces. With neural networks,
several other variations and training principles have been proposed with the
goal to represent all classes of shapes. In this paper, we develop a novel and
yet a fundamental representation considering unit vectors in 3D space and call
it Vector Field (VF): at each point in $\mathbb{R}^3$, VF is directed at the
closest point on the surface. We theoretically demonstrate that VF can be
easily transformed to surface density by computing the flux density. Unlike
other standard representations, VF directly encodes an important physical
property of the surface, its normal. We further show the advantages of VF
representation, in learning open, closed, or multi-layered as well as piecewise
planar surfaces. We compare our method on several datasets including ShapeNet
where the proposed new neural implicit field shows superior accuracy in
representing any type of shape, outperforming other standard methods. Code is
available at https://github.com/edomel/ImplicitVF.
| [
{
"version": "v1",
"created": "Wed, 13 Apr 2022 17:53:34 GMT"
},
{
"version": "v2",
"created": "Fri, 9 Dec 2022 10:43:49 GMT"
},
{
"version": "v3",
"created": "Fri, 7 Apr 2023 15:15:46 GMT"
}
] | 2023-04-10T00:00:00 | [
[
"Rella",
"Edoardo Mello",
""
],
[
"Chhatkuli",
"Ajad",
""
],
[
"Konukoglu",
"Ender",
""
],
[
"Van Gool",
"Luc",
""
]
] | TITLE: Neural Vector Fields for Implicit Surface Representation and Inference
ABSTRACT: Implicit fields have recently shown increasing success in representing and
learning 3D shapes accurately. Signed distance fields and occupancy fields are
decades old and still the preferred representations, both with well-studied
properties, despite their restriction to closed surfaces. With neural networks,
several other variations and training principles have been proposed with the
goal to represent all classes of shapes. In this paper, we develop a novel and
yet a fundamental representation considering unit vectors in 3D space and call
it Vector Field (VF): at each point in $\mathbb{R}^3$, VF is directed at the
closest point on the surface. We theoretically demonstrate that VF can be
easily transformed to surface density by computing the flux density. Unlike
other standard representations, VF directly encodes an important physical
property of the surface, its normal. We further show the advantages of VF
representation, in learning open, closed, or multi-layered as well as piecewise
planar surfaces. We compare our method on several datasets including ShapeNet
where the proposed new neural implicit field shows superior accuracy in
representing any type of shape, outperforming other standard methods. Code is
available at https://github.com/edomel/ImplicitVF.
| no_new_dataset | 0.945901 |
2205.14354 | Yangyang Xu | Yangyang Xu, Xiangtai Li, Haobo Yuan, Yibo Yang, Lefei Zhang | Multi-Task Learning with Multi-Query Transformer for Dense Prediction | null | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Previous multi-task dense prediction studies developed complex pipelines such
as multi-modal distillations in multiple stages or searching for task
relational contexts for each task. The core insight beyond these methods is to
maximize the mutual effects of each task. Inspired by the recent query-based
Transformers, we propose a simple pipeline named Multi-Query Transformer
(MQTransformer) that is equipped with multiple queries from different tasks to
facilitate the reasoning among multiple tasks and simplify the cross-task
interaction pipeline. Instead of modeling the dense per-pixel context among
different tasks, we seek a task-specific proxy to perform cross-task reasoning
via multiple queries where each query encodes the task-related context. The
MQTransformer is composed of three key components: shared encoder, cross-task
query attention module and shared decoder. We first model each task with a
task-relevant query. Then both the task-specific feature output by the feature
extractor and the task-relevant query are fed into the shared encoder, thus
encoding the task-relevant query from the task-specific feature. Secondly, we
design a cross-task query attention module to reason the dependencies among
multiple task-relevant queries; this enables the module to only focus on the
query-level interaction. Finally, we use a shared decoder to gradually refine
the image features with the reasoned query features from different tasks.
Extensive experiment results on two dense prediction datasets (NYUD-v2 and
PASCAL-Context) show that the proposed method is an effective approach and
achieves state-of-the-art results. Code and models are available at
https://github.com/yangyangxu0/MQTransformer.
| [
{
"version": "v1",
"created": "Sat, 28 May 2022 06:51:10 GMT"
},
{
"version": "v2",
"created": "Tue, 31 May 2022 07:36:22 GMT"
},
{
"version": "v3",
"created": "Sat, 16 Jul 2022 09:29:11 GMT"
},
{
"version": "v4",
"created": "Fri, 7 Apr 2023 17:58:55 GMT"
}
] | 2023-04-10T00:00:00 | [
[
"Xu",
"Yangyang",
""
],
[
"Li",
"Xiangtai",
""
],
[
"Yuan",
"Haobo",
""
],
[
"Yang",
"Yibo",
""
],
[
"Zhang",
"Lefei",
""
]
] | TITLE: Multi-Task Learning with Multi-Query Transformer for Dense Prediction
ABSTRACT: Previous multi-task dense prediction studies developed complex pipelines such
as multi-modal distillations in multiple stages or searching for task
relational contexts for each task. The core insight beyond these methods is to
maximize the mutual effects of each task. Inspired by the recent query-based
Transformers, we propose a simple pipeline named Multi-Query Transformer
(MQTransformer) that is equipped with multiple queries from different tasks to
facilitate the reasoning among multiple tasks and simplify the cross-task
interaction pipeline. Instead of modeling the dense per-pixel context among
different tasks, we seek a task-specific proxy to perform cross-task reasoning
via multiple queries where each query encodes the task-related context. The
MQTransformer is composed of three key components: shared encoder, cross-task
query attention module and shared decoder. We first model each task with a
task-relevant query. Then both the task-specific feature output by the feature
extractor and the task-relevant query are fed into the shared encoder, thus
encoding the task-relevant query from the task-specific feature. Secondly, we
design a cross-task query attention module to reason the dependencies among
multiple task-relevant queries; this enables the module to only focus on the
query-level interaction. Finally, we use a shared decoder to gradually refine
the image features with the reasoned query features from different tasks.
Extensive experiment results on two dense prediction datasets (NYUD-v2 and
PASCAL-Context) show that the proposed method is an effective approach and
achieves state-of-the-art results. Code and models are available at
https://github.com/yangyangxu0/MQTransformer.
| no_new_dataset | 0.938463 |
2206.01856 | Calvin-Khang Ta | Calvin-Khang Ta, Abhishek Aich, Akash Gupta, Amit K. Roy-Chowdhury | Poisson2Sparse: Self-Supervised Poisson Denoising From a Single Image | Accepted to MICCAI 2022 | null | 10.1007/978-3-031-16452-1_53 | null | eess.IV cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Image enhancement approaches often assume that the noise is signal
independent, and approximate the degradation model as zero-mean additive
Gaussian. However, this assumption does not hold for biomedical imaging systems
where sensor-based sources of noise are proportional to signal strengths, and
the noise is better represented as a Poisson process. In this work, we explore
a sparsity and dictionary learning-based approach and present a novel
self-supervised learning method for single-image denoising where the noise is
approximated as a Poisson process, requiring no clean ground-truth data.
Specifically, we approximate traditional iterative optimization algorithms for
image denoising with a recurrent neural network that enforces sparsity with
respect to the weights of the network. Since the sparse representations are
based on the underlying image, it is able to suppress the spurious components
(noise) in the image patches, thereby introducing implicit regularization for
denoising tasks through the network structure. Experiments on two bio-imaging
datasets demonstrate that our method outperforms the state-of-the-art
approaches in terms of PSNR and SSIM. Our qualitative results demonstrate that,
in addition to higher performance on standard quantitative metrics, we are able
to recover much more subtle details than other compared approaches. Our code is
made publicly available at https://github.com/tacalvin/Poisson2Sparse
| [
{
"version": "v1",
"created": "Sat, 4 Jun 2022 00:08:58 GMT"
},
{
"version": "v2",
"created": "Mon, 27 Jun 2022 05:05:05 GMT"
}
] | 2023-04-10T00:00:00 | [
[
"Ta",
"Calvin-Khang",
""
],
[
"Aich",
"Abhishek",
""
],
[
"Gupta",
"Akash",
""
],
[
"Roy-Chowdhury",
"Amit K.",
""
]
] | TITLE: Poisson2Sparse: Self-Supervised Poisson Denoising From a Single Image
ABSTRACT: Image enhancement approaches often assume that the noise is signal
independent, and approximate the degradation model as zero-mean additive
Gaussian. However, this assumption does not hold for biomedical imaging systems
where sensor-based sources of noise are proportional to signal strengths, and
the noise is better represented as a Poisson process. In this work, we explore
a sparsity and dictionary learning-based approach and present a novel
self-supervised learning method for single-image denoising where the noise is
approximated as a Poisson process, requiring no clean ground-truth data.
Specifically, we approximate traditional iterative optimization algorithms for
image denoising with a recurrent neural network that enforces sparsity with
respect to the weights of the network. Since the sparse representations are
based on the underlying image, it is able to suppress the spurious components
(noise) in the image patches, thereby introducing implicit regularization for
denoising tasks through the network structure. Experiments on two bio-imaging
datasets demonstrate that our method outperforms the state-of-the-art
approaches in terms of PSNR and SSIM. Our qualitative results demonstrate that,
in addition to higher performance on standard quantitative metrics, we are able
to recover much more subtle details than other compared approaches. Our code is
made publicly available at https://github.com/tacalvin/Poisson2Sparse
| no_new_dataset | 0.945951 |
2206.02066 | Jiacong Xu | Jiacong Xu, Zixiang Xiong and Shankar P. Bhattacharyya | PIDNet: A Real-time Semantic Segmentation Network Inspired by PID
Controllers | 11 pages, 9 figures; This paper will be published by CVPR2023 soon,
please refer to the official version then | null | null | null | cs.CV cs.AI | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Two-branch network architecture has shown its efficiency and effectiveness in
real-time semantic segmentation tasks. However, direct fusion of
high-resolution details and low-frequency context has the drawback of detailed
features being easily overwhelmed by surrounding contextual information. This
overshoot phenomenon limits the improvement of the segmentation accuracy of
existing two-branch models. In this paper, we make a connection between
Convolutional Neural Networks (CNN) and Proportional-Integral-Derivative (PID)
controllers and reveal that a two-branch network is equivalent to a
Proportional-Integral (PI) controller, which inherently suffers from similar
overshoot issues. To alleviate this problem, we propose a novel three-branch
network architecture: PIDNet, which contains three branches to parse detailed,
context and boundary information, respectively, and employs boundary attention
to guide the fusion of detailed and context branches. Our family of PIDNets
achieve the best trade-off between inference speed and accuracy and their
accuracy surpasses all the existing models with similar inference speed on the
Cityscapes and CamVid datasets. Specifically, PIDNet-S achieves 78.6% mIOU with
inference speed of 93.2 FPS on Cityscapes and 80.1% mIOU with speed of 153.7
FPS on CamVid.
| [
{
"version": "v1",
"created": "Sat, 4 Jun 2022 23:16:52 GMT"
},
{
"version": "v2",
"created": "Fri, 10 Jun 2022 00:44:39 GMT"
},
{
"version": "v3",
"created": "Fri, 7 Apr 2023 01:10:17 GMT"
}
] | 2023-04-10T00:00:00 | [
[
"Xu",
"Jiacong",
""
],
[
"Xiong",
"Zixiang",
""
],
[
"Bhattacharyya",
"Shankar P.",
""
]
] | TITLE: PIDNet: A Real-time Semantic Segmentation Network Inspired by PID
Controllers
ABSTRACT: Two-branch network architecture has shown its efficiency and effectiveness in
real-time semantic segmentation tasks. However, direct fusion of
high-resolution details and low-frequency context has the drawback of detailed
features being easily overwhelmed by surrounding contextual information. This
overshoot phenomenon limits the improvement of the segmentation accuracy of
existing two-branch models. In this paper, we make a connection between
Convolutional Neural Networks (CNN) and Proportional-Integral-Derivative (PID)
controllers and reveal that a two-branch network is equivalent to a
Proportional-Integral (PI) controller, which inherently suffers from similar
overshoot issues. To alleviate this problem, we propose a novel three-branch
network architecture: PIDNet, which contains three branches to parse detailed,
context and boundary information, respectively, and employs boundary attention
to guide the fusion of detailed and context branches. Our family of PIDNets
achieve the best trade-off between inference speed and accuracy and their
accuracy surpasses all the existing models with similar inference speed on the
Cityscapes and CamVid datasets. Specifically, PIDNet-S achieves 78.6% mIOU with
inference speed of 93.2 FPS on Cityscapes and 80.1% mIOU with speed of 153.7
FPS on CamVid.
| no_new_dataset | 0.948346 |
2206.12036 | Zitao Liu | Qiongqiong Liu, Yaying Huang, Zitao Liu, Shuyan Huang, Jiahao Chen,
Xiangyu Zhao, Guimin Lin, Yuyu Zhou, Weiqi Luo | SC-Ques: A Sentence Completion Question Dataset for English as a Second
Language Learners | Accepted in ITS'2023: The 19th International Conference on
Intelligent Tutoring Systems(ITS), 2023 | null | null | null | cs.CL cs.AI | http://creativecommons.org/licenses/by/4.0/ | Sentence completion (SC) questions present a sentence with one or more blanks
that need to be filled in, three to five possible words or phrases as options.
SC questions are widely used for students learning English as a Second Language
(ESL). In this paper, we present a large-scale SC dataset, \textsc{SC-Ques},
which is made up of 289,148 ESL SC questions from real-world standardized
English examinations. Furthermore, we build a comprehensive benchmark of
automatically solving the SC questions by training the large-scale pre-trained
language models on the proposed \textsc{SC-Ques} dataset. We conduct detailed
analysis of the baseline models performance, limitations and trade-offs. The
data and our code are available for research purposes from:
\url{https://github.com/ai4ed/SC-Ques}.
| [
{
"version": "v1",
"created": "Fri, 24 Jun 2022 02:17:13 GMT"
},
{
"version": "v2",
"created": "Fri, 7 Apr 2023 11:55:04 GMT"
}
] | 2023-04-10T00:00:00 | [
[
"Liu",
"Qiongqiong",
""
],
[
"Huang",
"Yaying",
""
],
[
"Liu",
"Zitao",
""
],
[
"Huang",
"Shuyan",
""
],
[
"Chen",
"Jiahao",
""
],
[
"Zhao",
"Xiangyu",
""
],
[
"Lin",
"Guimin",
""
],
[
"Zhou",
"Yuyu",
""
],
[
"Luo",
"Weiqi",
""
]
] | TITLE: SC-Ques: A Sentence Completion Question Dataset for English as a Second
Language Learners
ABSTRACT: Sentence completion (SC) questions present a sentence with one or more blanks
that need to be filled in, three to five possible words or phrases as options.
SC questions are widely used for students learning English as a Second Language
(ESL). In this paper, we present a large-scale SC dataset, \textsc{SC-Ques},
which is made up of 289,148 ESL SC questions from real-world standardized
English examinations. Furthermore, we build a comprehensive benchmark of
automatically solving the SC questions by training the large-scale pre-trained
language models on the proposed \textsc{SC-Ques} dataset. We conduct detailed
analysis of the baseline models performance, limitations and trade-offs. The
data and our code are available for research purposes from:
\url{https://github.com/ai4ed/SC-Ques}.
| new_dataset | 0.961714 |
2207.01398 | Madeline Chantry Schiappa | Madeline Chantry Schiappa, Naman Biyani, Prudvi Kamtam, Shruti Vyas,
Hamid Palangi, Vibhav Vineet, Yogesh Rawat | Large-scale Robustness Analysis of Video Action Recognition Models | Accepted in 2023 Conference on Computer Vision and Pattern
Recognition (CVPR) | null | null | null | cs.CV eess.IV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | We have seen a great progress in video action recognition in recent years.
There are several models based on convolutional neural network (CNN) and some
recent transformer based approaches which provide top performance on existing
benchmarks. In this work, we perform a large-scale robustness analysis of these
existing models for video action recognition. We focus on robustness against
real-world distribution shift perturbations instead of adversarial
perturbations. We propose four different benchmark datasets, HMDB51-P,
UCF101-P, Kinetics400-P, and SSv2-P to perform this analysis. We study
robustness of six state-of-the-art action recognition models against 90
different perturbations. The study reveals some interesting findings, 1)
transformer based models are consistently more robust compared to CNN based
models, 2) Pretraining improves robustness for Transformer based models more
than CNN based models, and 3) All of the studied models are robust to temporal
perturbations for all datasets but SSv2; suggesting the importance of temporal
information for action recognition varies based on the dataset and activities.
Next, we study the role of augmentations in model robustness and present a
real-world dataset, UCF101-DS, which contains realistic distribution shifts, to
further validate some of these findings. We believe this study will serve as a
benchmark for future research in robust video action recognition.
| [
{
"version": "v1",
"created": "Mon, 4 Jul 2022 13:29:34 GMT"
},
{
"version": "v2",
"created": "Fri, 7 Apr 2023 16:40:59 GMT"
}
] | 2023-04-10T00:00:00 | [
[
"Schiappa",
"Madeline Chantry",
""
],
[
"Biyani",
"Naman",
""
],
[
"Kamtam",
"Prudvi",
""
],
[
"Vyas",
"Shruti",
""
],
[
"Palangi",
"Hamid",
""
],
[
"Vineet",
"Vibhav",
""
],
[
"Rawat",
"Yogesh",
""
]
] | TITLE: Large-scale Robustness Analysis of Video Action Recognition Models
ABSTRACT: We have seen a great progress in video action recognition in recent years.
There are several models based on convolutional neural network (CNN) and some
recent transformer based approaches which provide top performance on existing
benchmarks. In this work, we perform a large-scale robustness analysis of these
existing models for video action recognition. We focus on robustness against
real-world distribution shift perturbations instead of adversarial
perturbations. We propose four different benchmark datasets, HMDB51-P,
UCF101-P, Kinetics400-P, and SSv2-P to perform this analysis. We study
robustness of six state-of-the-art action recognition models against 90
different perturbations. The study reveals some interesting findings, 1)
transformer based models are consistently more robust compared to CNN based
models, 2) Pretraining improves robustness for Transformer based models more
than CNN based models, and 3) All of the studied models are robust to temporal
perturbations for all datasets but SSv2; suggesting the importance of temporal
information for action recognition varies based on the dataset and activities.
Next, we study the role of augmentations in model robustness and present a
real-world dataset, UCF101-DS, which contains realistic distribution shifts, to
further validate some of these findings. We believe this study will serve as a
benchmark for future research in robust video action recognition.
| new_dataset | 0.967899 |
2207.08349 | Julie Jiang | Julie Jiang, Xiang Ren, Emilio Ferrara | Retweet-BERT: Political Leaning Detection Using Language Features and
Information Diffusion on Social Networks | 11 pages, 3 figures, 4 tables. arXiv admin note: text overlap with
arXiv:2103.10979 | The 17th International AAAI Conference on Web and Social Media
(ICWSM 2023) | null | null | cs.SI cs.LG physics.soc-ph | http://creativecommons.org/licenses/by-nc-nd/4.0/ | Estimating the political leanings of social media users is a challenging and
ever more pressing problem given the increase in social media consumption. We
introduce Retweet-BERT, a simple and scalable model to estimate the political
leanings of Twitter users. Retweet-BERT leverages the retweet network structure
and the language used in users' profile descriptions. Our assumptions stem from
patterns of networks and linguistics homophily among people who share similar
ideologies. Retweet-BERT demonstrates competitive performance against other
state-of-the-art baselines, achieving 96%-97% macro-F1 on two recent Twitter
datasets (a COVID-19 dataset and a 2020 United States presidential elections
dataset). We also perform manual validation to validate the performance of
Retweet-BERT on users not in the training data. Finally, in a case study of
COVID-19, we illustrate the presence of political echo chambers on Twitter and
show that it exists primarily among right-leaning users. Our code is
open-sourced and our data is publicly available.
| [
{
"version": "v1",
"created": "Mon, 18 Jul 2022 02:18:20 GMT"
},
{
"version": "v2",
"created": "Fri, 7 Oct 2022 02:30:56 GMT"
},
{
"version": "v3",
"created": "Sat, 1 Apr 2023 22:08:55 GMT"
},
{
"version": "v4",
"created": "Thu, 6 Apr 2023 18:48:15 GMT"
}
] | 2023-04-10T00:00:00 | [
[
"Jiang",
"Julie",
""
],
[
"Ren",
"Xiang",
""
],
[
"Ferrara",
"Emilio",
""
]
] | TITLE: Retweet-BERT: Political Leaning Detection Using Language Features and
Information Diffusion on Social Networks
ABSTRACT: Estimating the political leanings of social media users is a challenging and
ever more pressing problem given the increase in social media consumption. We
introduce Retweet-BERT, a simple and scalable model to estimate the political
leanings of Twitter users. Retweet-BERT leverages the retweet network structure
and the language used in users' profile descriptions. Our assumptions stem from
patterns of networks and linguistics homophily among people who share similar
ideologies. Retweet-BERT demonstrates competitive performance against other
state-of-the-art baselines, achieving 96%-97% macro-F1 on two recent Twitter
datasets (a COVID-19 dataset and a 2020 United States presidential elections
dataset). We also perform manual validation to validate the performance of
Retweet-BERT on users not in the training data. Finally, in a case study of
COVID-19, we illustrate the presence of political echo chambers on Twitter and
show that it exists primarily among right-leaning users. Our code is
open-sourced and our data is publicly available.
| no_new_dataset | 0.944074 |
2208.12933 | Tatsuro Kawamoto | Tatsuro Kawamoto, Masaki Ochi, Teruyoshi Kobayashi | Consistency between ordering and clustering methods for graphs | 30 pages, 26 figures | Phys. Rev. Research 5, 023006 (2023) | 10.1103/PhysRevResearch.5.023006 | null | cs.LG cs.SI physics.soc-ph | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | A relational dataset is often analyzed by optimally assigning a label to each
element through clustering or ordering. While similar characterizations of a
dataset would be achieved by both clustering and ordering methods, the former
has been studied much more actively than the latter, particularly for the data
represented as graphs. This study fills this gap by investigating
methodological relationships between several clustering and ordering methods,
focusing on spectral techniques. Furthermore, we evaluate the resulting
performance of the clustering and ordering methods. To this end, we propose a
measure called the label continuity error, which generically quantifies the
degree of consistency between a sequence and partition for a set of elements.
Based on synthetic and real-world datasets, we evaluate the extents to which an
ordering method identifies a module structure and a clustering method
identifies a banded structure.
| [
{
"version": "v1",
"created": "Sat, 27 Aug 2022 05:55:26 GMT"
},
{
"version": "v2",
"created": "Fri, 7 Apr 2023 16:02:19 GMT"
}
] | 2023-04-10T00:00:00 | [
[
"Kawamoto",
"Tatsuro",
""
],
[
"Ochi",
"Masaki",
""
],
[
"Kobayashi",
"Teruyoshi",
""
]
] | TITLE: Consistency between ordering and clustering methods for graphs
ABSTRACT: A relational dataset is often analyzed by optimally assigning a label to each
element through clustering or ordering. While similar characterizations of a
dataset would be achieved by both clustering and ordering methods, the former
has been studied much more actively than the latter, particularly for the data
represented as graphs. This study fills this gap by investigating
methodological relationships between several clustering and ordering methods,
focusing on spectral techniques. Furthermore, we evaluate the resulting
performance of the clustering and ordering methods. To this end, we propose a
measure called the label continuity error, which generically quantifies the
degree of consistency between a sequence and partition for a set of elements.
Based on synthetic and real-world datasets, we evaluate the extents to which an
ordering method identifies a module structure and a clustering method
identifies a banded structure.
| no_new_dataset | 0.950595 |
2209.00727 | Xin-Yi Tong | Xin-Yi Tong, Gui-Song Xia, Xiao Xiang Zhu | Enabling Country-Scale Land Cover Mapping with Meter-Resolution
Satellite Imagery | null | null | 10.1016/j.isprsjprs.2022.12.011 | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | High-resolution satellite images can provide abundant, detailed spatial
information for land cover classification, which is particularly important for
studying the complicated built environment. However, due to the complex land
cover patterns, the costly training sample collections, and the severe
distribution shifts of satellite imageries, few studies have applied
high-resolution images to land cover mapping in detailed categories at large
scale. To fill this gap, we present a large-scale land cover dataset,
Five-Billion-Pixels. It contains more than 5 billion labeled pixels of 150
high-resolution Gaofen-2 (4 m) satellite images, annotated in a 24-category
system covering artificial-constructed, agricultural, and natural classes. In
addition, we propose a deep-learning-based unsupervised domain adaptation
approach that can transfer classification models trained on labeled dataset
(referred to as the source domain) to unlabeled data (referred to as the target
domain) for large-scale land cover mapping. Specifically, we introduce an
end-to-end Siamese network employing dynamic pseudo-label assignment and class
balancing strategy to perform adaptive domain joint learning. To validate the
generalizability of our dataset and the proposed approach across different
sensors and different geographical regions, we carry out land cover mapping on
five megacities in China and six cities in other five Asian countries severally
using: PlanetScope (3 m), Gaofen-1 (8 m), and Sentinel-2 (10 m) satellite
images. Over a total study area of 60,000 square kilometers, the experiments
show promising results even though the input images are entirely unlabeled. The
proposed approach, trained with the Five-Billion-Pixels dataset, enables
high-quality and detailed land cover mapping across the whole country of China
and some other Asian countries at meter-resolution.
| [
{
"version": "v1",
"created": "Thu, 1 Sep 2022 21:00:23 GMT"
},
{
"version": "v2",
"created": "Fri, 7 Apr 2023 13:22:01 GMT"
}
] | 2023-04-10T00:00:00 | [
[
"Tong",
"Xin-Yi",
""
],
[
"Xia",
"Gui-Song",
""
],
[
"Zhu",
"Xiao Xiang",
""
]
] | TITLE: Enabling Country-Scale Land Cover Mapping with Meter-Resolution
Satellite Imagery
ABSTRACT: High-resolution satellite images can provide abundant, detailed spatial
information for land cover classification, which is particularly important for
studying the complicated built environment. However, due to the complex land
cover patterns, the costly training sample collections, and the severe
distribution shifts of satellite imageries, few studies have applied
high-resolution images to land cover mapping in detailed categories at large
scale. To fill this gap, we present a large-scale land cover dataset,
Five-Billion-Pixels. It contains more than 5 billion labeled pixels of 150
high-resolution Gaofen-2 (4 m) satellite images, annotated in a 24-category
system covering artificial-constructed, agricultural, and natural classes. In
addition, we propose a deep-learning-based unsupervised domain adaptation
approach that can transfer classification models trained on labeled dataset
(referred to as the source domain) to unlabeled data (referred to as the target
domain) for large-scale land cover mapping. Specifically, we introduce an
end-to-end Siamese network employing dynamic pseudo-label assignment and class
balancing strategy to perform adaptive domain joint learning. To validate the
generalizability of our dataset and the proposed approach across different
sensors and different geographical regions, we carry out land cover mapping on
five megacities in China and six cities in other five Asian countries severally
using: PlanetScope (3 m), Gaofen-1 (8 m), and Sentinel-2 (10 m) satellite
images. Over a total study area of 60,000 square kilometers, the experiments
show promising results even though the input images are entirely unlabeled. The
proposed approach, trained with the Five-Billion-Pixels dataset, enables
high-quality and detailed land cover mapping across the whole country of China
and some other Asian countries at meter-resolution.
| new_dataset | 0.70202 |
2209.09339 | Emily Wang | Emily L. Wang, Luca Luceri, Francesco Pierri, Emilio Ferrara | Identifying and Characterizing Behavioral Classes of Radicalization
within the QAnon Conspiracy on Twitter | 12 pages, 11 figures, 2 tables | The 17th International AAAI Conference on Web and Social Media
(ICWSM 2023) | null | null | cs.SI | http://creativecommons.org/licenses/by-nc-nd/4.0/ | Social media provide a fertile ground where conspiracy theories and radical
ideas can flourish, reach broad audiences, and sometimes lead to hate or
violence beyond the online world itself. QAnon represents a notable example of
a political conspiracy that started out on social media but turned mainstream,
in part due to public endorsement by influential political figures. Nowadays,
QAnon conspiracies often appear in the news, are part of political rhetoric,
and are espoused by significant swaths of people in the United States. It is
therefore crucial to understand how such a conspiracy took root online, and
what led so many social media users to adopt its ideas. In this work, we
propose a framework that exploits both social interaction and content signals
to uncover evidence of user radicalization or support for QAnon. Leveraging a
large dataset of 240M tweets collected in the run-up to the 2020 US
Presidential election, we define and validate a multivariate metric of
radicalization. We use that to separate users in distinct, naturally-emerging,
classes of behaviors associated to radicalization processes, from self-declared
QAnon supporters to hyper-active conspiracy promoters. We also analyze the
impact of Twitter's moderation policies on the interactions among different
classes: we discover aspects of moderation that succeed, yielding a substantial
reduction in the endorsement received by hyper-active QAnon accounts. But we
also uncover where moderation fails, showing how QAnon content amplifiers are
not deterred or affected by Twitter intervention. Our findings refine our
understanding of online radicalization processes, reveal effective and
ineffective aspects of moderation, and call for the need to further investigate
the role social media play in the spread of conspiracies.
| [
{
"version": "v1",
"created": "Mon, 19 Sep 2022 20:39:22 GMT"
},
{
"version": "v2",
"created": "Tue, 27 Sep 2022 16:25:40 GMT"
},
{
"version": "v3",
"created": "Sun, 30 Oct 2022 02:28:54 GMT"
},
{
"version": "v4",
"created": "Mon, 28 Nov 2022 18:17:26 GMT"
},
{
"version": "v5",
"created": "Thu, 6 Apr 2023 23:40:09 GMT"
}
] | 2023-04-10T00:00:00 | [
[
"Wang",
"Emily L.",
""
],
[
"Luceri",
"Luca",
""
],
[
"Pierri",
"Francesco",
""
],
[
"Ferrara",
"Emilio",
""
]
] | TITLE: Identifying and Characterizing Behavioral Classes of Radicalization
within the QAnon Conspiracy on Twitter
ABSTRACT: Social media provide a fertile ground where conspiracy theories and radical
ideas can flourish, reach broad audiences, and sometimes lead to hate or
violence beyond the online world itself. QAnon represents a notable example of
a political conspiracy that started out on social media but turned mainstream,
in part due to public endorsement by influential political figures. Nowadays,
QAnon conspiracies often appear in the news, are part of political rhetoric,
and are espoused by significant swaths of people in the United States. It is
therefore crucial to understand how such a conspiracy took root online, and
what led so many social media users to adopt its ideas. In this work, we
propose a framework that exploits both social interaction and content signals
to uncover evidence of user radicalization or support for QAnon. Leveraging a
large dataset of 240M tweets collected in the run-up to the 2020 US
Presidential election, we define and validate a multivariate metric of
radicalization. We use that to separate users in distinct, naturally-emerging,
classes of behaviors associated to radicalization processes, from self-declared
QAnon supporters to hyper-active conspiracy promoters. We also analyze the
impact of Twitter's moderation policies on the interactions among different
classes: we discover aspects of moderation that succeed, yielding a substantial
reduction in the endorsement received by hyper-active QAnon accounts. But we
also uncover where moderation fails, showing how QAnon content amplifiers are
not deterred or affected by Twitter intervention. Our findings refine our
understanding of online radicalization processes, reveal effective and
ineffective aspects of moderation, and call for the need to further investigate
the role social media play in the spread of conspiracies.
| no_new_dataset | 0.766731 |
2210.05810 | Xi Ye | Xi Ye, Guillaume-Alexandre Bilodeau | A unified model for continuous conditional video prediction | Accepted by CVPR2023 Workshop | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Different conditional video prediction tasks, like video future frame
prediction and video frame interpolation, are normally solved by task-related
models even though they share many common underlying characteristics.
Furthermore, almost all conditional video prediction models can only achieve
discrete prediction. In this paper, we propose a unified model that addresses
these two issues at the same time. We show that conditional video prediction
can be formulated as a neural process, which maps input spatio-temporal
coordinates to target pixel values given context spatio-temporal coordinates
and context pixel values. Specifically, we feed the implicit neural
representation of coordinates and context pixel features into a
Transformer-based non-autoregressive conditional video prediction model. Our
task-specific models outperform previous work for video future frame prediction
and video interpolation on multiple datasets. Importantly, the model is able to
interpolate or predict with an arbitrary high frame rate, i.e., continuous
prediction. Our source code is available at \url{https://npvp.github.io}.
| [
{
"version": "v1",
"created": "Tue, 11 Oct 2022 22:26:59 GMT"
},
{
"version": "v2",
"created": "Thu, 6 Apr 2023 17:00:54 GMT"
}
] | 2023-04-10T00:00:00 | [
[
"Ye",
"Xi",
""
],
[
"Bilodeau",
"Guillaume-Alexandre",
""
]
] | TITLE: A unified model for continuous conditional video prediction
ABSTRACT: Different conditional video prediction tasks, like video future frame
prediction and video frame interpolation, are normally solved by task-related
models even though they share many common underlying characteristics.
Furthermore, almost all conditional video prediction models can only achieve
discrete prediction. In this paper, we propose a unified model that addresses
these two issues at the same time. We show that conditional video prediction
can be formulated as a neural process, which maps input spatio-temporal
coordinates to target pixel values given context spatio-temporal coordinates
and context pixel values. Specifically, we feed the implicit neural
representation of coordinates and context pixel features into a
Transformer-based non-autoregressive conditional video prediction model. Our
task-specific models outperform previous work for video future frame prediction
and video interpolation on multiple datasets. Importantly, the model is able to
interpolate or predict with an arbitrary high frame rate, i.e., continuous
prediction. Our source code is available at \url{https://npvp.github.io}.
| no_new_dataset | 0.951097 |
2210.15446 | Jiebao Zhang | Jiebao Zhang, Wenhua Qian, Rencan Nie, Jinde Cao, Dan Xu | LP-BFGS attack: An adversarial attack based on the Hessian with limited
pixels | 15 pages, 7 figures | null | null | null | cs.CR cs.LG | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Deep neural networks are vulnerable to adversarial attacks. Most $L_{0}$-norm
based white-box attacks craft perturbations by the gradient of models to the
input. Since the computation cost and memory limitation of calculating the
Hessian matrix, the application of Hessian or approximate Hessian in white-box
attacks is gradually shelved. In this work, we note that the sparsity
requirement on perturbations naturally lends itself to the usage of Hessian
information. We study the attack performance and computation cost of the attack
method based on the Hessian with a limited number of perturbation pixels.
Specifically, we propose the Limited Pixel BFGS (LP-BFGS) attack method by
incorporating the perturbation pixel selection strategy and the BFGS algorithm.
Pixels with top-k attribution scores calculated by the Integrated Gradient
method are regarded as optimization variables of the LP-BFGS attack.
Experimental results across different networks and datasets demonstrate that
our approach has comparable attack ability with reasonable computation in
different numbers of perturbation pixels compared with existing solutions.
| [
{
"version": "v1",
"created": "Wed, 26 Oct 2022 03:16:20 GMT"
},
{
"version": "v2",
"created": "Fri, 7 Apr 2023 01:02:43 GMT"
}
] | 2023-04-10T00:00:00 | [
[
"Zhang",
"Jiebao",
""
],
[
"Qian",
"Wenhua",
""
],
[
"Nie",
"Rencan",
""
],
[
"Cao",
"Jinde",
""
],
[
"Xu",
"Dan",
""
]
] | TITLE: LP-BFGS attack: An adversarial attack based on the Hessian with limited
pixels
ABSTRACT: Deep neural networks are vulnerable to adversarial attacks. Most $L_{0}$-norm
based white-box attacks craft perturbations by the gradient of models to the
input. Since the computation cost and memory limitation of calculating the
Hessian matrix, the application of Hessian or approximate Hessian in white-box
attacks is gradually shelved. In this work, we note that the sparsity
requirement on perturbations naturally lends itself to the usage of Hessian
information. We study the attack performance and computation cost of the attack
method based on the Hessian with a limited number of perturbation pixels.
Specifically, we propose the Limited Pixel BFGS (LP-BFGS) attack method by
incorporating the perturbation pixel selection strategy and the BFGS algorithm.
Pixels with top-k attribution scores calculated by the Integrated Gradient
method are regarded as optimization variables of the LP-BFGS attack.
Experimental results across different networks and datasets demonstrate that
our approach has comparable attack ability with reasonable computation in
different numbers of perturbation pixels compared with existing solutions.
| no_new_dataset | 0.944434 |
2211.01562 | Peifeng Wang | Peifeng Wang, Aaron Chan, Filip Ilievski, Muhao Chen, Xiang Ren | PINTO: Faithful Language Reasoning Using Prompt-Generated Rationales | 17 pages, 5 figures. Accepted to ICLR 2023 | null | null | null | cs.CL | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Neural language models (LMs) have achieved impressive results on various
language-based reasoning tasks by utilizing latent knowledge encoded in their
own pretrained parameters. To make this reasoning process more explicit, recent
works retrieve a rationalizing LM's internal knowledge by training or prompting
it to generate free-text rationales, which can be used to guide task
predictions made by either the same LM or a separate reasoning LM. However,
rationalizing LMs require expensive rationale annotation and/or computation,
without any assurance that their generated rationales improve LM task
performance or faithfully reflect LM decision-making. In this paper, we propose
PINTO, an LM pipeline that rationalizes via prompt-based learning, and learns
to faithfully reason over rationales via counterfactual regularization. First,
PINTO maps out a suitable reasoning process for the task input by prompting a
frozen rationalizing LM to generate a free-text rationale. Second, PINTO's
reasoning LM is fine-tuned to solve the task using the generated rationale as
context, while regularized to output less confident predictions when the
rationale is perturbed. Across four datasets, we show that PINTO significantly
improves the generalization ability of the reasoning LM, yielding higher
performance on both in-distribution and out-of-distribution test sets. Also, we
find that PINTO's rationales are more faithful to its task predictions than
those generated by competitive baselines.
| [
{
"version": "v1",
"created": "Thu, 3 Nov 2022 02:55:54 GMT"
},
{
"version": "v2",
"created": "Mon, 28 Nov 2022 23:54:15 GMT"
},
{
"version": "v3",
"created": "Thu, 6 Apr 2023 23:49:35 GMT"
}
] | 2023-04-10T00:00:00 | [
[
"Wang",
"Peifeng",
""
],
[
"Chan",
"Aaron",
""
],
[
"Ilievski",
"Filip",
""
],
[
"Chen",
"Muhao",
""
],
[
"Ren",
"Xiang",
""
]
] | TITLE: PINTO: Faithful Language Reasoning Using Prompt-Generated Rationales
ABSTRACT: Neural language models (LMs) have achieved impressive results on various
language-based reasoning tasks by utilizing latent knowledge encoded in their
own pretrained parameters. To make this reasoning process more explicit, recent
works retrieve a rationalizing LM's internal knowledge by training or prompting
it to generate free-text rationales, which can be used to guide task
predictions made by either the same LM or a separate reasoning LM. However,
rationalizing LMs require expensive rationale annotation and/or computation,
without any assurance that their generated rationales improve LM task
performance or faithfully reflect LM decision-making. In this paper, we propose
PINTO, an LM pipeline that rationalizes via prompt-based learning, and learns
to faithfully reason over rationales via counterfactual regularization. First,
PINTO maps out a suitable reasoning process for the task input by prompting a
frozen rationalizing LM to generate a free-text rationale. Second, PINTO's
reasoning LM is fine-tuned to solve the task using the generated rationale as
context, while regularized to output less confident predictions when the
rationale is perturbed. Across four datasets, we show that PINTO significantly
improves the generalization ability of the reasoning LM, yielding higher
performance on both in-distribution and out-of-distribution test sets. Also, we
find that PINTO's rationales are more faithful to its task predictions than
those generated by competitive baselines.
| no_new_dataset | 0.950319 |
2212.06301 | Zihui Xue | Zihui Xue, Yale Song, Kristen Grauman, Lorenzo Torresani | Egocentric Video Task Translation | Accepted by CVPR 2023 (Highlight), Project website:
https://vision.cs.utexas.edu/projects/egot2/ | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Different video understanding tasks are typically treated in isolation, and
even with distinct types of curated data (e.g., classifying sports in one
dataset, tracking animals in another). However, in wearable cameras, the
immersive egocentric perspective of a person engaging with the world around
them presents an interconnected web of video understanding tasks -- hand-object
manipulations, navigation in the space, or human-human interactions -- that
unfold continuously, driven by the person's goals. We argue that this calls for
a much more unified approach. We propose EgoTask Translation (EgoT2), which
takes a collection of models optimized on separate tasks and learns to
translate their outputs for improved performance on any or all of them at once.
Unlike traditional transfer or multi-task learning, EgoT2's flipped design
entails separate task-specific backbones and a task translator shared across
all tasks, which captures synergies between even heterogeneous tasks and
mitigates task competition. Demonstrating our model on a wide array of video
tasks from Ego4D, we show its advantages over existing transfer paradigms and
achieve top-ranked results on four of the Ego4D 2022 benchmark challenges.
| [
{
"version": "v1",
"created": "Tue, 13 Dec 2022 00:47:13 GMT"
},
{
"version": "v2",
"created": "Thu, 6 Apr 2023 21:39:04 GMT"
}
] | 2023-04-10T00:00:00 | [
[
"Xue",
"Zihui",
""
],
[
"Song",
"Yale",
""
],
[
"Grauman",
"Kristen",
""
],
[
"Torresani",
"Lorenzo",
""
]
] | TITLE: Egocentric Video Task Translation
ABSTRACT: Different video understanding tasks are typically treated in isolation, and
even with distinct types of curated data (e.g., classifying sports in one
dataset, tracking animals in another). However, in wearable cameras, the
immersive egocentric perspective of a person engaging with the world around
them presents an interconnected web of video understanding tasks -- hand-object
manipulations, navigation in the space, or human-human interactions -- that
unfold continuously, driven by the person's goals. We argue that this calls for
a much more unified approach. We propose EgoTask Translation (EgoT2), which
takes a collection of models optimized on separate tasks and learns to
translate their outputs for improved performance on any or all of them at once.
Unlike traditional transfer or multi-task learning, EgoT2's flipped design
entails separate task-specific backbones and a task translator shared across
all tasks, which captures synergies between even heterogeneous tasks and
mitigates task competition. Demonstrating our model on a wide array of video
tasks from Ego4D, we show its advantages over existing transfer paradigms and
achieve top-ranked results on four of the Ego4D 2022 benchmark challenges.
| no_new_dataset | 0.935582 |
2212.12952 | Tiange Luo | Tiange Luo, Honglak Lee, Justin Johnson | Neural Shape Compiler: A Unified Framework for Transforming between
Text, Point Cloud, and Program | TMLR; project page:
https://tiangeluo.github.io/projectpages/shapecompiler.html | null | null | null | cs.CV cs.AI | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | 3D shapes have complementary abstractions from low-level geometry to
part-based hierarchies to languages, which convey different levels of
information. This paper presents a unified framework to translate between pairs
of shape abstractions: $\textit{Text}$ $\Longleftrightarrow$ $\textit{Point
Cloud}$ $\Longleftrightarrow$ $\textit{Program}$. We propose $\textbf{Neural
Shape Compiler}$ to model the abstraction transformation as a conditional
generation process. It converts 3D shapes of three abstract types into unified
discrete shape code, transforms each shape code into code of other abstract
types through the proposed $\textit{ShapeCode Transformer}$, and decodes them
to output the target shape abstraction. Point Cloud code is obtained in a
class-agnostic way by the proposed $\textit{Point}$VQVAE. On Text2Shape,
ShapeGlot, ABO, Genre, and Program Synthetic datasets, Neural Shape Compiler
shows strengths in $\textit{Text}$ $\Longrightarrow$ $\textit{Point Cloud}$,
$\textit{Point Cloud}$ $\Longrightarrow$ $\textit{Text}$, $\textit{Point
Cloud}$ $\Longrightarrow$ $\textit{Program}$, and Point Cloud Completion tasks.
Additionally, Neural Shape Compiler benefits from jointly training on all
heterogeneous data and tasks.
| [
{
"version": "v1",
"created": "Sun, 25 Dec 2022 19:56:21 GMT"
},
{
"version": "v2",
"created": "Thu, 6 Apr 2023 20:39:16 GMT"
}
] | 2023-04-10T00:00:00 | [
[
"Luo",
"Tiange",
""
],
[
"Lee",
"Honglak",
""
],
[
"Johnson",
"Justin",
""
]
] | TITLE: Neural Shape Compiler: A Unified Framework for Transforming between
Text, Point Cloud, and Program
ABSTRACT: 3D shapes have complementary abstractions from low-level geometry to
part-based hierarchies to languages, which convey different levels of
information. This paper presents a unified framework to translate between pairs
of shape abstractions: $\textit{Text}$ $\Longleftrightarrow$ $\textit{Point
Cloud}$ $\Longleftrightarrow$ $\textit{Program}$. We propose $\textbf{Neural
Shape Compiler}$ to model the abstraction transformation as a conditional
generation process. It converts 3D shapes of three abstract types into unified
discrete shape code, transforms each shape code into code of other abstract
types through the proposed $\textit{ShapeCode Transformer}$, and decodes them
to output the target shape abstraction. Point Cloud code is obtained in a
class-agnostic way by the proposed $\textit{Point}$VQVAE. On Text2Shape,
ShapeGlot, ABO, Genre, and Program Synthetic datasets, Neural Shape Compiler
shows strengths in $\textit{Text}$ $\Longrightarrow$ $\textit{Point Cloud}$,
$\textit{Point Cloud}$ $\Longrightarrow$ $\textit{Text}$, $\textit{Point
Cloud}$ $\Longrightarrow$ $\textit{Program}$, and Point Cloud Completion tasks.
Additionally, Neural Shape Compiler benefits from jointly training on all
heterogeneous data and tasks.
| no_new_dataset | 0.946399 |
2301.00004 | Pan Tan | Mingchen Li, Liqi Kang, Yi Xiong, Yu Guang Wang, Guisheng Fan, Pan
Tan, Liang Hong | SESNet: sequence-structure feature-integrated deep learning method for
data-efficient protein engineering | null | Journal of Cheminformatics (2023) 15:12 | 10.1186/s13321-023-00688-x | null | q-bio.QM cs.LG | http://creativecommons.org/licenses/by-nc-sa/4.0/ | Deep learning has been widely used for protein engineering. However, it is
limited by the lack of sufficient experimental data to train an accurate model
for predicting the functional fitness of high-order mutants. Here, we develop
SESNet, a supervised deep-learning model to predict the fitness for protein
mutants by leveraging both sequence and structure information, and exploiting
attention mechanism. Our model integrates local evolutionary context from
homologous sequences, the global evolutionary context encoding rich semantic
from the universal protein sequence space and the structure information
accounting for the microenvironment around each residue in a protein. We show
that SESNet outperforms state-of-the-art models for predicting the
sequence-function relationship on 26 deep mutational scanning datasets. More
importantly, we propose a data augmentation strategy by leveraging the data
from unsupervised models to pre-train our model. After that, our model can
achieve strikingly high accuracy in prediction of the fitness of protein
mutants, especially for the higher order variants (> 4 mutation sites), when
finetuned by using only a small number of experimental mutation data (<50). The
strategy proposed is of great practical value as the required experimental
effort, i.e., producing a few tens of experimental mutation data on a given
protein, is generally affordable by an ordinary biochemical group and can be
applied on almost any protein.
| [
{
"version": "v1",
"created": "Thu, 29 Dec 2022 01:49:52 GMT"
}
] | 2023-04-10T00:00:00 | [
[
"Li",
"Mingchen",
""
],
[
"Kang",
"Liqi",
""
],
[
"Xiong",
"Yi",
""
],
[
"Wang",
"Yu Guang",
""
],
[
"Fan",
"Guisheng",
""
],
[
"Tan",
"Pan",
""
],
[
"Hong",
"Liang",
""
]
] | TITLE: SESNet: sequence-structure feature-integrated deep learning method for
data-efficient protein engineering
ABSTRACT: Deep learning has been widely used for protein engineering. However, it is
limited by the lack of sufficient experimental data to train an accurate model
for predicting the functional fitness of high-order mutants. Here, we develop
SESNet, a supervised deep-learning model to predict the fitness for protein
mutants by leveraging both sequence and structure information, and exploiting
attention mechanism. Our model integrates local evolutionary context from
homologous sequences, the global evolutionary context encoding rich semantic
from the universal protein sequence space and the structure information
accounting for the microenvironment around each residue in a protein. We show
that SESNet outperforms state-of-the-art models for predicting the
sequence-function relationship on 26 deep mutational scanning datasets. More
importantly, we propose a data augmentation strategy by leveraging the data
from unsupervised models to pre-train our model. After that, our model can
achieve strikingly high accuracy in prediction of the fitness of protein
mutants, especially for the higher order variants (> 4 mutation sites), when
finetuned by using only a small number of experimental mutation data (<50). The
strategy proposed is of great practical value as the required experimental
effort, i.e., producing a few tens of experimental mutation data on a given
protein, is generally affordable by an ordinary biochemical group and can be
applied on almost any protein.
| no_new_dataset | 0.951414 |
2301.07284 | Shangyu Xie | Shangyu Xie, Xin Yang, Yuanshun Yao, Tianyi Liu, Taiqing Wang and
Jiankai Sun | Label Inference Attack against Split Learning under Regression Setting | 9 pages | null | null | null | cs.CR cs.LG | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | As a crucial building block in vertical Federated Learning (vFL), Split
Learning (SL) has demonstrated its practice in the two-party model training
collaboration, where one party holds the features of data samples and another
party holds the corresponding labels. Such method is claimed to be private
considering the shared information is only the embedding vectors and gradients
instead of private raw data and labels. However, some recent works have shown
that the private labels could be leaked by the gradients. These existing attack
only works under the classification setting where the private labels are
discrete. In this work, we step further to study the leakage in the scenario of
the regression model, where the private labels are continuous numbers (instead
of discrete labels in classification). This makes previous attacks harder to
infer the continuous labels due to the unbounded output range. To address the
limitation, we propose a novel learning-based attack that integrates gradient
information and extra learning regularization objectives in aspects of model
training properties, which can infer the labels under regression settings
effectively. The comprehensive experiments on various datasets and models have
demonstrated the effectiveness of our proposed attack. We hope our work can
pave the way for future analyses that make the vFL framework more secure.
| [
{
"version": "v1",
"created": "Wed, 18 Jan 2023 03:17:24 GMT"
},
{
"version": "v2",
"created": "Fri, 7 Apr 2023 05:47:39 GMT"
}
] | 2023-04-10T00:00:00 | [
[
"Xie",
"Shangyu",
""
],
[
"Yang",
"Xin",
""
],
[
"Yao",
"Yuanshun",
""
],
[
"Liu",
"Tianyi",
""
],
[
"Wang",
"Taiqing",
""
],
[
"Sun",
"Jiankai",
""
]
] | TITLE: Label Inference Attack against Split Learning under Regression Setting
ABSTRACT: As a crucial building block in vertical Federated Learning (vFL), Split
Learning (SL) has demonstrated its practice in the two-party model training
collaboration, where one party holds the features of data samples and another
party holds the corresponding labels. Such method is claimed to be private
considering the shared information is only the embedding vectors and gradients
instead of private raw data and labels. However, some recent works have shown
that the private labels could be leaked by the gradients. These existing attack
only works under the classification setting where the private labels are
discrete. In this work, we step further to study the leakage in the scenario of
the regression model, where the private labels are continuous numbers (instead
of discrete labels in classification). This makes previous attacks harder to
infer the continuous labels due to the unbounded output range. To address the
limitation, we propose a novel learning-based attack that integrates gradient
information and extra learning regularization objectives in aspects of model
training properties, which can infer the labels under regression settings
effectively. The comprehensive experiments on various datasets and models have
demonstrated the effectiveness of our proposed attack. We hope our work can
pave the way for future analyses that make the vFL framework more secure.
| no_new_dataset | 0.94428 |
2301.09479 | Jonathan Richard Schwarz | Jonathan Richard Schwarz and Jihoon Tack and Yee Whye Teh and Jaeho
Lee and Jinwoo Shin | Modality-Agnostic Variational Compression of Implicit Neural
Representations | null | null | null | null | stat.ML cs.AI cs.LG | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | We introduce a modality-agnostic neural compression algorithm based on a
functional view of data and parameterised as an Implicit Neural Representation
(INR). Bridging the gap between latent coding and sparsity, we obtain compact
latent representations non-linearly mapped to a soft gating mechanism. This
allows the specialisation of a shared INR network to each data item through
subnetwork selection. After obtaining a dataset of such latent representations,
we directly optimise the rate/distortion trade-off in a modality-agnostic space
using neural compression. Variational Compression of Implicit Neural
Representations (VC-INR) shows improved performance given the same
representational capacity pre quantisation while also outperforming previous
quantisation schemes used for other INR techniques. Our experiments demonstrate
strong results over a large set of diverse modalities using the same algorithm
without any modality-specific inductive biases. We show results on images,
climate data, 3D shapes and scenes as well as audio and video, introducing
VC-INR as the first INR-based method to outperform codecs as well-known and
diverse as JPEG 2000, MP3 and AVC/HEVC on their respective modalities.
| [
{
"version": "v1",
"created": "Mon, 23 Jan 2023 15:22:42 GMT"
},
{
"version": "v2",
"created": "Mon, 6 Feb 2023 15:24:37 GMT"
},
{
"version": "v3",
"created": "Fri, 7 Apr 2023 11:29:26 GMT"
}
] | 2023-04-10T00:00:00 | [
[
"Schwarz",
"Jonathan Richard",
""
],
[
"Tack",
"Jihoon",
""
],
[
"Teh",
"Yee Whye",
""
],
[
"Lee",
"Jaeho",
""
],
[
"Shin",
"Jinwoo",
""
]
] | TITLE: Modality-Agnostic Variational Compression of Implicit Neural
Representations
ABSTRACT: We introduce a modality-agnostic neural compression algorithm based on a
functional view of data and parameterised as an Implicit Neural Representation
(INR). Bridging the gap between latent coding and sparsity, we obtain compact
latent representations non-linearly mapped to a soft gating mechanism. This
allows the specialisation of a shared INR network to each data item through
subnetwork selection. After obtaining a dataset of such latent representations,
we directly optimise the rate/distortion trade-off in a modality-agnostic space
using neural compression. Variational Compression of Implicit Neural
Representations (VC-INR) shows improved performance given the same
representational capacity pre quantisation while also outperforming previous
quantisation schemes used for other INR techniques. Our experiments demonstrate
strong results over a large set of diverse modalities using the same algorithm
without any modality-specific inductive biases. We show results on images,
climate data, 3D shapes and scenes as well as audio and video, introducing
VC-INR as the first INR-based method to outperform codecs as well-known and
diverse as JPEG 2000, MP3 and AVC/HEVC on their respective modalities.
| no_new_dataset | 0.937211 |
2302.09051 | Xavier Daull | Xavier Daull, Patrice Bellot, Emmanuel Bruno, Vincent Martin,
Elisabeth Murisasco | Complex QA and language models hybrid architectures, Survey | null | null | null | null | cs.CL cs.AI cs.IR cs.LG | http://creativecommons.org/licenses/by-nc-sa/4.0/ | This paper reviews the state-of-the-art of language models architectures and
strategies for "complex" question-answering (QA, CQA, CPS) with a focus on
hybridization. Large Language Models (LLM) are good at leveraging public data
on standard problems but once you want to tackle more specific complex
questions or problems (e.g. How does the concept of personal freedom vary
between different cultures ? What is the best mix of power generation methods
to reduce climate change ?) you may need specific architecture, knowledge,
skills, methods, sensitive data protection, explainability, human approval and
versatile feedback... Recent projects like ChatGPT and GALACTICA have allowed
non-specialists to grasp the great potential as well as the equally strong
limitations of LLM in complex QA. In this paper, we start by reviewing required
skills and evaluation techniques. We integrate findings from the robust
community edited research papers BIG, BLOOM and HELM which open source,
benchmark and analyze limits and challenges of LLM in terms of tasks complexity
and strict evaluation on accuracy (e.g. fairness, robustness, toxicity, ...) as
a baseline. We discuss some challenges associated with complex QA, including
domain adaptation, decomposition and efficient multi-step QA, long form and
non-factoid QA, safety and multi-sensitivity data protection, multimodal
search, hallucinations, explainability and truthfulness, temporal reasoning. We
analyze current solutions and promising research trends, using elements such
as: hybrid LLM architectural patterns, training and prompting strategies,
active human reinforcement learning supervised with AI, neuro-symbolic and
structured knowledge grounding, program synthesis, iterated decomposition and
others.
| [
{
"version": "v1",
"created": "Fri, 17 Feb 2023 18:31:31 GMT"
},
{
"version": "v2",
"created": "Mon, 6 Mar 2023 21:46:08 GMT"
},
{
"version": "v3",
"created": "Thu, 9 Mar 2023 17:25:10 GMT"
},
{
"version": "v4",
"created": "Fri, 7 Apr 2023 16:37:35 GMT"
}
] | 2023-04-10T00:00:00 | [
[
"Daull",
"Xavier",
""
],
[
"Bellot",
"Patrice",
""
],
[
"Bruno",
"Emmanuel",
""
],
[
"Martin",
"Vincent",
""
],
[
"Murisasco",
"Elisabeth",
""
]
] | TITLE: Complex QA and language models hybrid architectures, Survey
ABSTRACT: This paper reviews the state-of-the-art of language models architectures and
strategies for "complex" question-answering (QA, CQA, CPS) with a focus on
hybridization. Large Language Models (LLM) are good at leveraging public data
on standard problems but once you want to tackle more specific complex
questions or problems (e.g. How does the concept of personal freedom vary
between different cultures ? What is the best mix of power generation methods
to reduce climate change ?) you may need specific architecture, knowledge,
skills, methods, sensitive data protection, explainability, human approval and
versatile feedback... Recent projects like ChatGPT and GALACTICA have allowed
non-specialists to grasp the great potential as well as the equally strong
limitations of LLM in complex QA. In this paper, we start by reviewing required
skills and evaluation techniques. We integrate findings from the robust
community edited research papers BIG, BLOOM and HELM which open source,
benchmark and analyze limits and challenges of LLM in terms of tasks complexity
and strict evaluation on accuracy (e.g. fairness, robustness, toxicity, ...) as
a baseline. We discuss some challenges associated with complex QA, including
domain adaptation, decomposition and efficient multi-step QA, long form and
non-factoid QA, safety and multi-sensitivity data protection, multimodal
search, hallucinations, explainability and truthfulness, temporal reasoning. We
analyze current solutions and promising research trends, using elements such
as: hybrid LLM architectural patterns, training and prompting strategies,
active human reinforcement learning supervised with AI, neuro-symbolic and
structured knowledge grounding, program synthesis, iterated decomposition and
others.
| no_new_dataset | 0.941331 |
2302.14556 | Lars Reimann | Lars Reimann, G\"unter Kniesel-W\"unsche | An Alternative to Cells for Selective Execution of Data Science
Pipelines | Accepted for the NIER Track of the 45th International Conference on
Software Engineering (ICSE 2023) | null | null | null | cs.SE | http://creativecommons.org/licenses/by/4.0/ | Data Scientists often use notebooks to develop Data Science (DS) pipelines,
particularly since they allow to selectively execute parts of the pipeline.
However, notebooks for DS have many well-known flaws. We focus on the following
ones in this paper: (1) Notebooks can become littered with code cells that are
not part of the main DS pipeline but exist solely to make decisions (e.g.
listing the columns of a tabular dataset). (2) While users are allowed to
execute cells in any order, not every ordering is correct, because a cell can
depend on declarations from other cells. (3) After making changes to a cell,
this cell and all cells that depend on changed declarations must be rerun. (4)
Changes to external values necessitate partial re-execution of the notebook.
(5) Since cells are the smallest unit of execution, code that is unaffected by
changes, can inadvertently be re-executed.
To solve these issues, we propose to replace cells as the basis for the
selective execution of DS pipelines. Instead, we suggest populating a
context-menu for variables with actions fitting their type (like listing
columns if the variable is a tabular dataset). These actions are executed based
on a data-flow analysis to ensure dependencies between variables are respected
and results are updated properly after changes. Our solution separates pipeline
code from decision making code and automates dependency management, thus
reducing clutter and the risk of making errors.
| [
{
"version": "v1",
"created": "Tue, 28 Feb 2023 13:21:04 GMT"
},
{
"version": "v2",
"created": "Fri, 7 Apr 2023 09:57:05 GMT"
}
] | 2023-04-10T00:00:00 | [
[
"Reimann",
"Lars",
""
],
[
"Kniesel-Wünsche",
"Günter",
""
]
] | TITLE: An Alternative to Cells for Selective Execution of Data Science
Pipelines
ABSTRACT: Data Scientists often use notebooks to develop Data Science (DS) pipelines,
particularly since they allow to selectively execute parts of the pipeline.
However, notebooks for DS have many well-known flaws. We focus on the following
ones in this paper: (1) Notebooks can become littered with code cells that are
not part of the main DS pipeline but exist solely to make decisions (e.g.
listing the columns of a tabular dataset). (2) While users are allowed to
execute cells in any order, not every ordering is correct, because a cell can
depend on declarations from other cells. (3) After making changes to a cell,
this cell and all cells that depend on changed declarations must be rerun. (4)
Changes to external values necessitate partial re-execution of the notebook.
(5) Since cells are the smallest unit of execution, code that is unaffected by
changes, can inadvertently be re-executed.
To solve these issues, we propose to replace cells as the basis for the
selective execution of DS pipelines. Instead, we suggest populating a
context-menu for variables with actions fitting their type (like listing
columns if the variable is a tabular dataset). These actions are executed based
on a data-flow analysis to ensure dependencies between variables are respected
and results are updated properly after changes. Our solution separates pipeline
code from decision making code and automates dependency management, thus
reducing clutter and the risk of making errors.
| no_new_dataset | 0.947284 |
2303.12755 | Haoran Ma | Haoran Ma | Text Semantics to Image Generation: A method of building facades design
base on Stable Diffusion model | data mistake | null | null | null | cs.CV cs.AI | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Stable Diffusion model has been extensively employed in the study of
archi-tectural image generation, but there is still an opportunity to enhance
in terms of the controllability of the generated image content. A multi-network
combined text-to-building facade image generating method is proposed in this
work. We first fine-tuned the Stable Diffusion model on the CMP Fa-cades
dataset using the LoRA (Low-Rank Adaptation) approach, then we ap-ply the
ControlNet model to further control the output. Finally, we contrast-ed the
facade generating outcomes under various architectural style text con-tents and
control strategies. The results demonstrate that the LoRA training approach
significantly decreases the possibility of fine-tuning the Stable Dif-fusion
large model, and the addition of the ControlNet model increases the
controllability of the creation of text to building facade images. This
pro-vides a foundation for subsequent studies on the generation of
architectural images.
| [
{
"version": "v1",
"created": "Thu, 23 Feb 2023 14:03:07 GMT"
},
{
"version": "v2",
"created": "Thu, 23 Mar 2023 01:20:55 GMT"
},
{
"version": "v3",
"created": "Fri, 7 Apr 2023 10:22:34 GMT"
}
] | 2023-04-10T00:00:00 | [
[
"Ma",
"Haoran",
""
]
] | TITLE: Text Semantics to Image Generation: A method of building facades design
base on Stable Diffusion model
ABSTRACT: Stable Diffusion model has been extensively employed in the study of
archi-tectural image generation, but there is still an opportunity to enhance
in terms of the controllability of the generated image content. A multi-network
combined text-to-building facade image generating method is proposed in this
work. We first fine-tuned the Stable Diffusion model on the CMP Fa-cades
dataset using the LoRA (Low-Rank Adaptation) approach, then we ap-ply the
ControlNet model to further control the output. Finally, we contrast-ed the
facade generating outcomes under various architectural style text con-tents and
control strategies. The results demonstrate that the LoRA training approach
significantly decreases the possibility of fine-tuning the Stable Dif-fusion
large model, and the addition of the ControlNet model increases the
controllability of the creation of text to building facade images. This
pro-vides a foundation for subsequent studies on the generation of
architectural images.
| no_new_dataset | 0.950824 |
2303.12922 | Jacob Epifano | Jacob R. Epifano, Ravi P. Ramachandran, Aaron J. Masino, Ghulam Rasool | Revisiting the Fragility of Influence Functions | 11 pages, 5 figures, published in Neural Networks | Neural Networks 162C (2023) pp. 581-588 | 10.1016/j.neunet.2023.03.029 | null | cs.LG cs.AI stat.ML stat.OT | http://creativecommons.org/licenses/by/4.0/ | In the last few years, many works have tried to explain the predictions of
deep learning models. Few methods, however, have been proposed to verify the
accuracy or faithfulness of these explanations. Recently, influence functions,
which is a method that approximates the effect that leave-one-out training has
on the loss function, has been shown to be fragile. The proposed reason for
their fragility remains unclear. Although previous work suggests the use of
regularization to increase robustness, this does not hold in all cases. In this
work, we seek to investigate the experiments performed in the prior work in an
effort to understand the underlying mechanisms of influence function fragility.
First, we verify influence functions using procedures from the literature under
conditions where the convexity assumptions of influence functions are met.
Then, we relax these assumptions and study the effects of non-convexity by
using deeper models and more complex datasets. Here, we analyze the key metrics
and procedures that are used to validate influence functions. Our results
indicate that the validation procedures may cause the observed fragility.
| [
{
"version": "v1",
"created": "Wed, 22 Mar 2023 21:36:56 GMT"
},
{
"version": "v2",
"created": "Fri, 7 Apr 2023 15:46:06 GMT"
}
] | 2023-04-10T00:00:00 | [
[
"Epifano",
"Jacob R.",
""
],
[
"Ramachandran",
"Ravi P.",
""
],
[
"Masino",
"Aaron J.",
""
],
[
"Rasool",
"Ghulam",
""
]
] | TITLE: Revisiting the Fragility of Influence Functions
ABSTRACT: In the last few years, many works have tried to explain the predictions of
deep learning models. Few methods, however, have been proposed to verify the
accuracy or faithfulness of these explanations. Recently, influence functions,
which is a method that approximates the effect that leave-one-out training has
on the loss function, has been shown to be fragile. The proposed reason for
their fragility remains unclear. Although previous work suggests the use of
regularization to increase robustness, this does not hold in all cases. In this
work, we seek to investigate the experiments performed in the prior work in an
effort to understand the underlying mechanisms of influence function fragility.
First, we verify influence functions using procedures from the literature under
conditions where the convexity assumptions of influence functions are met.
Then, we relax these assumptions and study the effects of non-convexity by
using deeper models and more complex datasets. Here, we analyze the key metrics
and procedures that are used to validate influence functions. Our results
indicate that the validation procedures may cause the observed fragility.
| no_new_dataset | 0.945298 |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.