id
large_stringlengths
9
16
submitter
large_stringlengths
3
64
authors
large_stringlengths
5
20.2k
title
large_stringlengths
5
245
comments
large_stringlengths
1
482
journal-ref
large_stringlengths
4
382
doi
large_stringlengths
9
151
report-no
large_stringlengths
2
509
categories
large_stringlengths
5
78
license
large_stringclasses
9 values
abstract
large_stringlengths
83
3.55k
versions
large listlengths
1
21
update_date
timestamp[ms]date
2007-05-23 00:00:00
2025-05-30 00:00:00
authors_parsed
large listlengths
1
1.35k
prompt
large_stringlengths
166
3.64k
label
stringclasses
2 values
prob
float64
0.5
0.73
2204.09931
Xiao Teng
Long Lan, Xiao Teng, Jing Zhang, Xiang Zhang and Dacheng Tao
Learning to Purification for Unsupervised Person Re-identification
null
null
10.1109/TIP.2023.3278860
null
cs.CV cs.AI
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Unsupervised person re-identification is a challenging and promising task in computer vision. Nowadays unsupervised person re-identification methods have achieved great progress by training with pseudo labels. However, how to purify feature and label noise is less explicitly studied in the unsupervised manner. To purify the feature, we take into account two types of additional features from different local views to enrich the feature representation. The proposed multi-view features are carefully integrated into our cluster contrast learning to leverage more discriminative cues that the global feature easily ignored and biased. To purify the label noise, we propose to take advantage of the knowledge of teacher model in an offline scheme. Specifically, we first train a teacher model from noisy pseudo labels, and then use the teacher model to guide the learning of our student model. In our setting, the student model could converge fast with the supervision of the teacher model thus reduce the interference of noisy labels as the teacher model greatly suffered. After carefully handling the noise and bias in the feature learning, our purification modules are proven to be very effective for unsupervised person re-identification. Extensive experiments on three popular person re-identification datasets demonstrate the superiority of our method. Especially, our approach achieves a state-of-the-art accuracy 85.8\% @mAP and 94.5\% @Rank-1 on the challenging Market-1501 benchmark with ResNet-50 under the fully unsupervised setting. The code will be released.
[ { "version": "v1", "created": "Thu, 21 Apr 2022 07:46:00 GMT" }, { "version": "v2", "created": "Wed, 22 Jun 2022 07:28:56 GMT" } ]
2023-06-28T00:00:00
[ [ "Lan", "Long", "" ], [ "Teng", "Xiao", "" ], [ "Zhang", "Jing", "" ], [ "Zhang", "Xiang", "" ], [ "Tao", "Dacheng", "" ] ]
TITLE: Learning to Purification for Unsupervised Person Re-identification ABSTRACT: Unsupervised person re-identification is a challenging and promising task in computer vision. Nowadays unsupervised person re-identification methods have achieved great progress by training with pseudo labels. However, how to purify feature and label noise is less explicitly studied in the unsupervised manner. To purify the feature, we take into account two types of additional features from different local views to enrich the feature representation. The proposed multi-view features are carefully integrated into our cluster contrast learning to leverage more discriminative cues that the global feature easily ignored and biased. To purify the label noise, we propose to take advantage of the knowledge of teacher model in an offline scheme. Specifically, we first train a teacher model from noisy pseudo labels, and then use the teacher model to guide the learning of our student model. In our setting, the student model could converge fast with the supervision of the teacher model thus reduce the interference of noisy labels as the teacher model greatly suffered. After carefully handling the noise and bias in the feature learning, our purification modules are proven to be very effective for unsupervised person re-identification. Extensive experiments on three popular person re-identification datasets demonstrate the superiority of our method. Especially, our approach achieves a state-of-the-art accuracy 85.8\% @mAP and 94.5\% @Rank-1 on the challenging Market-1501 benchmark with ResNet-50 under the fully unsupervised setting. The code will be released.
no_new_dataset
0.707979
2205.10828
Alireza Mohammadshahi
Alireza Mohammadshahi, Vassilina Nikoulina, Alexandre Berard, Caroline Brun, James Henderson, Laurent Besacier
What Do Compressed Multilingual Machine Translation Models Forget?
Accepted to Findings of EMNLP 2022, presented at WMT 2022
https://aclanthology.org/2022.findings-emnlp.317/
null
null
cs.CL cs.AI cs.LG
http://creativecommons.org/licenses/by/4.0/
Recently, very large pre-trained models achieve state-of-the-art results in various natural language processing (NLP) tasks, but their size makes it more challenging to apply them in resource-constrained environments. Compression techniques allow to drastically reduce the size of the models and therefore their inference time with negligible impact on top-tier metrics. However, the general performance averaged across multiple tasks and/or languages may hide a drastic performance drop on under-represented features, which could result in the amplification of biases encoded by the models. In this work, we assess the impact of compression methods on Multilingual Neural Machine Translation models (MNMT) for various language groups, gender, and semantic biases by extensive analysis of compressed models on different machine translation benchmarks, i.e. FLORES-101, MT-Gender, and DiBiMT. We show that the performance of under-represented languages drops significantly, while the average BLEU metric only slightly decreases. Interestingly, the removal of noisy memorization with compression leads to a significant improvement for some medium-resource languages. Finally, we demonstrate that compression amplifies intrinsic gender and semantic biases, even in high-resource languages. Code: https://github.com/alirezamshi/bias-compressedMT
[ { "version": "v1", "created": "Sun, 22 May 2022 13:54:44 GMT" }, { "version": "v2", "created": "Thu, 20 Oct 2022 22:14:23 GMT" }, { "version": "v3", "created": "Tue, 27 Dec 2022 15:56:57 GMT" }, { "version": "v4", "created": "Tue, 27 Jun 2023 09:34:34 GMT" } ]
2023-06-28T00:00:00
[ [ "Mohammadshahi", "Alireza", "" ], [ "Nikoulina", "Vassilina", "" ], [ "Berard", "Alexandre", "" ], [ "Brun", "Caroline", "" ], [ "Henderson", "James", "" ], [ "Besacier", "Laurent", "" ] ]
TITLE: What Do Compressed Multilingual Machine Translation Models Forget? ABSTRACT: Recently, very large pre-trained models achieve state-of-the-art results in various natural language processing (NLP) tasks, but their size makes it more challenging to apply them in resource-constrained environments. Compression techniques allow to drastically reduce the size of the models and therefore their inference time with negligible impact on top-tier metrics. However, the general performance averaged across multiple tasks and/or languages may hide a drastic performance drop on under-represented features, which could result in the amplification of biases encoded by the models. In this work, we assess the impact of compression methods on Multilingual Neural Machine Translation models (MNMT) for various language groups, gender, and semantic biases by extensive analysis of compressed models on different machine translation benchmarks, i.e. FLORES-101, MT-Gender, and DiBiMT. We show that the performance of under-represented languages drops significantly, while the average BLEU metric only slightly decreases. Interestingly, the removal of noisy memorization with compression leads to a significant improvement for some medium-resource languages. Finally, we demonstrate that compression amplifies intrinsic gender and semantic biases, even in high-resource languages. Code: https://github.com/alirezamshi/bias-compressedMT
no_new_dataset
0.708648
2206.14718
Zihan Li
Zihan Li, Yunxiang Li, Qingde Li, Puyang Wang, Dazhou Guo, Le Lu, Dakai Jin, You Zhang, Qingqi Hong
LViT: Language meets Vision Transformer in Medical Image Segmentation
Accepted by IEEE Transactions on Medical Imaging (TMI)
null
null
null
cs.CV
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Deep learning has been widely used in medical image segmentation and other aspects. However, the performance of existing medical image segmentation models has been limited by the challenge of obtaining sufficient high-quality labeled data due to the prohibitive data annotation cost. To alleviate this limitation, we propose a new text-augmented medical image segmentation model LViT (Language meets Vision Transformer). In our LViT model, medical text annotation is incorporated to compensate for the quality deficiency in image data. In addition, the text information can guide to generate pseudo labels of improved quality in the semi-supervised learning. We also propose an Exponential Pseudo label Iteration mechanism (EPI) to help the Pixel-Level Attention Module (PLAM) preserve local image features in semi-supervised LViT setting. In our model, LV (Language-Vision) loss is designed to supervise the training of unlabeled images using text information directly. For evaluation, we construct three multimodal medical segmentation datasets (image + text) containing X-rays and CT images. Experimental results show that our proposed LViT has superior segmentation performance in both fully-supervised and semi-supervised setting. The code and datasets are available at https://github.com/HUANGLIZI/LViT.
[ { "version": "v1", "created": "Wed, 29 Jun 2022 15:36:02 GMT" }, { "version": "v2", "created": "Sun, 14 Aug 2022 17:52:01 GMT" }, { "version": "v3", "created": "Sun, 25 Jun 2023 16:15:03 GMT" }, { "version": "v4", "created": "Tue, 27 Jun 2023 01:43:10 GMT" } ]
2023-06-28T00:00:00
[ [ "Li", "Zihan", "" ], [ "Li", "Yunxiang", "" ], [ "Li", "Qingde", "" ], [ "Wang", "Puyang", "" ], [ "Guo", "Dazhou", "" ], [ "Lu", "Le", "" ], [ "Jin", "Dakai", "" ], [ "Zhang", "You", "" ], [ "Hong", "Qingqi", "" ] ]
TITLE: LViT: Language meets Vision Transformer in Medical Image Segmentation ABSTRACT: Deep learning has been widely used in medical image segmentation and other aspects. However, the performance of existing medical image segmentation models has been limited by the challenge of obtaining sufficient high-quality labeled data due to the prohibitive data annotation cost. To alleviate this limitation, we propose a new text-augmented medical image segmentation model LViT (Language meets Vision Transformer). In our LViT model, medical text annotation is incorporated to compensate for the quality deficiency in image data. In addition, the text information can guide to generate pseudo labels of improved quality in the semi-supervised learning. We also propose an Exponential Pseudo label Iteration mechanism (EPI) to help the Pixel-Level Attention Module (PLAM) preserve local image features in semi-supervised LViT setting. In our model, LV (Language-Vision) loss is designed to supervise the training of unlabeled images using text information directly. For evaluation, we construct three multimodal medical segmentation datasets (image + text) containing X-rays and CT images. Experimental results show that our proposed LViT has superior segmentation performance in both fully-supervised and semi-supervised setting. The code and datasets are available at https://github.com/HUANGLIZI/LViT.
no_new_dataset
0.664078
2208.11178
Darius Saif
Darius Saif and Ashraf Matrawy
An Experimental Investigation of Tuning QUIC-Based Publish-Subscribe Architectures in IoT
null
null
null
null
cs.NI
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
There has been growing interest in using the QUIC transport protocol for the Internet of Things (IoT). In lossy and high latency networks, QUIC outperforms TCP and TLS. Since IoT greatly differs from traditional networks in terms of architecture and resources, IoT specific parameter tuning has proven to be of significance. While RFC 9006 offers a guideline for tuning TCP within IoT, we have not found an equivalent for QUIC. This paper is the first of our knowledge to contribute empirically based insights towards tuning QUIC for IoT. We improved our pure HTTP/3 publish-subscribe architecture and rigorously benchmarked it against an alternative: MQTT-over-QUIC. To investigate the impact of transport-layer parameters, we ran both applications on Raspberry Pi Zero hardware. Eight metrics were collected while emulating different network conditions and message payloads. We enumerate the points we experimentally identified (notably, relating to authentication, MAX\_STREAM messages, and timers) and elaborate on how they can be tuned to improve resource consumption and performance. Our application offered lower latency than MQTT-over-QUIC with slightly higher resource consumption, making it preferable for reliable time-sensitive dissemination of information.
[ { "version": "v1", "created": "Tue, 23 Aug 2022 20:11:26 GMT" }, { "version": "v2", "created": "Thu, 9 Feb 2023 15:08:29 GMT" }, { "version": "v3", "created": "Fri, 19 May 2023 19:27:09 GMT" }, { "version": "v4", "created": "Mon, 26 Jun 2023 22:08:14 GMT" } ]
2023-06-28T00:00:00
[ [ "Saif", "Darius", "" ], [ "Matrawy", "Ashraf", "" ] ]
TITLE: An Experimental Investigation of Tuning QUIC-Based Publish-Subscribe Architectures in IoT ABSTRACT: There has been growing interest in using the QUIC transport protocol for the Internet of Things (IoT). In lossy and high latency networks, QUIC outperforms TCP and TLS. Since IoT greatly differs from traditional networks in terms of architecture and resources, IoT specific parameter tuning has proven to be of significance. While RFC 9006 offers a guideline for tuning TCP within IoT, we have not found an equivalent for QUIC. This paper is the first of our knowledge to contribute empirically based insights towards tuning QUIC for IoT. We improved our pure HTTP/3 publish-subscribe architecture and rigorously benchmarked it against an alternative: MQTT-over-QUIC. To investigate the impact of transport-layer parameters, we ran both applications on Raspberry Pi Zero hardware. Eight metrics were collected while emulating different network conditions and message payloads. We enumerate the points we experimentally identified (notably, relating to authentication, MAX\_STREAM messages, and timers) and elaborate on how they can be tuned to improve resource consumption and performance. Our application offered lower latency than MQTT-over-QUIC with slightly higher resource consumption, making it preferable for reliable time-sensitive dissemination of information.
no_new_dataset
0.708629
2208.11361
Zijian Gao
Zijian Gao, Kele Xu, Yuanzhao Zhai, Dawei Feng, Bo Ding, XinJun Mao, Huaimin Wang
Self-Supervised Exploration via Temporal Inconsistency in Reinforcement Learning
null
null
null
null
cs.LG cs.AI
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Under sparse extrinsic reward settings, reinforcement learning has remained challenging, despite surging interests in this field. Previous attempts suggest that intrinsic reward can alleviate the issue caused by sparsity. In this article, we present a novel intrinsic reward that is inspired by human learning, as humans evaluate curiosity by comparing current observations with historical knowledge. Our method involves training a self-supervised prediction model, saving snapshots of the model parameters, and using nuclear norm to evaluate the temporal inconsistency between the predictions of different snapshots as intrinsic rewards. We also propose a variational weighting mechanism to assign weight to different snapshots in an adaptive manner. Our experimental results on various benchmark environments demonstrate the efficacy of our method, which outperforms other intrinsic reward-based methods without additional training costs and with higher noise tolerance. This work has been submitted to the IEEE for possible publication. Copyright may be transferred without notice, after which this version may no longer be accessible.
[ { "version": "v1", "created": "Wed, 24 Aug 2022 08:19:41 GMT" }, { "version": "v2", "created": "Tue, 27 Jun 2023 01:23:31 GMT" } ]
2023-06-28T00:00:00
[ [ "Gao", "Zijian", "" ], [ "Xu", "Kele", "" ], [ "Zhai", "Yuanzhao", "" ], [ "Feng", "Dawei", "" ], [ "Ding", "Bo", "" ], [ "Mao", "XinJun", "" ], [ "Wang", "Huaimin", "" ] ]
TITLE: Self-Supervised Exploration via Temporal Inconsistency in Reinforcement Learning ABSTRACT: Under sparse extrinsic reward settings, reinforcement learning has remained challenging, despite surging interests in this field. Previous attempts suggest that intrinsic reward can alleviate the issue caused by sparsity. In this article, we present a novel intrinsic reward that is inspired by human learning, as humans evaluate curiosity by comparing current observations with historical knowledge. Our method involves training a self-supervised prediction model, saving snapshots of the model parameters, and using nuclear norm to evaluate the temporal inconsistency between the predictions of different snapshots as intrinsic rewards. We also propose a variational weighting mechanism to assign weight to different snapshots in an adaptive manner. Our experimental results on various benchmark environments demonstrate the efficacy of our method, which outperforms other intrinsic reward-based methods without additional training costs and with higher noise tolerance. This work has been submitted to the IEEE for possible publication. Copyright may be transferred without notice, after which this version may no longer be accessible.
no_new_dataset
0.707979
2210.04839
Zifan Xu
Zifan Xu, Bo Liu, Xuesu Xiao, Anirudh Nair and Peter Stone
Benchmarking Reinforcement Learning Techniques for Autonomous Navigation
null
null
null
null
cs.RO cs.AI
http://creativecommons.org/licenses/by/4.0/
Deep reinforcement learning (RL) has brought many successes for autonomous robot navigation. However, there still exists important limitations that prevent real-world use of RL-based navigation systems. For example, most learning approaches lack safety guarantees; and learned navigation systems may not generalize well to unseen environments. Despite a variety of recent learning techniques to tackle these challenges in general, a lack of an open-source benchmark and reproducible learning methods specifically for autonomous navigation makes it difficult for roboticists to choose what learning methods to use for their mobile robots and for learning researchers to identify current shortcomings of general learning methods for autonomous navigation. In this paper, we identify four major desiderata of applying deep RL approaches for autonomous navigation: (D1) reasoning under uncertainty, (D2) safety, (D3) learning from limited trial-and-error data, and (D4) generalization to diverse and novel environments. Then, we explore four major classes of learning techniques with the purpose of achieving one or more of the four desiderata: memory-based neural network architectures (D1), safe RL (D2), model-based RL (D2, D3), and domain randomization (D4). By deploying these learning techniques in a new open-source large-scale navigation benchmark and real-world environments, we perform a comprehensive study aimed at establishing to what extent can these techniques achieve these desiderata for RL-based navigation systems.
[ { "version": "v1", "created": "Mon, 10 Oct 2022 16:53:42 GMT" }, { "version": "v2", "created": "Tue, 27 Jun 2023 16:17:17 GMT" } ]
2023-06-28T00:00:00
[ [ "Xu", "Zifan", "" ], [ "Liu", "Bo", "" ], [ "Xiao", "Xuesu", "" ], [ "Nair", "Anirudh", "" ], [ "Stone", "Peter", "" ] ]
TITLE: Benchmarking Reinforcement Learning Techniques for Autonomous Navigation ABSTRACT: Deep reinforcement learning (RL) has brought many successes for autonomous robot navigation. However, there still exists important limitations that prevent real-world use of RL-based navigation systems. For example, most learning approaches lack safety guarantees; and learned navigation systems may not generalize well to unseen environments. Despite a variety of recent learning techniques to tackle these challenges in general, a lack of an open-source benchmark and reproducible learning methods specifically for autonomous navigation makes it difficult for roboticists to choose what learning methods to use for their mobile robots and for learning researchers to identify current shortcomings of general learning methods for autonomous navigation. In this paper, we identify four major desiderata of applying deep RL approaches for autonomous navigation: (D1) reasoning under uncertainty, (D2) safety, (D3) learning from limited trial-and-error data, and (D4) generalization to diverse and novel environments. Then, we explore four major classes of learning techniques with the purpose of achieving one or more of the four desiderata: memory-based neural network architectures (D1), safe RL (D2), model-based RL (D2, D3), and domain randomization (D4). By deploying these learning techniques in a new open-source large-scale navigation benchmark and real-world environments, we perform a comprehensive study aimed at establishing to what extent can these techniques achieve these desiderata for RL-based navigation systems.
no_new_dataset
0.710069
2210.11177
Ankit Gupta
Ankit Gupta and Ida-Maria Sintorn
Towards Better Guided Attention and Human Knowledge Insertion in Deep Convolutional Neural Networks
null
null
10.1007/978-3-031-25069-9_29
null
cs.CV
http://creativecommons.org/licenses/by-nc-sa/4.0/
Attention Branch Networks (ABNs) have been shown to simultaneously provide visual explanation and improve the performance of deep convolutional neural networks (CNNs). In this work, we introduce Multi-Scale Attention Branch Networks (MSABN), which enhance the resolution of the generated attention maps, and improve the performance. We evaluate MSABN on benchmark image recognition and fine-grained recognition datasets where we observe MSABN outperforms ABN and baseline models. We also introduce a new data augmentation strategy utilizing the attention maps to incorporate human knowledge in the form of bounding box annotations of the objects of interest. We show that even with a limited number of edited samples, a significant performance gain can be achieved with this strategy.
[ { "version": "v1", "created": "Thu, 20 Oct 2022 11:32:38 GMT" } ]
2023-06-28T00:00:00
[ [ "Gupta", "Ankit", "" ], [ "Sintorn", "Ida-Maria", "" ] ]
TITLE: Towards Better Guided Attention and Human Knowledge Insertion in Deep Convolutional Neural Networks ABSTRACT: Attention Branch Networks (ABNs) have been shown to simultaneously provide visual explanation and improve the performance of deep convolutional neural networks (CNNs). In this work, we introduce Multi-Scale Attention Branch Networks (MSABN), which enhance the resolution of the generated attention maps, and improve the performance. We evaluate MSABN on benchmark image recognition and fine-grained recognition datasets where we observe MSABN outperforms ABN and baseline models. We also introduce a new data augmentation strategy utilizing the attention maps to incorporate human knowledge in the form of bounding box annotations of the objects of interest. We show that even with a limited number of edited samples, a significant performance gain can be achieved with this strategy.
no_new_dataset
0.710635
2210.12002
Gaoshuai Wang
Gaoshuai Wang, Fabrice Lauri, Pu Wang, Hongyuan Luo and Amir Hajjam lL Hassani
An Adaptive Neighborhood Partition Full Conditional Mutual Information Maximization Method for Feature Selection
modification
null
null
null
cs.IT math.IT
http://creativecommons.org/licenses/by/4.0/
Feature selection is used to eliminate redundant features and keep relevant features, it can enhance machine learning algorithm's performance and accelerate computing speed. In various methods, mutual information has attracted increasingly more attention as it's an effective criterion to measure variable correlation. However, current works mainly focus on maximizing the feature relevancy with class label and minimizing the feature redundancy within selected features, we reckon that pursuing feature redundancy minimization is reasonable but not necessary because part of so-called redundant features also carries some useful information to promote performance. In terms of mutual information calculation, it may distort the true relationship between two variables without proper neighborhood partition. Traditional methods usually split the continuous variables into several intervals even ignore such influence. We theoretically prove how variable fluctuation negatively influences mutual information calculation. To remove the referred obstacles, for feature selection method, we propose a full conditional mutual information maximization method (FCMIM) which only considers the feature relevancy in two aspects. For obtaining a better partition effect and eliminating the negative influence of attribute fluctuation, we put up an adaptive neighborhood partition algorithm (ANP) with the feedback of mutual information maximization algorithm, the backpropagation process helps search for a proper neighborhood partition parameter. We compare our method with several mutual information methods on 17 benchmark datasets. Results of FCMIM are better than other methods based on different classifiers. Results show that ANP indeed promotes nearly all the mutual information methods' performance.
[ { "version": "v1", "created": "Fri, 21 Oct 2022 14:41:35 GMT" }, { "version": "v2", "created": "Tue, 27 Jun 2023 13:55:12 GMT" } ]
2023-06-28T00:00:00
[ [ "Wang", "Gaoshuai", "" ], [ "Lauri", "Fabrice", "" ], [ "Wang", "Pu", "" ], [ "Luo", "Hongyuan", "" ], [ "Hassani", "Amir Hajjam lL", "" ] ]
TITLE: An Adaptive Neighborhood Partition Full Conditional Mutual Information Maximization Method for Feature Selection ABSTRACT: Feature selection is used to eliminate redundant features and keep relevant features, it can enhance machine learning algorithm's performance and accelerate computing speed. In various methods, mutual information has attracted increasingly more attention as it's an effective criterion to measure variable correlation. However, current works mainly focus on maximizing the feature relevancy with class label and minimizing the feature redundancy within selected features, we reckon that pursuing feature redundancy minimization is reasonable but not necessary because part of so-called redundant features also carries some useful information to promote performance. In terms of mutual information calculation, it may distort the true relationship between two variables without proper neighborhood partition. Traditional methods usually split the continuous variables into several intervals even ignore such influence. We theoretically prove how variable fluctuation negatively influences mutual information calculation. To remove the referred obstacles, for feature selection method, we propose a full conditional mutual information maximization method (FCMIM) which only considers the feature relevancy in two aspects. For obtaining a better partition effect and eliminating the negative influence of attribute fluctuation, we put up an adaptive neighborhood partition algorithm (ANP) with the feedback of mutual information maximization algorithm, the backpropagation process helps search for a proper neighborhood partition parameter. We compare our method with several mutual information methods on 17 benchmark datasets. Results of FCMIM are better than other methods based on different classifiers. Results show that ANP indeed promotes nearly all the mutual information methods' performance.
no_new_dataset
0.708584
2210.16789
Haifeng Li
Silu He, Qinyao Luo, Ronghua Du, Ling Zhao, Haifeng Li
STGC-GNNs: A GNN-based traffic prediction framework with a spatial-temporal Granger causality graph
14 pages, 16 figures, 4 tables
null
10.1016/j.physa.2023.128913
null
cs.LG cs.AI
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
The key to traffic prediction is to accurately depict the temporal dynamics of traffic flow traveling in a road network, so it is important to model the spatial dependence of the road network. The essence of spatial dependence is to accurately describe how traffic information transmission is affected by other nodes in the road network, and the GNN-based traffic prediction model, as a benchmark for traffic prediction, has become the most common method for the ability to model spatial dependence by transmitting traffic information with the message passing mechanism. However, existing methods model a local and static spatial dependence, which cannot transmit the global-dynamic traffic information (GDTi) required for long-term prediction. The challenge is the difficulty of detecting the precise transmission of GDTi due to the uncertainty of individual transport, especially for long-term transmission. In this paper, we propose a new hypothesis\: GDTi behaves macroscopically as a transmitting causal relationship (TCR) underlying traffic flow, which remains stable under dynamic changing traffic flow. We further propose spatial-temporal Granger causality (STGC) to express TCR, which models global and dynamic spatial dependence. To model global transmission, we model the causal order and causal lag of TCRs global transmission by a spatial-temporal alignment algorithm. To capture dynamic spatial dependence, we approximate the stable TCR underlying dynamic traffic flow by a Granger causality test. The experimental results on three backbone models show that using STGC to model the spatial dependence has better results than the original model for 45 min and 1 h long-term prediction.
[ { "version": "v1", "created": "Sun, 30 Oct 2022 09:33:51 GMT" } ]
2023-06-28T00:00:00
[ [ "He", "Silu", "" ], [ "Luo", "Qinyao", "" ], [ "Du", "Ronghua", "" ], [ "Zhao", "Ling", "" ], [ "Li", "Haifeng", "" ] ]
TITLE: STGC-GNNs: A GNN-based traffic prediction framework with a spatial-temporal Granger causality graph ABSTRACT: The key to traffic prediction is to accurately depict the temporal dynamics of traffic flow traveling in a road network, so it is important to model the spatial dependence of the road network. The essence of spatial dependence is to accurately describe how traffic information transmission is affected by other nodes in the road network, and the GNN-based traffic prediction model, as a benchmark for traffic prediction, has become the most common method for the ability to model spatial dependence by transmitting traffic information with the message passing mechanism. However, existing methods model a local and static spatial dependence, which cannot transmit the global-dynamic traffic information (GDTi) required for long-term prediction. The challenge is the difficulty of detecting the precise transmission of GDTi due to the uncertainty of individual transport, especially for long-term transmission. In this paper, we propose a new hypothesis\: GDTi behaves macroscopically as a transmitting causal relationship (TCR) underlying traffic flow, which remains stable under dynamic changing traffic flow. We further propose spatial-temporal Granger causality (STGC) to express TCR, which models global and dynamic spatial dependence. To model global transmission, we model the causal order and causal lag of TCRs global transmission by a spatial-temporal alignment algorithm. To capture dynamic spatial dependence, we approximate the stable TCR underlying dynamic traffic flow by a Granger causality test. The experimental results on three backbone models show that using STGC to model the spatial dependence has better results than the original model for 45 min and 1 h long-term prediction.
no_new_dataset
0.712076
2210.17017
Minkyu Jung
Minkyu Jung, Ohhyeok Kwon, Seunghyun Seo, Soonshin Seo
Blank Collapse: Compressing CTC emission for the faster decoding
Accepted in Interspeech 2023
null
null
null
cs.CL cs.SD eess.AS
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Connectionist Temporal Classification (CTC) model is a very efficient method for modeling sequences, especially for speech data. In order to use CTC model as an Automatic Speech Recognition (ASR) task, the beam search decoding with an external language model like n-gram LM is necessary to obtain reasonable results. In this paper we analyze the blank label in CTC beam search deeply and propose a very simple method to reduce the amount of calculation resulting in faster beam search decoding speed. With this method, we can get up to 78% faster decoding speed than ordinary beam search decoding with a very small loss of accuracy in LibriSpeech datasets. We prove this method is effective not only practically by experiments but also theoretically by mathematical reasoning. We also observe that this reduction is more obvious if the accuracy of the model is higher.
[ { "version": "v1", "created": "Mon, 31 Oct 2022 02:12:51 GMT" }, { "version": "v2", "created": "Tue, 27 Jun 2023 00:39:38 GMT" } ]
2023-06-28T00:00:00
[ [ "Jung", "Minkyu", "" ], [ "Kwon", "Ohhyeok", "" ], [ "Seo", "Seunghyun", "" ], [ "Seo", "Soonshin", "" ] ]
TITLE: Blank Collapse: Compressing CTC emission for the faster decoding ABSTRACT: Connectionist Temporal Classification (CTC) model is a very efficient method for modeling sequences, especially for speech data. In order to use CTC model as an Automatic Speech Recognition (ASR) task, the beam search decoding with an external language model like n-gram LM is necessary to obtain reasonable results. In this paper we analyze the blank label in CTC beam search deeply and propose a very simple method to reduce the amount of calculation resulting in faster beam search decoding speed. With this method, we can get up to 78% faster decoding speed than ordinary beam search decoding with a very small loss of accuracy in LibriSpeech datasets. We prove this method is effective not only practically by experiments but also theoretically by mathematical reasoning. We also observe that this reduction is more obvious if the accuracy of the model is higher.
no_new_dataset
0.712188
2210.17432
Xiaochuang Han
Xiaochuang Han, Sachin Kumar, Yulia Tsvetkov
SSD-LM: Semi-autoregressive Simplex-based Diffusion Language Model for Text Generation and Modular Control
ACL 2023
null
null
null
cs.CL cs.LG
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Despite the growing success of diffusion models in continuous-valued domains (e.g., images), similar efforts for discrete domains such as text have yet to match the performance of autoregressive language models. In this work, we present SSD-LM -- a diffusion-based language model with two key design choices. First, SSD-LM is semi-autoregressive, iteratively generating blocks of text, allowing for flexible output length at decoding time while enabling local bidirectional context updates. Second, it is simplex-based, performing diffusion on the natural vocabulary space rather than a learned latent space, allowing us to incorporate classifier guidance and modular control using off-the-shelf classifiers without any adaptation. We evaluate SSD-LM on unconstrained text generation benchmarks, and show that it matches or outperforms strong autoregressive GPT-2 models across standard quality and diversity metrics, while vastly outperforming diffusion-based baselines. On controlled text generation, SSD-LM also outperforms competitive baselines, with an extra advantage in modularity.
[ { "version": "v1", "created": "Mon, 31 Oct 2022 16:02:00 GMT" }, { "version": "v2", "created": "Mon, 26 Jun 2023 22:31:06 GMT" } ]
2023-06-28T00:00:00
[ [ "Han", "Xiaochuang", "" ], [ "Kumar", "Sachin", "" ], [ "Tsvetkov", "Yulia", "" ] ]
TITLE: SSD-LM: Semi-autoregressive Simplex-based Diffusion Language Model for Text Generation and Modular Control ABSTRACT: Despite the growing success of diffusion models in continuous-valued domains (e.g., images), similar efforts for discrete domains such as text have yet to match the performance of autoregressive language models. In this work, we present SSD-LM -- a diffusion-based language model with two key design choices. First, SSD-LM is semi-autoregressive, iteratively generating blocks of text, allowing for flexible output length at decoding time while enabling local bidirectional context updates. Second, it is simplex-based, performing diffusion on the natural vocabulary space rather than a learned latent space, allowing us to incorporate classifier guidance and modular control using off-the-shelf classifiers without any adaptation. We evaluate SSD-LM on unconstrained text generation benchmarks, and show that it matches or outperforms strong autoregressive GPT-2 models across standard quality and diversity metrics, while vastly outperforming diffusion-based baselines. On controlled text generation, SSD-LM also outperforms competitive baselines, with an extra advantage in modularity.
no_new_dataset
0.711625
2211.05100
Teven Le Scao
BigScience Workshop: Teven Le Scao, Angela Fan, Christopher Akiki, Ellie Pavlick, Suzana Ili\'c, Daniel Hesslow, Roman Castagn\'e, Alexandra Sasha Luccioni, Fran\c{c}ois Yvon, Matthias Gall\'e, Jonathan Tow, Alexander M. Rush, Stella Biderman, Albert Webson, Pawan Sasanka Ammanamanchi, Thomas Wang, Beno\^it Sagot, Niklas Muennighoff, Albert Villanova del Moral, Olatunji Ruwase, Rachel Bawden, Stas Bekman, Angelina McMillan-Major, Iz Beltagy, Huu Nguyen, Lucile Saulnier, Samson Tan, Pedro Ortiz Suarez, Victor Sanh, Hugo Lauren\c{c}on, Yacine Jernite, Julien Launay, Margaret Mitchell, Colin Raffel, Aaron Gokaslan, Adi Simhi, Aitor Soroa, Alham Fikri Aji, Amit Alfassy, Anna Rogers, Ariel Kreisberg Nitzav, Canwen Xu, Chenghao Mou, Chris Emezue, Christopher Klamm, Colin Leong, Daniel van Strien, David Ifeoluwa Adelani, Dragomir Radev, Eduardo Gonz\'alez Ponferrada, Efrat Levkovizh, Ethan Kim, Eyal Bar Natan, Francesco De Toni, G\'erard Dupont, Germ\'an Kruszewski, Giada Pistilli, Hady Elsahar, Hamza Benyamina, Hieu Tran, Ian Yu, Idris Abdulmumin, Isaac Johnson, Itziar Gonzalez-Dios, Javier de la Rosa, Jenny Chim, Jesse Dodge, Jian Zhu, Jonathan Chang, J\"org Frohberg, Joseph Tobing, Joydeep Bhattacharjee, Khalid Almubarak, Kimbo Chen, Kyle Lo, Leandro Von Werra, Leon Weber, Long Phan, Loubna Ben allal, Ludovic Tanguy, Manan Dey, Manuel Romero Mu\~noz, Maraim Masoud, Mar\'ia Grandury, Mario \v{S}a\v{s}ko, Max Huang, Maximin Coavoux, Mayank Singh, Mike Tian-Jian Jiang, Minh Chien Vu, Mohammad A. Jauhar, Mustafa Ghaleb, Nishant Subramani, Nora Kassner, Nurulaqilla Khamis, Olivier Nguyen, Omar Espejel, Ona de Gibert, Paulo Villegas, Peter Henderson, Pierre Colombo, Priscilla Amuok, Quentin Lhoest, Rheza Harliman, Rishi Bommasani, Roberto Luis L\'opez, Rui Ribeiro, Salomey Osei, Sampo Pyysalo, Sebastian Nagel, Shamik Bose, Shamsuddeen Hassan Muhammad, Shanya Sharma, Shayne Longpre, Somaieh Nikpoor, Stanislav Silberberg, Suhas Pai, Sydney Zink, Tiago Timponi Torrent, Timo Schick, Tristan Thrush, Valentin Danchev, Vassilina Nikoulina, Veronika Laippala, Violette Lepercq, Vrinda Prabhu, Zaid Alyafeai, Zeerak Talat, Arun Raja, Benjamin Heinzerling, Chenglei Si, Davut Emre Ta\c{s}ar, Elizabeth Salesky, Sabrina J. Mielke, Wilson Y. Lee, Abheesht Sharma, Andrea Santilli, Antoine Chaffin, Arnaud Stiegler, Debajyoti Datta, Eliza Szczechla, Gunjan Chhablani, Han Wang, Harshit Pandey, Hendrik Strobelt, Jason Alan Fries, Jos Rozen, Leo Gao, Lintang Sutawika, M Saiful Bari, Maged S. Al-shaibani, Matteo Manica, Nihal Nayak, Ryan Teehan, Samuel Albanie, Sheng Shen, Srulik Ben-David, Stephen H. Bach, Taewoon Kim, Tali Bers, Thibault Fevry, Trishala Neeraj, Urmish Thakker, Vikas Raunak, Xiangru Tang, Zheng-Xin Yong, Zhiqing Sun, Shaked Brody, Yallow Uri, Hadar Tojarieh, Adam Roberts, Hyung Won Chung, Jaesung Tae, Jason Phang, Ofir Press, Conglong Li, Deepak Narayanan, Hatim Bourfoune, Jared Casper, Jeff Rasley, Max Ryabinin, Mayank Mishra, Minjia Zhang, Mohammad Shoeybi, Myriam Peyrounette, Nicolas Patry, Nouamane Tazi, Omar Sanseviero, Patrick von Platen, Pierre Cornette, Pierre Fran\c{c}ois Lavall\'ee, R\'emi Lacroix, Samyam Rajbhandari, Sanchit Gandhi, Shaden Smith, St\'ephane Requena, Suraj Patil, Tim Dettmers, Ahmed Baruwa, Amanpreet Singh, Anastasia Cheveleva, Anne-Laure Ligozat, Arjun Subramonian, Aur\'elie N\'ev\'eol, Charles Lovering, Dan Garrette, Deepak Tunuguntla, Ehud Reiter, Ekaterina Taktasheva, Ekaterina Voloshina, Eli Bogdanov, Genta Indra Winata, Hailey Schoelkopf, Jan-Christoph Kalo, Jekaterina Novikova, Jessica Zosa Forde, Jordan Clive, Jungo Kasai, Ken Kawamura, Liam Hazan, Marine Carpuat, Miruna Clinciu, Najoung Kim, Newton Cheng, Oleg Serikov, Omer Antverg, Oskar van der Wal, Rui Zhang, Ruochen Zhang, Sebastian Gehrmann, Shachar Mirkin, Shani Pais, Tatiana Shavrina, Thomas Scialom, Tian Yun, Tomasz Limisiewicz, Verena Rieser, Vitaly Protasov, Vladislav Mikhailov, Yada Pruksachatkun, Yonatan Belinkov, Zachary Bamberger, Zden\v{e}k Kasner, Alice Rueda, Amanda Pestana, Amir Feizpour, Ammar Khan, Amy Faranak, Ana Santos, Anthony Hevia, Antigona Unldreaj, Arash Aghagol, Arezoo Abdollahi, Aycha Tammour, Azadeh HajiHosseini, Bahareh Behroozi, Benjamin Ajibade, Bharat Saxena, Carlos Mu\~noz Ferrandis, Daniel McDuff, Danish Contractor, David Lansky, Davis David, Douwe Kiela, Duong A. Nguyen, Edward Tan, Emi Baylor, Ezinwanne Ozoani, Fatima Mirza, Frankline Ononiwu, Habib Rezanejad, Hessie Jones, Indrani Bhattacharya, Irene Solaiman, Irina Sedenko, Isar Nejadgholi, Jesse Passmore, Josh Seltzer, Julio Bonis Sanz, Livia Dutra, Mairon Samagaio, Maraim Elbadri, Margot Mieskes, Marissa Gerchick, Martha Akinlolu, Michael McKenna, Mike Qiu, Muhammed Ghauri, Mykola Burynok, Nafis Abrar, Nazneen Rajani, Nour Elkott, Nour Fahmy, Olanrewaju Samuel, Ran An, Rasmus Kromann, Ryan Hao, Samira Alizadeh, Sarmad Shubber, Silas Wang, Sourav Roy, Sylvain Viguier, Thanh Le, Tobi Oyebade, Trieu Le, Yoyo Yang, Zach Nguyen, Abhinav Ramesh Kashyap, Alfredo Palasciano, Alison Callahan, Anima Shukla, Antonio Miranda-Escalada, Ayush Singh, Benjamin Beilharz, Bo Wang, Caio Brito, Chenxi Zhou, Chirag Jain, Chuxin Xu, Cl\'ementine Fourrier, Daniel Le\'on Peri\~n\'an, Daniel Molano, Dian Yu, Enrique Manjavacas, Fabio Barth, Florian Fuhrimann, Gabriel Altay, Giyaseddin Bayrak, Gully Burns, Helena U. Vrabec, Imane Bello, Ishani Dash, Jihyun Kang, John Giorgi, Jonas Golde, Jose David Posada, Karthik Rangasai Sivaraman, Lokesh Bulchandani, Lu Liu, Luisa Shinzato, Madeleine Hahn de Bykhovetz, Maiko Takeuchi, Marc P\`amies, Maria A Castillo, Marianna Nezhurina, Mario S\"anger, Matthias Samwald, Michael Cullan, Michael Weinberg, Michiel De Wolf, Mina Mihaljcic, Minna Liu, Moritz Freidank, Myungsun Kang, Natasha Seelam, Nathan Dahlberg, Nicholas Michio Broad, Nikolaus Muellner, Pascale Fung, Patrick Haller, Ramya Chandrasekhar, Renata Eisenberg, Robert Martin, Rodrigo Canalli, Rosaline Su, Ruisi Su, Samuel Cahyawijaya, Samuele Garda, Shlok S Deshmukh, Shubhanshu Mishra, Sid Kiblawi, Simon Ott, Sinee Sang-aroonsiri, Srishti Kumar, Stefan Schweter, Sushil Bharati, Tanmay Laud, Th\'eo Gigant, Tomoya Kainuma, Wojciech Kusa, Yanis Labrak, Yash Shailesh Bajaj, Yash Venkatraman, Yifan Xu, Yingxin Xu, Yu Xu, Zhe Tan, Zhongli Xie, Zifan Ye, Mathilde Bras, Younes Belkada, Thomas Wolf
BLOOM: A 176B-Parameter Open-Access Multilingual Language Model
null
null
null
null
cs.CL
http://creativecommons.org/licenses/by/4.0/
Large language models (LLMs) have been shown to be able to perform new tasks based on a few demonstrations or natural language instructions. While these capabilities have led to widespread adoption, most LLMs are developed by resource-rich organizations and are frequently kept from the public. As a step towards democratizing this powerful technology, we present BLOOM, a 176B-parameter open-access language model designed and built thanks to a collaboration of hundreds of researchers. BLOOM is a decoder-only Transformer language model that was trained on the ROOTS corpus, a dataset comprising hundreds of sources in 46 natural and 13 programming languages (59 in total). We find that BLOOM achieves competitive performance on a wide variety of benchmarks, with stronger results after undergoing multitask prompted finetuning. To facilitate future research and applications using LLMs, we publicly release our models and code under the Responsible AI License.
[ { "version": "v1", "created": "Wed, 9 Nov 2022 18:48:09 GMT" }, { "version": "v2", "created": "Sun, 11 Dec 2022 01:09:36 GMT" }, { "version": "v3", "created": "Mon, 13 Mar 2023 15:55:30 GMT" }, { "version": "v4", "created": "Tue, 27 Jun 2023 09:57:58 GMT" } ]
2023-06-28T00:00:00
[ [ "Workshop", "BigScience", "" ], [ ":", "", "" ], [ "Scao", "Teven Le", "" ], [ "Fan", "Angela", "" ], [ "Akiki", "Christopher", "" ], [ "Pavlick", "Ellie", "" ], [ "Ilić", "Suzana", "" ], [ "Hesslow", "Daniel", "" ], [ "Castagné", "Roman", "" ], [ "Luccioni", "Alexandra Sasha", "" ], [ "Yvon", "François", "" ], [ "Gallé", "Matthias", "" ], [ "Tow", "Jonathan", "" ], [ "Rush", "Alexander M.", "" ], [ "Biderman", "Stella", "" ], [ "Webson", "Albert", "" ], [ "Ammanamanchi", "Pawan Sasanka", "" ], [ "Wang", "Thomas", "" ], [ "Sagot", "Benoît", "" ], [ "Muennighoff", "Niklas", "" ], [ "del Moral", "Albert Villanova", "" ], [ "Ruwase", "Olatunji", "" ], [ "Bawden", "Rachel", "" ], [ "Bekman", "Stas", "" ], [ "McMillan-Major", "Angelina", "" ], [ "Beltagy", "Iz", "" ], [ "Nguyen", "Huu", "" ], [ "Saulnier", "Lucile", "" ], [ "Tan", "Samson", "" ], [ "Suarez", "Pedro Ortiz", "" ], [ "Sanh", "Victor", "" ], [ "Laurençon", "Hugo", "" ], [ "Jernite", "Yacine", "" ], [ "Launay", "Julien", "" ], [ "Mitchell", "Margaret", "" ], [ "Raffel", "Colin", "" ], [ "Gokaslan", "Aaron", "" ], [ "Simhi", "Adi", "" ], [ "Soroa", "Aitor", "" ], [ "Aji", "Alham Fikri", "" ], [ "Alfassy", "Amit", "" ], [ "Rogers", "Anna", "" ], [ "Nitzav", "Ariel Kreisberg", "" ], [ "Xu", "Canwen", "" ], [ "Mou", "Chenghao", "" ], [ "Emezue", "Chris", "" ], [ "Klamm", "Christopher", "" ], [ "Leong", "Colin", "" ], [ "van Strien", "Daniel", "" ], [ "Adelani", "David Ifeoluwa", "" ], [ "Radev", "Dragomir", "" ], [ "Ponferrada", "Eduardo González", "" ], [ "Levkovizh", "Efrat", "" ], [ "Kim", "Ethan", "" ], [ "Natan", "Eyal Bar", "" ], [ "De Toni", "Francesco", "" ], [ "Dupont", "Gérard", "" ], [ "Kruszewski", "Germán", "" ], [ "Pistilli", "Giada", "" ], [ "Elsahar", "Hady", "" ], [ "Benyamina", "Hamza", "" ], [ "Tran", "Hieu", "" ], [ "Yu", "Ian", "" ], [ "Abdulmumin", "Idris", "" ], [ "Johnson", "Isaac", "" ], [ "Gonzalez-Dios", "Itziar", "" ], [ "de la Rosa", "Javier", "" ], [ "Chim", "Jenny", "" ], [ "Dodge", "Jesse", "" ], [ "Zhu", "Jian", "" ], [ "Chang", "Jonathan", "" ], [ "Frohberg", "Jörg", "" ], [ "Tobing", "Joseph", "" ], [ "Bhattacharjee", "Joydeep", "" ], [ "Almubarak", "Khalid", "" ], [ "Chen", "Kimbo", "" ], [ "Lo", "Kyle", "" ], [ "Von Werra", "Leandro", "" ], [ "Weber", "Leon", "" ], [ "Phan", "Long", "" ], [ "allal", "Loubna Ben", "" ], [ "Tanguy", "Ludovic", "" ], [ "Dey", "Manan", "" ], [ "Muñoz", "Manuel Romero", "" ], [ "Masoud", "Maraim", "" ], [ "Grandury", "María", "" ], [ "Šaško", "Mario", "" ], [ "Huang", "Max", "" ], [ "Coavoux", "Maximin", "" ], [ "Singh", "Mayank", "" ], [ "Jiang", "Mike Tian-Jian", "" ], [ "Vu", "Minh Chien", "" ], [ "Jauhar", "Mohammad A.", "" ], [ "Ghaleb", "Mustafa", "" ], [ "Subramani", "Nishant", "" ], [ "Kassner", "Nora", "" ], [ "Khamis", "Nurulaqilla", "" ], [ "Nguyen", "Olivier", "" ], [ "Espejel", "Omar", "" ], [ "de Gibert", "Ona", "" ], [ "Villegas", "Paulo", "" ], [ "Henderson", "Peter", "" ], [ "Colombo", "Pierre", "" ], [ "Amuok", "Priscilla", "" ], [ "Lhoest", "Quentin", "" ], [ "Harliman", "Rheza", "" ], [ "Bommasani", "Rishi", "" ], [ "López", "Roberto Luis", "" ], [ "Ribeiro", "Rui", "" ], [ "Osei", "Salomey", "" ], [ "Pyysalo", "Sampo", "" ], [ "Nagel", "Sebastian", "" ], [ "Bose", "Shamik", "" ], [ "Muhammad", "Shamsuddeen Hassan", "" ], [ "Sharma", "Shanya", "" ], [ "Longpre", "Shayne", "" ], [ "Nikpoor", "Somaieh", "" ], [ "Silberberg", "Stanislav", "" ], [ "Pai", "Suhas", "" ], [ "Zink", "Sydney", "" ], [ "Torrent", "Tiago Timponi", "" ], [ "Schick", "Timo", "" ], [ "Thrush", "Tristan", "" ], [ "Danchev", "Valentin", "" ], [ "Nikoulina", "Vassilina", "" ], [ "Laippala", "Veronika", "" ], [ "Lepercq", "Violette", "" ], [ "Prabhu", "Vrinda", "" ], [ "Alyafeai", "Zaid", "" ], [ "Talat", "Zeerak", "" ], [ "Raja", "Arun", "" ], [ "Heinzerling", "Benjamin", "" ], [ "Si", "Chenglei", "" ], [ "Taşar", "Davut Emre", "" ], [ "Salesky", "Elizabeth", "" ], [ "Mielke", "Sabrina J.", "" ], [ "Lee", "Wilson Y.", "" ], [ "Sharma", "Abheesht", "" ], [ "Santilli", "Andrea", "" ], [ "Chaffin", "Antoine", "" ], [ "Stiegler", "Arnaud", "" ], [ "Datta", "Debajyoti", "" ], [ "Szczechla", "Eliza", "" ], [ "Chhablani", "Gunjan", "" ], [ "Wang", "Han", "" ], [ "Pandey", "Harshit", "" ], [ "Strobelt", "Hendrik", "" ], [ "Fries", "Jason Alan", "" ], [ "Rozen", "Jos", "" ], [ "Gao", "Leo", "" ], [ "Sutawika", "Lintang", "" ], [ "Bari", "M Saiful", "" ], [ "Al-shaibani", "Maged S.", "" ], [ "Manica", "Matteo", "" ], [ "Nayak", "Nihal", "" ], [ "Teehan", "Ryan", "" ], [ "Albanie", "Samuel", "" ], [ "Shen", "Sheng", "" ], [ "Ben-David", "Srulik", "" ], [ "Bach", "Stephen H.", "" ], [ "Kim", "Taewoon", "" ], [ "Bers", "Tali", "" ], [ "Fevry", "Thibault", "" ], [ "Neeraj", "Trishala", "" ], [ "Thakker", "Urmish", "" ], [ "Raunak", "Vikas", "" ], [ "Tang", "Xiangru", "" ], [ "Yong", "Zheng-Xin", "" ], [ "Sun", "Zhiqing", "" ], [ "Brody", "Shaked", "" ], [ "Uri", "Yallow", "" ], [ "Tojarieh", "Hadar", "" ], [ "Roberts", "Adam", "" ], [ "Chung", "Hyung Won", "" ], [ "Tae", "Jaesung", "" ], [ "Phang", "Jason", "" ], [ "Press", "Ofir", "" ], [ "Li", "Conglong", "" ], [ "Narayanan", "Deepak", "" ], [ "Bourfoune", "Hatim", "" ], [ "Casper", "Jared", "" ], [ "Rasley", "Jeff", "" ], [ "Ryabinin", "Max", "" ], [ "Mishra", "Mayank", "" ], [ "Zhang", "Minjia", "" ], [ "Shoeybi", "Mohammad", "" ], [ "Peyrounette", "Myriam", "" ], [ "Patry", "Nicolas", "" ], [ "Tazi", "Nouamane", "" ], [ "Sanseviero", "Omar", "" ], [ "von Platen", "Patrick", "" ], [ "Cornette", "Pierre", "" ], [ "Lavallée", "Pierre François", "" ], [ "Lacroix", "Rémi", "" ], [ "Rajbhandari", "Samyam", "" ], [ "Gandhi", "Sanchit", "" ], [ "Smith", "Shaden", "" ], [ "Requena", "Stéphane", "" ], [ "Patil", "Suraj", "" ], [ "Dettmers", "Tim", "" ], [ "Baruwa", "Ahmed", "" ], [ "Singh", "Amanpreet", "" ], [ "Cheveleva", "Anastasia", "" ], [ "Ligozat", "Anne-Laure", "" ], [ "Subramonian", "Arjun", "" ], [ "Névéol", "Aurélie", "" ], [ "Lovering", "Charles", "" ], [ "Garrette", "Dan", "" ], [ "Tunuguntla", "Deepak", "" ], [ "Reiter", "Ehud", "" ], [ "Taktasheva", "Ekaterina", "" ], [ "Voloshina", "Ekaterina", "" ], [ "Bogdanov", "Eli", "" ], [ "Winata", "Genta Indra", "" ], [ "Schoelkopf", "Hailey", "" ], [ "Kalo", "Jan-Christoph", "" ], [ "Novikova", "Jekaterina", "" ], [ "Forde", "Jessica Zosa", "" ], [ "Clive", "Jordan", "" ], [ "Kasai", "Jungo", "" ], [ "Kawamura", "Ken", "" ], [ "Hazan", "Liam", "" ], [ "Carpuat", "Marine", "" ], [ "Clinciu", "Miruna", "" ], [ "Kim", "Najoung", "" ], [ "Cheng", "Newton", "" ], [ "Serikov", "Oleg", "" ], [ "Antverg", "Omer", "" ], [ "van der Wal", "Oskar", "" ], [ "Zhang", "Rui", "" ], [ "Zhang", "Ruochen", "" ], [ "Gehrmann", "Sebastian", "" ], [ "Mirkin", "Shachar", "" ], [ "Pais", "Shani", "" ], [ "Shavrina", "Tatiana", "" ], [ "Scialom", "Thomas", "" ], [ "Yun", "Tian", "" ], [ "Limisiewicz", "Tomasz", "" ], [ "Rieser", "Verena", "" ], [ "Protasov", "Vitaly", "" ], [ "Mikhailov", "Vladislav", "" ], [ "Pruksachatkun", "Yada", "" ], [ "Belinkov", "Yonatan", "" ], [ "Bamberger", "Zachary", "" ], [ "Kasner", "Zdeněk", "" ], [ "Rueda", "Alice", "" ], [ "Pestana", "Amanda", "" ], [ "Feizpour", "Amir", "" ], [ "Khan", "Ammar", "" ], [ "Faranak", "Amy", "" ], [ "Santos", "Ana", "" ], [ "Hevia", "Anthony", "" ], [ "Unldreaj", "Antigona", "" ], [ "Aghagol", "Arash", "" ], [ "Abdollahi", "Arezoo", "" ], [ "Tammour", "Aycha", "" ], [ "HajiHosseini", "Azadeh", "" ], [ "Behroozi", "Bahareh", "" ], [ "Ajibade", "Benjamin", "" ], [ "Saxena", "Bharat", "" ], [ "Ferrandis", "Carlos Muñoz", "" ], [ "McDuff", "Daniel", "" ], [ "Contractor", "Danish", "" ], [ "Lansky", "David", "" ], [ "David", "Davis", "" ], [ "Kiela", "Douwe", "" ], [ "Nguyen", "Duong A.", "" ], [ "Tan", "Edward", "" ], [ "Baylor", "Emi", "" ], [ "Ozoani", "Ezinwanne", "" ], [ "Mirza", "Fatima", "" ], [ "Ononiwu", "Frankline", "" ], [ "Rezanejad", "Habib", "" ], [ "Jones", "Hessie", "" ], [ "Bhattacharya", "Indrani", "" ], [ "Solaiman", "Irene", "" ], [ "Sedenko", "Irina", "" ], [ "Nejadgholi", "Isar", "" ], [ "Passmore", "Jesse", "" ], [ "Seltzer", "Josh", "" ], [ "Sanz", "Julio Bonis", "" ], [ "Dutra", "Livia", "" ], [ "Samagaio", "Mairon", "" ], [ "Elbadri", "Maraim", "" ], [ "Mieskes", "Margot", "" ], [ "Gerchick", "Marissa", "" ], [ "Akinlolu", "Martha", "" ], [ "McKenna", "Michael", "" ], [ "Qiu", "Mike", "" ], [ "Ghauri", "Muhammed", "" ], [ "Burynok", "Mykola", "" ], [ "Abrar", "Nafis", "" ], [ "Rajani", "Nazneen", "" ], [ "Elkott", "Nour", "" ], [ "Fahmy", "Nour", "" ], [ "Samuel", "Olanrewaju", "" ], [ "An", "Ran", "" ], [ "Kromann", "Rasmus", "" ], [ "Hao", "Ryan", "" ], [ "Alizadeh", "Samira", "" ], [ "Shubber", "Sarmad", "" ], [ "Wang", "Silas", "" ], [ "Roy", "Sourav", "" ], [ "Viguier", "Sylvain", "" ], [ "Le", "Thanh", "" ], [ "Oyebade", "Tobi", "" ], [ "Le", "Trieu", "" ], [ "Yang", "Yoyo", "" ], [ "Nguyen", "Zach", "" ], [ "Kashyap", "Abhinav Ramesh", "" ], [ "Palasciano", "Alfredo", "" ], [ "Callahan", "Alison", "" ], [ "Shukla", "Anima", "" ], [ "Miranda-Escalada", "Antonio", "" ], [ "Singh", "Ayush", "" ], [ "Beilharz", "Benjamin", "" ], [ "Wang", "Bo", "" ], [ "Brito", "Caio", "" ], [ "Zhou", "Chenxi", "" ], [ "Jain", "Chirag", "" ], [ "Xu", "Chuxin", "" ], [ "Fourrier", "Clémentine", "" ], [ "Periñán", "Daniel León", "" ], [ "Molano", "Daniel", "" ], [ "Yu", "Dian", "" ], [ "Manjavacas", "Enrique", "" ], [ "Barth", "Fabio", "" ], [ "Fuhrimann", "Florian", "" ], [ "Altay", "Gabriel", "" ], [ "Bayrak", "Giyaseddin", "" ], [ "Burns", "Gully", "" ], [ "Vrabec", "Helena U.", "" ], [ "Bello", "Imane", "" ], [ "Dash", "Ishani", "" ], [ "Kang", "Jihyun", "" ], [ "Giorgi", "John", "" ], [ "Golde", "Jonas", "" ], [ "Posada", "Jose David", "" ], [ "Sivaraman", "Karthik Rangasai", "" ], [ "Bulchandani", "Lokesh", "" ], [ "Liu", "Lu", "" ], [ "Shinzato", "Luisa", "" ], [ "de Bykhovetz", "Madeleine Hahn", "" ], [ "Takeuchi", "Maiko", "" ], [ "Pàmies", "Marc", "" ], [ "Castillo", "Maria A", "" ], [ "Nezhurina", "Marianna", "" ], [ "Sänger", "Mario", "" ], [ "Samwald", "Matthias", "" ], [ "Cullan", "Michael", "" ], [ "Weinberg", "Michael", "" ], [ "De Wolf", "Michiel", "" ], [ "Mihaljcic", "Mina", "" ], [ "Liu", "Minna", "" ], [ "Freidank", "Moritz", "" ], [ "Kang", "Myungsun", "" ], [ "Seelam", "Natasha", "" ], [ "Dahlberg", "Nathan", "" ], [ "Broad", "Nicholas Michio", "" ], [ "Muellner", "Nikolaus", "" ], [ "Fung", "Pascale", "" ], [ "Haller", "Patrick", "" ], [ "Chandrasekhar", "Ramya", "" ], [ "Eisenberg", "Renata", "" ], [ "Martin", "Robert", "" ], [ "Canalli", "Rodrigo", "" ], [ "Su", "Rosaline", "" ], [ "Su", "Ruisi", "" ], [ "Cahyawijaya", "Samuel", "" ], [ "Garda", "Samuele", "" ], [ "Deshmukh", "Shlok S", "" ], [ "Mishra", "Shubhanshu", "" ], [ "Kiblawi", "Sid", "" ], [ "Ott", "Simon", "" ], [ "Sang-aroonsiri", "Sinee", "" ], [ "Kumar", "Srishti", "" ], [ "Schweter", "Stefan", "" ], [ "Bharati", "Sushil", "" ], [ "Laud", "Tanmay", "" ], [ "Gigant", "Théo", "" ], [ "Kainuma", "Tomoya", "" ], [ "Kusa", "Wojciech", "" ], [ "Labrak", "Yanis", "" ], [ "Bajaj", "Yash Shailesh", "" ], [ "Venkatraman", "Yash", "" ], [ "Xu", "Yifan", "" ], [ "Xu", "Yingxin", "" ], [ "Xu", "Yu", "" ], [ "Tan", "Zhe", "" ], [ "Xie", "Zhongli", "" ], [ "Ye", "Zifan", "" ], [ "Bras", "Mathilde", "" ], [ "Belkada", "Younes", "" ], [ "Wolf", "Thomas", "" ] ]
TITLE: BLOOM: A 176B-Parameter Open-Access Multilingual Language Model ABSTRACT: Large language models (LLMs) have been shown to be able to perform new tasks based on a few demonstrations or natural language instructions. While these capabilities have led to widespread adoption, most LLMs are developed by resource-rich organizations and are frequently kept from the public. As a step towards democratizing this powerful technology, we present BLOOM, a 176B-parameter open-access language model designed and built thanks to a collaboration of hundreds of researchers. BLOOM is a decoder-only Transformer language model that was trained on the ROOTS corpus, a dataset comprising hundreds of sources in 46 natural and 13 programming languages (59 in total). We find that BLOOM achieves competitive performance on a wide variety of benchmarks, with stronger results after undergoing multitask prompted finetuning. To facilitate future research and applications using LLMs, we publicly release our models and code under the Responsible AI License.
no_new_dataset
0.705176
2211.07591
Justus-Jonas Erker
Justus-Jonas Erker, Stefan Schaffer, Gerasimos Spanakis
Imagination is All You Need! Curved Contrastive Learning for Abstract Sequence Modeling Utilized on Long Short-Term Dialogue Planning
Accepted in ACL 2023 Findings
null
null
null
cs.CL
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Inspired by the curvature of space-time (Einstein, 1921), we introduce Curved Contrastive Learning (CCL), a novel representation learning technique for learning the relative turn distance between utterance pairs in multi-turn dialogues. The resulting bi-encoder models can guide transformers as a response ranking model towards a goal in a zero-shot fashion by projecting the goal utterance and the corresponding reply candidates into a latent space. Here the cosine similarity indicates the distance/reachability of a candidate utterance toward the corresponding goal. Furthermore, we explore how these forward-entailing language representations can be utilized for assessing the likelihood of sequences by the entailment strength i.e. through the cosine similarity of its individual members (encoded separately) as an emergent property in the curved space. These non-local properties allow us to imagine the likelihood of future patterns in dialogues, specifically by ordering/identifying future goal utterances that are multiple turns away, given a dialogue context. As part of our analysis, we investigate characteristics that make conversations (un)plannable and find strong evidence of planning capability over multiple turns (in 61.56% over 3 turns) in conversations from the DailyDialog (Li et al., 2017) dataset. Finally, we show how we achieve higher efficiency in sequence modeling tasks compared to previous work thanks to our relativistic approach, where only the last utterance needs to be encoded and computed during inference.
[ { "version": "v1", "created": "Mon, 14 Nov 2022 18:16:48 GMT" }, { "version": "v2", "created": "Mon, 26 Jun 2023 18:05:48 GMT" } ]
2023-06-28T00:00:00
[ [ "Erker", "Justus-Jonas", "" ], [ "Schaffer", "Stefan", "" ], [ "Spanakis", "Gerasimos", "" ] ]
TITLE: Imagination is All You Need! Curved Contrastive Learning for Abstract Sequence Modeling Utilized on Long Short-Term Dialogue Planning ABSTRACT: Inspired by the curvature of space-time (Einstein, 1921), we introduce Curved Contrastive Learning (CCL), a novel representation learning technique for learning the relative turn distance between utterance pairs in multi-turn dialogues. The resulting bi-encoder models can guide transformers as a response ranking model towards a goal in a zero-shot fashion by projecting the goal utterance and the corresponding reply candidates into a latent space. Here the cosine similarity indicates the distance/reachability of a candidate utterance toward the corresponding goal. Furthermore, we explore how these forward-entailing language representations can be utilized for assessing the likelihood of sequences by the entailment strength i.e. through the cosine similarity of its individual members (encoded separately) as an emergent property in the curved space. These non-local properties allow us to imagine the likelihood of future patterns in dialogues, specifically by ordering/identifying future goal utterances that are multiple turns away, given a dialogue context. As part of our analysis, we investigate characteristics that make conversations (un)plannable and find strong evidence of planning capability over multiple turns (in 61.56% over 3 turns) in conversations from the DailyDialog (Li et al., 2017) dataset. Finally, we show how we achieve higher efficiency in sequence modeling tasks compared to previous work thanks to our relativistic approach, where only the last utterance needs to be encoded and computed during inference.
no_new_dataset
0.710007
2211.16199
Haitz S\'aez de Oc\'ariz Borde
Haitz S\'aez de Oc\'ariz Borde, Anees Kazi, Federico Barbero, Pietro Li\`o
Latent Graph Inference using Product Manifolds
null
null
null
null
cs.LG
http://creativecommons.org/licenses/by/4.0/
Graph Neural Networks usually rely on the assumption that the graph topology is available to the network as well as optimal for the downstream task. Latent graph inference allows models to dynamically learn the intrinsic graph structure of problems where the connectivity patterns of data may not be directly accessible. In this work, we generalize the discrete Differentiable Graph Module (dDGM) for latent graph learning. The original dDGM architecture used the Euclidean plane to encode latent features based on which the latent graphs were generated. By incorporating Riemannian geometry into the model and generating more complex embedding spaces, we can improve the performance of the latent graph inference system. In particular, we propose a computationally tractable approach to produce product manifolds of constant curvature model spaces that can encode latent features of varying structure. The latent representations mapped onto the inferred product manifold are used to compute richer similarity measures that are leveraged by the latent graph learning model to obtain optimized latent graphs. Moreover, the curvature of the product manifold is learned during training alongside the rest of the network parameters and based on the downstream task, rather than it being a static embedding space. Our novel approach is tested on a wide range of datasets, and outperforms the original dDGM model.
[ { "version": "v1", "created": "Sat, 26 Nov 2022 22:13:06 GMT" }, { "version": "v2", "created": "Fri, 21 Apr 2023 21:50:38 GMT" }, { "version": "v3", "created": "Tue, 27 Jun 2023 17:17:50 GMT" } ]
2023-06-28T00:00:00
[ [ "Borde", "Haitz Sáez de Ocáriz", "" ], [ "Kazi", "Anees", "" ], [ "Barbero", "Federico", "" ], [ "Liò", "Pietro", "" ] ]
TITLE: Latent Graph Inference using Product Manifolds ABSTRACT: Graph Neural Networks usually rely on the assumption that the graph topology is available to the network as well as optimal for the downstream task. Latent graph inference allows models to dynamically learn the intrinsic graph structure of problems where the connectivity patterns of data may not be directly accessible. In this work, we generalize the discrete Differentiable Graph Module (dDGM) for latent graph learning. The original dDGM architecture used the Euclidean plane to encode latent features based on which the latent graphs were generated. By incorporating Riemannian geometry into the model and generating more complex embedding spaces, we can improve the performance of the latent graph inference system. In particular, we propose a computationally tractable approach to produce product manifolds of constant curvature model spaces that can encode latent features of varying structure. The latent representations mapped onto the inferred product manifold are used to compute richer similarity measures that are leveraged by the latent graph learning model to obtain optimized latent graphs. Moreover, the curvature of the product manifold is learned during training alongside the rest of the network parameters and based on the downstream task, rather than it being a static embedding space. Our novel approach is tested on a wide range of datasets, and outperforms the original dDGM model.
no_new_dataset
0.710635
2212.07551
Donghyun Lee
Mo Tiwari, Ryan Kang, Je-Yong Lee, Donghyun Lee, Chris Piech, Sebastian Thrun, Ilan Shomorony, Martin Jinye Zhang
Faster Maximum Inner Product Search in High Dimensions
24 pages
null
null
null
cs.LG cs.AI
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Maximum Inner Product Search (MIPS) is a ubiquitous task in machine learning applications such as recommendation systems. Given a query vector and $n$ atom vectors in $d$-dimensional space, the goal of MIPS is to find the atom that has the highest inner product with the query vector. Existing MIPS algorithms scale at least as $O(\sqrt{d})$, which becomes computationally prohibitive in high-dimensional settings. In this work, we present BanditMIPS, a novel randomized MIPS algorithm whose complexity is independent of $d$. BanditMIPS estimates the inner product for each atom by subsampling coordinates and adaptively evaluates more coordinates for more promising atoms. The specific adaptive sampling strategy is motivated by multi-armed bandits. We provide theoretical guarantees that BanditMIPS returns the correct answer with high probability, while improving the complexity in $d$ from $O(\sqrt{d})$ to $O(1)$. We also perform experiments on four synthetic and real-world datasets and demonstrate that BanditMIPS outperforms prior state-of-the-art algorithms. For example, in the Movie Lens dataset ($n$=4,000, $d$=6,000), BanditMIPS is 20$\times$ faster than the next best algorithm while returning the same answer. BanditMIPS requires no preprocessing of the data and includes a hyperparameter that practitioners may use to trade off accuracy and runtime. We also propose a variant of our algorithm, named BanditMIPS-$\alpha$, which achieves further speedups by employing non-uniform sampling across coordinates. Finally, we demonstrate how known preprocessing techniques can be used to further accelerate BanditMIPS, and discuss applications to Matching Pursuit and Fourier analysis.
[ { "version": "v1", "created": "Wed, 14 Dec 2022 23:46:23 GMT" }, { "version": "v2", "created": "Wed, 15 Feb 2023 02:03:55 GMT" }, { "version": "v3", "created": "Tue, 27 Jun 2023 03:36:30 GMT" } ]
2023-06-28T00:00:00
[ [ "Tiwari", "Mo", "" ], [ "Kang", "Ryan", "" ], [ "Lee", "Je-Yong", "" ], [ "Lee", "Donghyun", "" ], [ "Piech", "Chris", "" ], [ "Thrun", "Sebastian", "" ], [ "Shomorony", "Ilan", "" ], [ "Zhang", "Martin Jinye", "" ] ]
TITLE: Faster Maximum Inner Product Search in High Dimensions ABSTRACT: Maximum Inner Product Search (MIPS) is a ubiquitous task in machine learning applications such as recommendation systems. Given a query vector and $n$ atom vectors in $d$-dimensional space, the goal of MIPS is to find the atom that has the highest inner product with the query vector. Existing MIPS algorithms scale at least as $O(\sqrt{d})$, which becomes computationally prohibitive in high-dimensional settings. In this work, we present BanditMIPS, a novel randomized MIPS algorithm whose complexity is independent of $d$. BanditMIPS estimates the inner product for each atom by subsampling coordinates and adaptively evaluates more coordinates for more promising atoms. The specific adaptive sampling strategy is motivated by multi-armed bandits. We provide theoretical guarantees that BanditMIPS returns the correct answer with high probability, while improving the complexity in $d$ from $O(\sqrt{d})$ to $O(1)$. We also perform experiments on four synthetic and real-world datasets and demonstrate that BanditMIPS outperforms prior state-of-the-art algorithms. For example, in the Movie Lens dataset ($n$=4,000, $d$=6,000), BanditMIPS is 20$\times$ faster than the next best algorithm while returning the same answer. BanditMIPS requires no preprocessing of the data and includes a hyperparameter that practitioners may use to trade off accuracy and runtime. We also propose a variant of our algorithm, named BanditMIPS-$\alpha$, which achieves further speedups by employing non-uniform sampling across coordinates. Finally, we demonstrate how known preprocessing techniques can be used to further accelerate BanditMIPS, and discuss applications to Matching Pursuit and Fourier analysis.
no_new_dataset
0.706165
2212.09553
Yong Cheng
Yong Cheng, Yu Zhang, Melvin Johnson, Wolfgang Macherey, Ankur Bapna
Mu$^{2}$SLAM: Multitask, Multilingual Speech and Language Models
ICML 2023
null
null
null
cs.CL cs.SD eess.AS
http://creativecommons.org/licenses/by/4.0/
We present Mu$^{2}$SLAM, a multilingual sequence-to-sequence model pre-trained jointly on unlabeled speech, unlabeled text and supervised data spanning Automatic Speech Recognition (ASR), Automatic Speech Translation (AST) and Machine Translation (MT), in over 100 languages. By leveraging a quantized representation of speech as a target, Mu$^{2}$SLAM trains the speech-text models with a sequence-to-sequence masked denoising objective similar to T5 on the decoder and a masked language modeling (MLM) objective on the encoder, for both unlabeled speech and text, while utilizing the supervised tasks to improve cross-lingual and cross-modal representation alignment within the model. On CoVoST AST, Mu$^{2}$SLAM establishes a new state-of-the-art for models trained on public datasets, improving on xx-en translation over the previous best by 1.9 BLEU points and on en-xx translation by 1.1 BLEU points. On Voxpopuli ASR, our model matches the performance of an mSLAM model fine-tuned with an RNN-T decoder, despite using a relatively weaker sequence-to-sequence architecture. On text understanding tasks, our model improves by more than 6\% over mSLAM on XNLI, getting closer to the performance of mT5 models of comparable capacity on XNLI and TydiQA, paving the way towards a single model for all speech and text understanding tasks.
[ { "version": "v1", "created": "Mon, 19 Dec 2022 15:45:36 GMT" }, { "version": "v2", "created": "Tue, 27 Jun 2023 01:18:45 GMT" } ]
2023-06-28T00:00:00
[ [ "Cheng", "Yong", "" ], [ "Zhang", "Yu", "" ], [ "Johnson", "Melvin", "" ], [ "Macherey", "Wolfgang", "" ], [ "Bapna", "Ankur", "" ] ]
TITLE: Mu$^{2}$SLAM: Multitask, Multilingual Speech and Language Models ABSTRACT: We present Mu$^{2}$SLAM, a multilingual sequence-to-sequence model pre-trained jointly on unlabeled speech, unlabeled text and supervised data spanning Automatic Speech Recognition (ASR), Automatic Speech Translation (AST) and Machine Translation (MT), in over 100 languages. By leveraging a quantized representation of speech as a target, Mu$^{2}$SLAM trains the speech-text models with a sequence-to-sequence masked denoising objective similar to T5 on the decoder and a masked language modeling (MLM) objective on the encoder, for both unlabeled speech and text, while utilizing the supervised tasks to improve cross-lingual and cross-modal representation alignment within the model. On CoVoST AST, Mu$^{2}$SLAM establishes a new state-of-the-art for models trained on public datasets, improving on xx-en translation over the previous best by 1.9 BLEU points and on en-xx translation by 1.1 BLEU points. On Voxpopuli ASR, our model matches the performance of an mSLAM model fine-tuned with an RNN-T decoder, despite using a relatively weaker sequence-to-sequence architecture. On text understanding tasks, our model improves by more than 6\% over mSLAM on XNLI, getting closer to the performance of mT5 models of comparable capacity on XNLI and TydiQA, paving the way towards a single model for all speech and text understanding tasks.
no_new_dataset
0.710465
2212.09921
Salih Furkan Atici Mr.
Salih Atici, Hongyi Pan, Ahmet Enis Cetin
Input Normalized Stochastic Gradient Descent Training of Deep Neural Networks
null
null
null
null
cs.LG eess.SP
http://creativecommons.org/licenses/by/4.0/
In this paper, we propose a novel optimization algorithm for training machine learning models called Input Normalized Stochastic Gradient Descent (INSGD), inspired by the Normalized Least Mean Squares (NLMS) algorithm used in adaptive filtering. When training complex models on large datasets, the choice of optimizer parameters, particularly the learning rate, is crucial to avoid divergence. Our algorithm updates the network weights using stochastic gradient descent with $\ell_1$ and $\ell_2$-based normalizations applied to the learning rate, similar to NLMS. However, unlike existing normalization methods, we exclude the error term from the normalization process and instead normalize the update term using the input vector to the neuron. Our experiments demonstrate that our optimization algorithm achieves higher accuracy levels compared to different initialization settings. We evaluate the efficiency of our training algorithm on benchmark datasets using ResNet-18, WResNet-20, ResNet-50, and a toy neural network. Our INSGD algorithm improves the accuracy of ResNet-18 on CIFAR-10 from 92.42\% to 92.71\%, WResNet-20 on CIFAR-100 from 76.20\% to 77.39\%, and ResNet-50 on ImageNet-1K from 75.52\% to 75.67\%.
[ { "version": "v1", "created": "Tue, 20 Dec 2022 00:08:37 GMT" }, { "version": "v2", "created": "Mon, 26 Jun 2023 19:43:31 GMT" } ]
2023-06-28T00:00:00
[ [ "Atici", "Salih", "" ], [ "Pan", "Hongyi", "" ], [ "Cetin", "Ahmet Enis", "" ] ]
TITLE: Input Normalized Stochastic Gradient Descent Training of Deep Neural Networks ABSTRACT: In this paper, we propose a novel optimization algorithm for training machine learning models called Input Normalized Stochastic Gradient Descent (INSGD), inspired by the Normalized Least Mean Squares (NLMS) algorithm used in adaptive filtering. When training complex models on large datasets, the choice of optimizer parameters, particularly the learning rate, is crucial to avoid divergence. Our algorithm updates the network weights using stochastic gradient descent with $\ell_1$ and $\ell_2$-based normalizations applied to the learning rate, similar to NLMS. However, unlike existing normalization methods, we exclude the error term from the normalization process and instead normalize the update term using the input vector to the neuron. Our experiments demonstrate that our optimization algorithm achieves higher accuracy levels compared to different initialization settings. We evaluate the efficiency of our training algorithm on benchmark datasets using ResNet-18, WResNet-20, ResNet-50, and a toy neural network. Our INSGD algorithm improves the accuracy of ResNet-18 on CIFAR-10 from 92.42\% to 92.71\%, WResNet-20 on CIFAR-100 from 76.20\% to 77.39\%, and ResNet-50 on ImageNet-1K from 75.52\% to 75.67\%.
no_new_dataset
0.712476
2302.12814
Mengting Zhou
Mengting Zhou and Zhiguo Gong
GraphSR: A Data Augmentation Algorithm for Imbalanced Node Classification
Accepted by AAAI2023
null
null
null
cs.LG
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Graph neural networks (GNNs) have achieved great success in node classification tasks. However, existing GNNs naturally bias towards the majority classes with more labelled data and ignore those minority classes with relatively few labelled ones. The traditional techniques often resort over-sampling methods, but they may cause overfitting problem. More recently, some works propose to synthesize additional nodes for minority classes from the labelled nodes, however, there is no any guarantee if those generated nodes really stand for the corresponding minority classes. In fact, improperly synthesized nodes may result in insufficient generalization of the algorithm. To resolve the problem, in this paper we seek to automatically augment the minority classes from the massive unlabelled nodes of the graph. Specifically, we propose \textit{GraphSR}, a novel self-training strategy to augment the minority classes with significant diversity of unlabelled nodes, which is based on a Similarity-based selection module and a Reinforcement Learning(RL) selection module. The first module finds a subset of unlabelled nodes which are most similar to those labelled minority nodes, and the second one further determines the representative and reliable nodes from the subset via RL technique. Furthermore, the RL-based module can adaptively determine the sampling scale according to current training data. This strategy is general and can be easily combined with different GNNs models. Our experiments demonstrate the proposed approach outperforms the state-of-the-art baselines on various class-imbalanced datasets.
[ { "version": "v1", "created": "Fri, 24 Feb 2023 18:49:10 GMT" }, { "version": "v2", "created": "Tue, 27 Jun 2023 14:01:09 GMT" } ]
2023-06-28T00:00:00
[ [ "Zhou", "Mengting", "" ], [ "Gong", "Zhiguo", "" ] ]
TITLE: GraphSR: A Data Augmentation Algorithm for Imbalanced Node Classification ABSTRACT: Graph neural networks (GNNs) have achieved great success in node classification tasks. However, existing GNNs naturally bias towards the majority classes with more labelled data and ignore those minority classes with relatively few labelled ones. The traditional techniques often resort over-sampling methods, but they may cause overfitting problem. More recently, some works propose to synthesize additional nodes for minority classes from the labelled nodes, however, there is no any guarantee if those generated nodes really stand for the corresponding minority classes. In fact, improperly synthesized nodes may result in insufficient generalization of the algorithm. To resolve the problem, in this paper we seek to automatically augment the minority classes from the massive unlabelled nodes of the graph. Specifically, we propose \textit{GraphSR}, a novel self-training strategy to augment the minority classes with significant diversity of unlabelled nodes, which is based on a Similarity-based selection module and a Reinforcement Learning(RL) selection module. The first module finds a subset of unlabelled nodes which are most similar to those labelled minority nodes, and the second one further determines the representative and reliable nodes from the subset via RL technique. Furthermore, the RL-based module can adaptively determine the sampling scale according to current training data. This strategy is general and can be easily combined with different GNNs models. Our experiments demonstrate the proposed approach outperforms the state-of-the-art baselines on various class-imbalanced datasets.
no_new_dataset
0.710025
2303.05745
Minghui Zhang
Minghui Zhang, Yangqian Wu, Hanxiao Zhang, Yulei Qin, Hao Zheng, Wen Tang, Corey Arnold, Chenhao Pei, Pengxin Yu, Yang Nan, Guang Yang, Simon Walsh, Dominic C. Marshall, Matthieu Komorowski, Puyang Wang, Dazhou Guo, Dakai Jin, Ya'nan Wu, Shuiqing Zhao, Runsheng Chang, Boyu Zhang, Xing Lv, Abdul Qayyum, Moona Mazher, Qi Su, Yonghuang Wu, Ying'ao Liu, Yufei Zhu, Jiancheng Yang, Ashkan Pakzad, Bojidar Rangelov, Raul San Jose Estepar, Carlos Cano Espinosa, Jiayuan Sun, Guang-Zhong Yang, Yun Gu
Multi-site, Multi-domain Airway Tree Modeling (ATM'22): A Public Benchmark for Pulmonary Airway Segmentation
32 pages, 16 figures. Homepage: https://atm22.grand-challenge.org/. Submitted
null
null
null
eess.IV cs.CV
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Open international challenges are becoming the de facto standard for assessing computer vision and image analysis algorithms. In recent years, new methods have extended the reach of pulmonary airway segmentation that is closer to the limit of image resolution. Since EXACT'09 pulmonary airway segmentation, limited effort has been directed to quantitative comparison of newly emerged algorithms driven by the maturity of deep learning based approaches and clinical drive for resolving finer details of distal airways for early intervention of pulmonary diseases. Thus far, public annotated datasets are extremely limited, hindering the development of data-driven methods and detailed performance evaluation of new algorithms. To provide a benchmark for the medical imaging community, we organized the Multi-site, Multi-domain Airway Tree Modeling (ATM'22), which was held as an official challenge event during the MICCAI 2022 conference. ATM'22 provides large-scale CT scans with detailed pulmonary airway annotation, including 500 CT scans (300 for training, 50 for validation, and 150 for testing). The dataset was collected from different sites and it further included a portion of noisy COVID-19 CTs with ground-glass opacity and consolidation. Twenty-three teams participated in the entire phase of the challenge and the algorithms for the top ten teams are reviewed in this paper. Quantitative and qualitative results revealed that deep learning models embedded with the topological continuity enhancement achieved superior performance in general. ATM'22 challenge holds as an open-call design, the training data and the gold standard evaluation are available upon successful registration via its homepage.
[ { "version": "v1", "created": "Fri, 10 Mar 2023 07:08:25 GMT" }, { "version": "v2", "created": "Wed, 7 Jun 2023 11:38:27 GMT" }, { "version": "v3", "created": "Tue, 27 Jun 2023 06:36:42 GMT" } ]
2023-06-28T00:00:00
[ [ "Zhang", "Minghui", "" ], [ "Wu", "Yangqian", "" ], [ "Zhang", "Hanxiao", "" ], [ "Qin", "Yulei", "" ], [ "Zheng", "Hao", "" ], [ "Tang", "Wen", "" ], [ "Arnold", "Corey", "" ], [ "Pei", "Chenhao", "" ], [ "Yu", "Pengxin", "" ], [ "Nan", "Yang", "" ], [ "Yang", "Guang", "" ], [ "Walsh", "Simon", "" ], [ "Marshall", "Dominic C.", "" ], [ "Komorowski", "Matthieu", "" ], [ "Wang", "Puyang", "" ], [ "Guo", "Dazhou", "" ], [ "Jin", "Dakai", "" ], [ "Wu", "Ya'nan", "" ], [ "Zhao", "Shuiqing", "" ], [ "Chang", "Runsheng", "" ], [ "Zhang", "Boyu", "" ], [ "Lv", "Xing", "" ], [ "Qayyum", "Abdul", "" ], [ "Mazher", "Moona", "" ], [ "Su", "Qi", "" ], [ "Wu", "Yonghuang", "" ], [ "Liu", "Ying'ao", "" ], [ "Zhu", "Yufei", "" ], [ "Yang", "Jiancheng", "" ], [ "Pakzad", "Ashkan", "" ], [ "Rangelov", "Bojidar", "" ], [ "Estepar", "Raul San Jose", "" ], [ "Espinosa", "Carlos Cano", "" ], [ "Sun", "Jiayuan", "" ], [ "Yang", "Guang-Zhong", "" ], [ "Gu", "Yun", "" ] ]
TITLE: Multi-site, Multi-domain Airway Tree Modeling (ATM'22): A Public Benchmark for Pulmonary Airway Segmentation ABSTRACT: Open international challenges are becoming the de facto standard for assessing computer vision and image analysis algorithms. In recent years, new methods have extended the reach of pulmonary airway segmentation that is closer to the limit of image resolution. Since EXACT'09 pulmonary airway segmentation, limited effort has been directed to quantitative comparison of newly emerged algorithms driven by the maturity of deep learning based approaches and clinical drive for resolving finer details of distal airways for early intervention of pulmonary diseases. Thus far, public annotated datasets are extremely limited, hindering the development of data-driven methods and detailed performance evaluation of new algorithms. To provide a benchmark for the medical imaging community, we organized the Multi-site, Multi-domain Airway Tree Modeling (ATM'22), which was held as an official challenge event during the MICCAI 2022 conference. ATM'22 provides large-scale CT scans with detailed pulmonary airway annotation, including 500 CT scans (300 for training, 50 for validation, and 150 for testing). The dataset was collected from different sites and it further included a portion of noisy COVID-19 CTs with ground-glass opacity and consolidation. Twenty-three teams participated in the entire phase of the challenge and the algorithms for the top ten teams are reviewed in this paper. Quantitative and qualitative results revealed that deep learning models embedded with the topological continuity enhancement achieved superior performance in general. ATM'22 challenge holds as an open-call design, the training data and the gold standard evaluation are available upon successful registration via its homepage.
no_new_dataset
0.700524
2303.14845
Xiaofei Wang Mr
Xiaofei Wang and Stephen Price and Chao Li
Multi-task Learning of Histology and Molecular Markers for Classifying Diffuse Glioma
Early Accept by MICCAI 2023
null
null
null
eess.IV cs.CV
http://creativecommons.org/licenses/by/4.0/
Most recently, the pathology diagnosis of cancer is shifting to integrating molecular makers with histology features. It is a urgent need for digital pathology methods to effectively integrate molecular markers with histology, which could lead to more accurate diagnosis in the real world scenarios. This paper presents a first attempt to jointly predict molecular markers and histology features and model their interactions for classifying diffuse glioma bases on whole slide images. Specifically, we propose a hierarchical multi-task multi-instance learning framework to jointly predict histology and molecular markers. Moreover, we propose a co-occurrence probability-based label correction graph network to model the co-occurrence of molecular markers. Lastly, we design an inter-omic interaction strategy with the dynamical confidence constraint loss to model the interactions of histology and molecular markers. Our experiments show that our method outperforms other state-of-the-art methods in classifying diffuse glioma,as well as related histology and molecular markers on a multi-institutional dataset.
[ { "version": "v1", "created": "Sun, 26 Mar 2023 23:00:00 GMT" }, { "version": "v2", "created": "Sat, 10 Jun 2023 22:42:08 GMT" }, { "version": "v3", "created": "Tue, 27 Jun 2023 09:22:05 GMT" } ]
2023-06-28T00:00:00
[ [ "Wang", "Xiaofei", "" ], [ "Price", "Stephen", "" ], [ "Li", "Chao", "" ] ]
TITLE: Multi-task Learning of Histology and Molecular Markers for Classifying Diffuse Glioma ABSTRACT: Most recently, the pathology diagnosis of cancer is shifting to integrating molecular makers with histology features. It is a urgent need for digital pathology methods to effectively integrate molecular markers with histology, which could lead to more accurate diagnosis in the real world scenarios. This paper presents a first attempt to jointly predict molecular markers and histology features and model their interactions for classifying diffuse glioma bases on whole slide images. Specifically, we propose a hierarchical multi-task multi-instance learning framework to jointly predict histology and molecular markers. Moreover, we propose a co-occurrence probability-based label correction graph network to model the co-occurrence of molecular markers. Lastly, we design an inter-omic interaction strategy with the dynamical confidence constraint loss to model the interactions of histology and molecular markers. Our experiments show that our method outperforms other state-of-the-art methods in classifying diffuse glioma,as well as related histology and molecular markers on a multi-institutional dataset.
no_new_dataset
0.709019
2303.17829
Malitha Gunawardhana
Malitha Gunawardhana, Chathuki Navanjana, Dinithi Fernando, Nipuna Upeksha, Anjula De Silva
Evaluation of Noise Reduction Methods for Sentence Recognition by Sinhala Speaking Listeners
null
null
null
null
eess.AS cs.SD
http://creativecommons.org/licenses/by/4.0/
Noise reduction is a crucial aspect of hearing aids, which researchers have been striving to address over the years. However, most existing noise reduction algorithms have primarily been evaluated using English. Considering the linguistic differences between English and Sinhala languages, including variation in syllable structures and vowel duration, it is very important to assess the performance of noise reduction tailored to the Sinhala language. This paper presents a comprehensive analysis between wavelet transformation and adaptive filters for noise reduction in Sinhala languages. We investigate the performance of ten wavelet families with soft and hard thresholding methods against adaptive filters with Normalized Least Mean Square, Least Mean Square Average Normalized Least Mean Square, Recursive Least Square, and Adaptive Filtering Averaging optimization algorithms along with cepstral and energy-based voice activity detection algorithms. The performance evaluation is done using objective metrics; Signal to Noise Ratio (SNR) and Perceptual Evaluation of Speech Quality (PESQ) and a subjective metric; Mean Opinion Score (MOS). A newly recorded Sinhala language audio dataset and the NOIZEUS database by the University of Texas, Dallas were used for the evaluation. Our code is available at https://github.com/ChathukiKet/Evaluation-of-Noise-Reduction-Methods
[ { "version": "v1", "created": "Fri, 31 Mar 2023 06:52:46 GMT" }, { "version": "v2", "created": "Mon, 3 Apr 2023 11:31:55 GMT" }, { "version": "v3", "created": "Tue, 27 Jun 2023 16:50:38 GMT" } ]
2023-06-28T00:00:00
[ [ "Gunawardhana", "Malitha", "" ], [ "Navanjana", "Chathuki", "" ], [ "Fernando", "Dinithi", "" ], [ "Upeksha", "Nipuna", "" ], [ "De Silva", "Anjula", "" ] ]
TITLE: Evaluation of Noise Reduction Methods for Sentence Recognition by Sinhala Speaking Listeners ABSTRACT: Noise reduction is a crucial aspect of hearing aids, which researchers have been striving to address over the years. However, most existing noise reduction algorithms have primarily been evaluated using English. Considering the linguistic differences between English and Sinhala languages, including variation in syllable structures and vowel duration, it is very important to assess the performance of noise reduction tailored to the Sinhala language. This paper presents a comprehensive analysis between wavelet transformation and adaptive filters for noise reduction in Sinhala languages. We investigate the performance of ten wavelet families with soft and hard thresholding methods against adaptive filters with Normalized Least Mean Square, Least Mean Square Average Normalized Least Mean Square, Recursive Least Square, and Adaptive Filtering Averaging optimization algorithms along with cepstral and energy-based voice activity detection algorithms. The performance evaluation is done using objective metrics; Signal to Noise Ratio (SNR) and Perceptual Evaluation of Speech Quality (PESQ) and a subjective metric; Mean Opinion Score (MOS). A newly recorded Sinhala language audio dataset and the NOIZEUS database by the University of Texas, Dallas were used for the evaluation. Our code is available at https://github.com/ChathukiKet/Evaluation-of-Noise-Reduction-Methods
new_dataset
0.717229
2304.01508
Siyuan Yan
Siyuan Yan, Chi Liu, Zhen Yu, Lie Ju, Dwarikanath Mahapatrainst, Victoria Mar, Monika Janda, Peter Soyer, Zongyuan Ge
EPVT: Environment-aware Prompt Vision Transformer for Domain Generalization in Skin Lesion Recognition
Accepted by MICCAI 2023
null
null
null
cs.CV cs.AI cs.LG
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Skin lesion recognition using deep learning has made remarkable progress, and there is an increasing need for deploying these systems in real-world scenarios. However, recent research has revealed that deep neural networks for skin lesion recognition may overly depend on disease-irrelevant image artifacts (i.e., dark corners, dense hairs), leading to poor generalization in unseen environments. To address this issue, we propose a novel domain generalization method called EPVT, which involves embedding prompts into the vision transformer to collaboratively learn knowledge from diverse domains. Concretely, EPVT leverages a set of domain prompts, each of which plays as a domain expert, to capture domain-specific knowledge; and a shared prompt for general knowledge over the entire dataset. To facilitate knowledge sharing and the interaction of different prompts, we introduce a domain prompt generator that enables low-rank multiplicative updates between domain prompts and the shared prompt. A domain mixup strategy is additionally devised to reduce the co-occurring artifacts in each domain, which allows for more flexible decision margins and mitigates the issue of incorrectly assigned domain labels. Experiments on four out-of-distribution datasets and six different biased ISIC datasets demonstrate the superior generalization ability of EPVT in skin lesion recognition across various environments. Code is avaliable at https://github.com/SiyuanYan1/EPVT.
[ { "version": "v1", "created": "Tue, 4 Apr 2023 03:36:14 GMT" }, { "version": "v2", "created": "Sun, 9 Apr 2023 07:46:03 GMT" }, { "version": "v3", "created": "Tue, 27 Jun 2023 01:06:25 GMT" } ]
2023-06-28T00:00:00
[ [ "Yan", "Siyuan", "" ], [ "Liu", "Chi", "" ], [ "Yu", "Zhen", "" ], [ "Ju", "Lie", "" ], [ "Mahapatrainst", "Dwarikanath", "" ], [ "Mar", "Victoria", "" ], [ "Janda", "Monika", "" ], [ "Soyer", "Peter", "" ], [ "Ge", "Zongyuan", "" ] ]
TITLE: EPVT: Environment-aware Prompt Vision Transformer for Domain Generalization in Skin Lesion Recognition ABSTRACT: Skin lesion recognition using deep learning has made remarkable progress, and there is an increasing need for deploying these systems in real-world scenarios. However, recent research has revealed that deep neural networks for skin lesion recognition may overly depend on disease-irrelevant image artifacts (i.e., dark corners, dense hairs), leading to poor generalization in unseen environments. To address this issue, we propose a novel domain generalization method called EPVT, which involves embedding prompts into the vision transformer to collaboratively learn knowledge from diverse domains. Concretely, EPVT leverages a set of domain prompts, each of which plays as a domain expert, to capture domain-specific knowledge; and a shared prompt for general knowledge over the entire dataset. To facilitate knowledge sharing and the interaction of different prompts, we introduce a domain prompt generator that enables low-rank multiplicative updates between domain prompts and the shared prompt. A domain mixup strategy is additionally devised to reduce the co-occurring artifacts in each domain, which allows for more flexible decision margins and mitigates the issue of incorrectly assigned domain labels. Experiments on four out-of-distribution datasets and six different biased ISIC datasets demonstrate the superior generalization ability of EPVT in skin lesion recognition across various environments. Code is avaliable at https://github.com/SiyuanYan1/EPVT.
no_new_dataset
0.702543
2304.10726
Tamer Abdelaziz
Tamer Abdelaziz and Aquinas Hobor
Smart Learning to Find Dumb Contracts (Extended Version)
null
32nd USENIX Security Symposium 2023
null
null
cs.CR cs.LG cs.SE
http://creativecommons.org/licenses/by/4.0/
We introduce the Deep Learning Vulnerability Analyzer (DLVA) for Ethereum smart contracts based on neural networks. We train DLVA to judge bytecode even though the supervising oracle can only judge source. DLVA's training algorithm is general: we extend a source code analysis to bytecode without any manual feature engineering, predefined patterns, or expert rules. DLVA's training algorithm is also robust: it overcame a 1.25% error rate mislabeled contracts, and--the student surpassing the teacher--found vulnerable contracts that Slither mislabeled. DLVA is much faster than other smart contract vulnerability detectors: DLVA checks contracts for 29 vulnerabilities in 0.2 seconds, a 10-1,000x speedup. DLVA has three key components. First, Smart Contract to Vector (SC2V) uses neural networks to map smart contract bytecode to a high-dimensional floating-point vector. We benchmark SC2V against 4 state-of-the-art graph neural networks and show that it improves model differentiation by 2.2%. Second, Sibling Detector (SD) classifies contracts when a target contract's vector is Euclidian-close to a labeled contract's vector in a training set; although only able to judge 55.7% of the contracts in our test set, it has a Slither-predictive accuracy of 97.4% with a false positive rate of only 0.1%. Third, Core Classifier (CC) uses neural networks to infer vulnerable contracts regardless of vector distance. We benchmark DLVA's CC with 10 ML techniques and show that the CC improves accuracy by 11.3%. Overall, DLVA predicts Slither's labels with an overall accuracy of 92.7% and associated false positive rate of 7.2%. Lastly, we benchmark DLVA against nine well-known smart contract analysis tools. Despite using much less analysis time, DLVA completed every query, leading the pack with an average accuracy of 99.7%, pleasingly balancing high true positive rates with low false positive rates.
[ { "version": "v1", "created": "Fri, 21 Apr 2023 03:45:10 GMT" }, { "version": "v2", "created": "Tue, 27 Jun 2023 14:19:05 GMT" } ]
2023-06-28T00:00:00
[ [ "Abdelaziz", "Tamer", "" ], [ "Hobor", "Aquinas", "" ] ]
TITLE: Smart Learning to Find Dumb Contracts (Extended Version) ABSTRACT: We introduce the Deep Learning Vulnerability Analyzer (DLVA) for Ethereum smart contracts based on neural networks. We train DLVA to judge bytecode even though the supervising oracle can only judge source. DLVA's training algorithm is general: we extend a source code analysis to bytecode without any manual feature engineering, predefined patterns, or expert rules. DLVA's training algorithm is also robust: it overcame a 1.25% error rate mislabeled contracts, and--the student surpassing the teacher--found vulnerable contracts that Slither mislabeled. DLVA is much faster than other smart contract vulnerability detectors: DLVA checks contracts for 29 vulnerabilities in 0.2 seconds, a 10-1,000x speedup. DLVA has three key components. First, Smart Contract to Vector (SC2V) uses neural networks to map smart contract bytecode to a high-dimensional floating-point vector. We benchmark SC2V against 4 state-of-the-art graph neural networks and show that it improves model differentiation by 2.2%. Second, Sibling Detector (SD) classifies contracts when a target contract's vector is Euclidian-close to a labeled contract's vector in a training set; although only able to judge 55.7% of the contracts in our test set, it has a Slither-predictive accuracy of 97.4% with a false positive rate of only 0.1%. Third, Core Classifier (CC) uses neural networks to infer vulnerable contracts regardless of vector distance. We benchmark DLVA's CC with 10 ML techniques and show that the CC improves accuracy by 11.3%. Overall, DLVA predicts Slither's labels with an overall accuracy of 92.7% and associated false positive rate of 7.2%. Lastly, we benchmark DLVA against nine well-known smart contract analysis tools. Despite using much less analysis time, DLVA completed every query, leading the pack with an average accuracy of 99.7%, pleasingly balancing high true positive rates with low false positive rates.
no_new_dataset
0.708799
2305.07663
Georgii Mikriukov
Georgii Mikriukov, Gesina Schwalbe, Christian Hellert and Korinna Bade
Revealing Similar Semantics Inside CNNs: An Interpretable Concept-based Comparison of Feature Spaces
null
null
null
null
cs.CV cs.AI cs.LG
http://creativecommons.org/licenses/by/4.0/
Safety-critical applications require transparency in artificial intelligence (AI) components, but widely used convolutional neural networks (CNNs) widely used for perception tasks lack inherent interpretability. Hence, insights into what CNNs have learned are primarily based on performance metrics, because these allow, e.g., for cross-architecture CNN comparison. However, these neglect how knowledge is stored inside. To tackle this yet unsolved problem, our work proposes two methods for estimating the layer-wise similarity between semantic information inside CNN latent spaces. These allow insights into both the flow and likeness of semantic information within CNN layers, and into the degree of their similarity between different network architectures. As a basis, we use two renowned explainable artificial intelligence (XAI) techniques, which are used to obtain concept activation vectors, i.e., global vector representations in the latent space. These are compared with respect to their activation on test inputs. When applied to three diverse object detectors and two datasets, our methods reveal that (1) similar semantic concepts are learned regardless of the CNN architecture, and (2) similar concepts emerge in similar relative layer depth, independent of the total number of layers. Finally, our approach poses a promising step towards semantic model comparability and comprehension of how different CNNs process semantic information.
[ { "version": "v1", "created": "Sun, 30 Apr 2023 13:53:39 GMT" }, { "version": "v2", "created": "Tue, 27 Jun 2023 09:56:30 GMT" } ]
2023-06-28T00:00:00
[ [ "Mikriukov", "Georgii", "" ], [ "Schwalbe", "Gesina", "" ], [ "Hellert", "Christian", "" ], [ "Bade", "Korinna", "" ] ]
TITLE: Revealing Similar Semantics Inside CNNs: An Interpretable Concept-based Comparison of Feature Spaces ABSTRACT: Safety-critical applications require transparency in artificial intelligence (AI) components, but widely used convolutional neural networks (CNNs) widely used for perception tasks lack inherent interpretability. Hence, insights into what CNNs have learned are primarily based on performance metrics, because these allow, e.g., for cross-architecture CNN comparison. However, these neglect how knowledge is stored inside. To tackle this yet unsolved problem, our work proposes two methods for estimating the layer-wise similarity between semantic information inside CNN latent spaces. These allow insights into both the flow and likeness of semantic information within CNN layers, and into the degree of their similarity between different network architectures. As a basis, we use two renowned explainable artificial intelligence (XAI) techniques, which are used to obtain concept activation vectors, i.e., global vector representations in the latent space. These are compared with respect to their activation on test inputs. When applied to three diverse object detectors and two datasets, our methods reveal that (1) similar semantic concepts are learned regardless of the CNN architecture, and (2) similar concepts emerge in similar relative layer depth, independent of the total number of layers. Finally, our approach poses a promising step towards semantic model comparability and comprehension of how different CNNs process semantic information.
no_new_dataset
0.709252
2305.09790
Cuong Nguyen
Cuong Q. Nguyen, Dante Pertusi, Kim M. Branson
Molecule-Morphology Contrastive Pretraining for Transferable Molecular Representation
ICML 2023 Workshop on Computational Biology
null
null
null
q-bio.BM cs.LG
http://creativecommons.org/licenses/by-nc-sa/4.0/
Image-based profiling techniques have become increasingly popular over the past decade for their applications in target identification, mechanism-of-action inference, and assay development. These techniques have generated large datasets of cellular morphologies, which are typically used to investigate the effects of small molecule perturbagens. In this work, we extend the impact of such dataset to improving quantitative structure-activity relationship (QSAR) models by introducing Molecule-Morphology Contrastive Pretraining (MoCoP), a framework for learning multi-modal representation of molecular graphs and cellular morphologies. We scale MoCoP to approximately 100K molecules and 600K morphological profiles using data from the JUMP-CP Consortium and show that MoCoP consistently improves performances of graph neural networks (GNNs) on molecular property prediction tasks in ChEMBL20 across all dataset sizes. The pretrained GNNs are also evaluated on internal GSK pharmacokinetic data and show an average improvement of 2.6% and 6.3% in AUPRC for full and low data regimes, respectively. Our findings suggest that integrating cellular morphologies with molecular graphs using MoCoP can significantly improve the performance of QSAR models, ultimately expanding the deep learning toolbox available for QSAR applications.
[ { "version": "v1", "created": "Thu, 27 Apr 2023 02:01:41 GMT" }, { "version": "v2", "created": "Tue, 27 Jun 2023 02:24:18 GMT" } ]
2023-06-28T00:00:00
[ [ "Nguyen", "Cuong Q.", "" ], [ "Pertusi", "Dante", "" ], [ "Branson", "Kim M.", "" ] ]
TITLE: Molecule-Morphology Contrastive Pretraining for Transferable Molecular Representation ABSTRACT: Image-based profiling techniques have become increasingly popular over the past decade for their applications in target identification, mechanism-of-action inference, and assay development. These techniques have generated large datasets of cellular morphologies, which are typically used to investigate the effects of small molecule perturbagens. In this work, we extend the impact of such dataset to improving quantitative structure-activity relationship (QSAR) models by introducing Molecule-Morphology Contrastive Pretraining (MoCoP), a framework for learning multi-modal representation of molecular graphs and cellular morphologies. We scale MoCoP to approximately 100K molecules and 600K morphological profiles using data from the JUMP-CP Consortium and show that MoCoP consistently improves performances of graph neural networks (GNNs) on molecular property prediction tasks in ChEMBL20 across all dataset sizes. The pretrained GNNs are also evaluated on internal GSK pharmacokinetic data and show an average improvement of 2.6% and 6.3% in AUPRC for full and low data regimes, respectively. Our findings suggest that integrating cellular morphologies with molecular graphs using MoCoP can significantly improve the performance of QSAR models, ultimately expanding the deep learning toolbox available for QSAR applications.
no_new_dataset
0.711055
2305.11543
Fanyu Wang
Fanyu Wang and Zhenping Xie
Constructing Word-Context-Coupled Space Aligned with Associative Knowledge Relations for Interpretable Language Modeling
Accepted at ACL 2023, Findings
null
null
null
cs.CL
http://creativecommons.org/licenses/by-nc-nd/4.0/
As the foundation of current natural language processing methods, pre-trained language model has achieved excellent performance. However, the black-box structure of the deep neural network in pre-trained language models seriously limits the interpretability of the language modeling process. After revisiting the coupled requirement of deep neural representation and semantics logic of language modeling, a Word-Context-Coupled Space (W2CSpace) is proposed by introducing the alignment processing between uninterpretable neural representation and interpretable statistical logic. Moreover, a clustering process is also designed to connect the word- and context-level semantics. Specifically, an associative knowledge network (AKN), considered interpretable statistical logic, is introduced in the alignment process for word-level semantics. Furthermore, the context-relative distance is employed as the semantic feature for the downstream classifier, which is greatly different from the current uninterpretable semantic representations of pre-trained models. Our experiments for performance evaluation and interpretable analysis are executed on several types of datasets, including SIGHAN, Weibo, and ChnSenti. Wherein a novel evaluation strategy for the interpretability of machine learning models is first proposed. According to the experimental results, our language model can achieve better performance and highly credible interpretable ability compared to related state-of-the-art methods.
[ { "version": "v1", "created": "Fri, 19 May 2023 09:26:02 GMT" }, { "version": "v2", "created": "Tue, 27 Jun 2023 15:45:46 GMT" } ]
2023-06-28T00:00:00
[ [ "Wang", "Fanyu", "" ], [ "Xie", "Zhenping", "" ] ]
TITLE: Constructing Word-Context-Coupled Space Aligned with Associative Knowledge Relations for Interpretable Language Modeling ABSTRACT: As the foundation of current natural language processing methods, pre-trained language model has achieved excellent performance. However, the black-box structure of the deep neural network in pre-trained language models seriously limits the interpretability of the language modeling process. After revisiting the coupled requirement of deep neural representation and semantics logic of language modeling, a Word-Context-Coupled Space (W2CSpace) is proposed by introducing the alignment processing between uninterpretable neural representation and interpretable statistical logic. Moreover, a clustering process is also designed to connect the word- and context-level semantics. Specifically, an associative knowledge network (AKN), considered interpretable statistical logic, is introduced in the alignment process for word-level semantics. Furthermore, the context-relative distance is employed as the semantic feature for the downstream classifier, which is greatly different from the current uninterpretable semantic representations of pre-trained models. Our experiments for performance evaluation and interpretable analysis are executed on several types of datasets, including SIGHAN, Weibo, and ChnSenti. Wherein a novel evaluation strategy for the interpretability of machine learning models is first proposed. According to the experimental results, our language model can achieve better performance and highly credible interpretable ability compared to related state-of-the-art methods.
no_new_dataset
0.71081
2305.12140
Zihao Yue
Zihao Yue, Qi Zhang, Anwen Hu, Liang Zhang, Ziheng Wang and Qin Jin
Movie101: A New Movie Understanding Benchmark
Accepted to ACL 2023
null
null
null
cs.CV cs.MM
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
To help the visually impaired enjoy movies, automatic movie narrating systems are expected to narrate accurate, coherent, and role-aware plots when there are no speaking lines of actors. Existing works benchmark this challenge as a normal video captioning task via some simplifications, such as removing role names and evaluating narrations with ngram-based metrics, which makes it difficult for automatic systems to meet the needs of real application scenarios. To narrow this gap, we construct a large-scale Chinese movie benchmark, named Movie101. Closer to real scenarios, the Movie Clip Narrating (MCN) task in our benchmark asks models to generate role-aware narration paragraphs for complete movie clips where no actors are speaking. External knowledge, such as role information and movie genres, is also provided for better movie understanding. Besides, we propose a new metric called Movie Narration Score (MNScore) for movie narrating evaluation, which achieves the best correlation with human evaluation. Our benchmark also supports the Temporal Narration Grounding (TNG) task to investigate clip localization given text descriptions. For both two tasks, our proposed methods well leverage external knowledge and outperform carefully designed baselines. The dataset and codes are released at https://github.com/yuezih/Movie101.
[ { "version": "v1", "created": "Sat, 20 May 2023 08:43:51 GMT" }, { "version": "v2", "created": "Tue, 27 Jun 2023 11:42:44 GMT" } ]
2023-06-28T00:00:00
[ [ "Yue", "Zihao", "" ], [ "Zhang", "Qi", "" ], [ "Hu", "Anwen", "" ], [ "Zhang", "Liang", "" ], [ "Wang", "Ziheng", "" ], [ "Jin", "Qin", "" ] ]
TITLE: Movie101: A New Movie Understanding Benchmark ABSTRACT: To help the visually impaired enjoy movies, automatic movie narrating systems are expected to narrate accurate, coherent, and role-aware plots when there are no speaking lines of actors. Existing works benchmark this challenge as a normal video captioning task via some simplifications, such as removing role names and evaluating narrations with ngram-based metrics, which makes it difficult for automatic systems to meet the needs of real application scenarios. To narrow this gap, we construct a large-scale Chinese movie benchmark, named Movie101. Closer to real scenarios, the Movie Clip Narrating (MCN) task in our benchmark asks models to generate role-aware narration paragraphs for complete movie clips where no actors are speaking. External knowledge, such as role information and movie genres, is also provided for better movie understanding. Besides, we propose a new metric called Movie Narration Score (MNScore) for movie narrating evaluation, which achieves the best correlation with human evaluation. Our benchmark also supports the Temporal Narration Grounding (TNG) task to investigate clip localization given text descriptions. For both two tasks, our proposed methods well leverage external knowledge and outperform carefully designed baselines. The dataset and codes are released at https://github.com/yuezih/Movie101.
new_dataset
0.714802
2306.05189
Yingjun Du
Yingjun Du, Jiayi Shen, Xiantong Zhen, Cees G.M. Snoek
EMO: Episodic Memory Optimization for Few-Shot Meta-Learning
Accepted by CoLLAs 2023
null
null
null
cs.LG
http://creativecommons.org/licenses/by/4.0/
Few-shot meta-learning presents a challenge for gradient descent optimization due to the limited number of training samples per task. To address this issue, we propose an episodic memory optimization for meta-learning, we call EMO, which is inspired by the human ability to recall past learning experiences from the brain's memory. EMO retains the gradient history of past experienced tasks in external memory, enabling few-shot learning in a memory-augmented way. By learning to retain and recall the learning process of past training tasks, EMO nudges parameter updates in the right direction, even when the gradients provided by a limited number of examples are uninformative. We prove theoretically that our algorithm converges for smooth, strongly convex objectives. EMO is generic, flexible, and model-agnostic, making it a simple plug-and-play optimizer that can be seamlessly embedded into existing optimization-based few-shot meta-learning approaches. Empirical results show that EMO scales well with most few-shot classification benchmarks and improves the performance of optimization-based meta-learning methods, resulting in accelerated convergence.
[ { "version": "v1", "created": "Thu, 8 Jun 2023 13:39:08 GMT" }, { "version": "v2", "created": "Tue, 13 Jun 2023 06:39:25 GMT" }, { "version": "v3", "created": "Mon, 26 Jun 2023 18:36:32 GMT" } ]
2023-06-28T00:00:00
[ [ "Du", "Yingjun", "" ], [ "Shen", "Jiayi", "" ], [ "Zhen", "Xiantong", "" ], [ "Snoek", "Cees G. M.", "" ] ]
TITLE: EMO: Episodic Memory Optimization for Few-Shot Meta-Learning ABSTRACT: Few-shot meta-learning presents a challenge for gradient descent optimization due to the limited number of training samples per task. To address this issue, we propose an episodic memory optimization for meta-learning, we call EMO, which is inspired by the human ability to recall past learning experiences from the brain's memory. EMO retains the gradient history of past experienced tasks in external memory, enabling few-shot learning in a memory-augmented way. By learning to retain and recall the learning process of past training tasks, EMO nudges parameter updates in the right direction, even when the gradients provided by a limited number of examples are uninformative. We prove theoretically that our algorithm converges for smooth, strongly convex objectives. EMO is generic, flexible, and model-agnostic, making it a simple plug-and-play optimizer that can be seamlessly embedded into existing optimization-based few-shot meta-learning approaches. Empirical results show that EMO scales well with most few-shot classification benchmarks and improves the performance of optimization-based meta-learning methods, resulting in accelerated convergence.
no_new_dataset
0.708055
2306.05437
Xinhang Wan
Xinhang Wan, Jiyuan Liu, Xinwang Liu, Siwei Wang, Yi Wen, Tianjiao Wan, Li Shen, En Zhu
One-step Multi-view Clustering with Diverse Representation
null
null
null
null
cs.LG cs.AI
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Multi-view clustering has attracted broad attention due to its capacity to utilize consistent and complementary information among views. Although tremendous progress has been made recently, most existing methods undergo high complexity, preventing them from being applied to large-scale tasks. Multi-view clustering via matrix factorization is a representative to address this issue. However, most of them map the data matrices into a fixed dimension, limiting the model's expressiveness. Moreover, a range of methods suffers from a two-step process, i.e., multimodal learning and the subsequent $k$-means, inevitably causing a sub-optimal clustering result. In light of this, we propose a one-step multi-view clustering with diverse representation method, which incorporates multi-view learning and $k$-means into a unified framework. Specifically, we first project original data matrices into various latent spaces to attain comprehensive information and auto-weight them in a self-supervised manner. Then we directly use the information matrices under diverse dimensions to obtain consensus discrete clustering labels. The unified work of representation learning and clustering boosts the quality of the final results. Furthermore, we develop an efficient optimization algorithm with proven convergence to solve the resultant problem. Comprehensive experiments on various datasets demonstrate the promising clustering performance of our proposed method.
[ { "version": "v1", "created": "Thu, 8 Jun 2023 02:52:24 GMT" }, { "version": "v2", "created": "Tue, 27 Jun 2023 13:52:15 GMT" } ]
2023-06-28T00:00:00
[ [ "Wan", "Xinhang", "" ], [ "Liu", "Jiyuan", "" ], [ "Liu", "Xinwang", "" ], [ "Wang", "Siwei", "" ], [ "Wen", "Yi", "" ], [ "Wan", "Tianjiao", "" ], [ "Shen", "Li", "" ], [ "Zhu", "En", "" ] ]
TITLE: One-step Multi-view Clustering with Diverse Representation ABSTRACT: Multi-view clustering has attracted broad attention due to its capacity to utilize consistent and complementary information among views. Although tremendous progress has been made recently, most existing methods undergo high complexity, preventing them from being applied to large-scale tasks. Multi-view clustering via matrix factorization is a representative to address this issue. However, most of them map the data matrices into a fixed dimension, limiting the model's expressiveness. Moreover, a range of methods suffers from a two-step process, i.e., multimodal learning and the subsequent $k$-means, inevitably causing a sub-optimal clustering result. In light of this, we propose a one-step multi-view clustering with diverse representation method, which incorporates multi-view learning and $k$-means into a unified framework. Specifically, we first project original data matrices into various latent spaces to attain comprehensive information and auto-weight them in a self-supervised manner. Then we directly use the information matrices under diverse dimensions to obtain consensus discrete clustering labels. The unified work of representation learning and clustering boosts the quality of the final results. Furthermore, we develop an efficient optimization algorithm with proven convergence to solve the resultant problem. Comprehensive experiments on various datasets demonstrate the promising clustering performance of our proposed method.
no_new_dataset
0.707379
2306.08952
Qingyu Tan
Qingyu Tan, Hwee Tou Ng, Lidong Bing
Towards Benchmarking and Improving the Temporal Reasoning Capability of Large Language Models
ACL 2023
null
null
null
cs.CL cs.AI
http://creativecommons.org/licenses/by/4.0/
Reasoning about time is of fundamental importance. Many facts are time-dependent. For example, athletes change teams from time to time, and different government officials are elected periodically. Previous time-dependent question answering (QA) datasets tend to be biased in either their coverage of time spans or question types. In this paper, we introduce a comprehensive probing dataset \tempreason to evaluate the temporal reasoning capability of large language models. Our dataset includes questions of three temporal reasoning levels. In addition, we also propose a novel learning framework to improve the temporal reasoning capability of large language models, based on temporal span extraction and time-sensitive reinforcement learning. We conducted experiments in closed book QA, open book QA, and reasoning QA settings and demonstrated the effectiveness of our approach. Our code and data are released on https://github.com/DAMO-NLP-SG/TempReason.
[ { "version": "v1", "created": "Thu, 15 Jun 2023 08:44:41 GMT" }, { "version": "v2", "created": "Tue, 27 Jun 2023 05:39:25 GMT" } ]
2023-06-28T00:00:00
[ [ "Tan", "Qingyu", "" ], [ "Ng", "Hwee Tou", "" ], [ "Bing", "Lidong", "" ] ]
TITLE: Towards Benchmarking and Improving the Temporal Reasoning Capability of Large Language Models ABSTRACT: Reasoning about time is of fundamental importance. Many facts are time-dependent. For example, athletes change teams from time to time, and different government officials are elected periodically. Previous time-dependent question answering (QA) datasets tend to be biased in either their coverage of time spans or question types. In this paper, we introduce a comprehensive probing dataset \tempreason to evaluate the temporal reasoning capability of large language models. Our dataset includes questions of three temporal reasoning levels. In addition, we also propose a novel learning framework to improve the temporal reasoning capability of large language models, based on temporal span extraction and time-sensitive reinforcement learning. We conducted experiments in closed book QA, open book QA, and reasoning QA settings and demonstrated the effectiveness of our approach. Our code and data are released on https://github.com/DAMO-NLP-SG/TempReason.
new_dataset
0.716219
2306.10983
Sorawit Saengkyongam
Sorawit Saengkyongam, Niklas Pfister, Predrag Klasnja, Susan Murphy, Jonas Peters
Effect-Invariant Mechanisms for Policy Generalization
null
null
null
null
stat.ML cs.LG
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Policy learning is an important component of many real-world learning systems. A major challenge in policy learning is how to adapt efficiently to unseen environments or tasks. Recently, it has been suggested to exploit invariant conditional distributions to learn models that generalize better to unseen environments. However, assuming invariance of entire conditional distributions (which we call full invariance) may be too strong of an assumption in practice. In this paper, we introduce a relaxation of full invariance called effect-invariance (e-invariance for short) and prove that it is sufficient, under suitable assumptions, for zero-shot policy generalization. We also discuss an extension that exploits e-invariance when we have a small sample from the test environment, enabling few-shot policy generalization. Our work does not assume an underlying causal graph or that the data are generated by a structural causal model; instead, we develop testing procedures to test e-invariance directly from data. We present empirical results using simulated data and a mobile health intervention dataset to demonstrate the effectiveness of our approach.
[ { "version": "v1", "created": "Mon, 19 Jun 2023 14:50:24 GMT" }, { "version": "v2", "created": "Tue, 27 Jun 2023 16:09:11 GMT" } ]
2023-06-28T00:00:00
[ [ "Saengkyongam", "Sorawit", "" ], [ "Pfister", "Niklas", "" ], [ "Klasnja", "Predrag", "" ], [ "Murphy", "Susan", "" ], [ "Peters", "Jonas", "" ] ]
TITLE: Effect-Invariant Mechanisms for Policy Generalization ABSTRACT: Policy learning is an important component of many real-world learning systems. A major challenge in policy learning is how to adapt efficiently to unseen environments or tasks. Recently, it has been suggested to exploit invariant conditional distributions to learn models that generalize better to unseen environments. However, assuming invariance of entire conditional distributions (which we call full invariance) may be too strong of an assumption in practice. In this paper, we introduce a relaxation of full invariance called effect-invariance (e-invariance for short) and prove that it is sufficient, under suitable assumptions, for zero-shot policy generalization. We also discuss an extension that exploits e-invariance when we have a small sample from the test environment, enabling few-shot policy generalization. Our work does not assume an underlying causal graph or that the data are generated by a structural causal model; instead, we develop testing procedures to test e-invariance directly from data. We present empirical results using simulated data and a mobile health intervention dataset to demonstrate the effectiveness of our approach.
no_new_dataset
0.709177
2306.12010
Zeyu Gao
Jinye Qu, Zeyu Gao, Tielin Zhang, Yanfeng Lu, Huajin Tang, Hong Qiao
Spiking Neural Network for Ultra-low-latency and High-accurate Object Detection
14 pages, 10 figures
null
null
null
cs.CV cs.NE
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Spiking Neural Networks (SNNs) have garnered widespread interest for their energy efficiency and brain-inspired event-driven properties. While recent methods like Spiking-YOLO have expanded the SNNs to more challenging object detection tasks, they often suffer from high latency and low detection accuracy, making them difficult to deploy on latency sensitive mobile platforms. Furthermore, the conversion method from Artificial Neural Networks (ANNs) to SNNs is hard to maintain the complete structure of the ANNs, resulting in poor feature representation and high conversion errors. To address these challenges, we propose two methods: timesteps compression and spike-time-dependent integrated (STDI) coding. The former reduces the timesteps required in ANN-SNN conversion by compressing information, while the latter sets a time-varying threshold to expand the information holding capacity. We also present a SNN-based ultra-low latency and high accurate object detection model (SUHD) that achieves state-of-the-art performance on nontrivial datasets like PASCAL VOC and MS COCO, with about remarkable 750x fewer timesteps and 30% mean average precision (mAP) improvement, compared to the Spiking-YOLO on MS COCO datasets. To the best of our knowledge, SUHD is the deepest spike-based object detection model to date that achieves ultra low timesteps to complete the lossless conversion.
[ { "version": "v1", "created": "Wed, 21 Jun 2023 04:21:40 GMT" }, { "version": "v2", "created": "Tue, 27 Jun 2023 09:02:02 GMT" } ]
2023-06-28T00:00:00
[ [ "Qu", "Jinye", "" ], [ "Gao", "Zeyu", "" ], [ "Zhang", "Tielin", "" ], [ "Lu", "Yanfeng", "" ], [ "Tang", "Huajin", "" ], [ "Qiao", "Hong", "" ] ]
TITLE: Spiking Neural Network for Ultra-low-latency and High-accurate Object Detection ABSTRACT: Spiking Neural Networks (SNNs) have garnered widespread interest for their energy efficiency and brain-inspired event-driven properties. While recent methods like Spiking-YOLO have expanded the SNNs to more challenging object detection tasks, they often suffer from high latency and low detection accuracy, making them difficult to deploy on latency sensitive mobile platforms. Furthermore, the conversion method from Artificial Neural Networks (ANNs) to SNNs is hard to maintain the complete structure of the ANNs, resulting in poor feature representation and high conversion errors. To address these challenges, we propose two methods: timesteps compression and spike-time-dependent integrated (STDI) coding. The former reduces the timesteps required in ANN-SNN conversion by compressing information, while the latter sets a time-varying threshold to expand the information holding capacity. We also present a SNN-based ultra-low latency and high accurate object detection model (SUHD) that achieves state-of-the-art performance on nontrivial datasets like PASCAL VOC and MS COCO, with about remarkable 750x fewer timesteps and 30% mean average precision (mAP) improvement, compared to the Spiking-YOLO on MS COCO datasets. To the best of our knowledge, SUHD is the deepest spike-based object detection model to date that achieves ultra low timesteps to complete the lossless conversion.
no_new_dataset
0.711782
2306.13230
Shima Imani
Shima Imani, Ali Beyram, Harsh Shrivastava
DiversiGATE: A Comprehensive Framework for Reliable Large Language Models
null
null
null
null
cs.CL cs.AI
http://creativecommons.org/licenses/by-nc-nd/4.0/
In this paper, we introduce DiversiGATE, a unified framework that consolidates diverse methodologies for LLM verification. The proposed framework comprises two main components: Diversification and Aggregation which provide a holistic perspective on existing verification approaches, such as Self-Consistency, Math Prompter and WebGPT. Furthermore, we propose a novel `SelfLearner' model that conforms to the DiversiGATE framework which can learn from its own outputs and refine its performance over time, leading to improved accuracy. To evaluate the effectiveness of SelfLearner, we conducted a rigorous series of experiments, including tests on synthetic data as well as on popular arithmetic reasoning benchmarks such as GSM8K. Our results demonstrate that our approach outperforms traditional LLMs, achieving a considerable 54.8% -> 61.8% improvement on the GSM8K benchmark.
[ { "version": "v1", "created": "Thu, 22 Jun 2023 22:29:40 GMT" }, { "version": "v2", "created": "Mon, 26 Jun 2023 20:55:56 GMT" } ]
2023-06-28T00:00:00
[ [ "Imani", "Shima", "" ], [ "Beyram", "Ali", "" ], [ "Shrivastava", "Harsh", "" ] ]
TITLE: DiversiGATE: A Comprehensive Framework for Reliable Large Language Models ABSTRACT: In this paper, we introduce DiversiGATE, a unified framework that consolidates diverse methodologies for LLM verification. The proposed framework comprises two main components: Diversification and Aggregation which provide a holistic perspective on existing verification approaches, such as Self-Consistency, Math Prompter and WebGPT. Furthermore, we propose a novel `SelfLearner' model that conforms to the DiversiGATE framework which can learn from its own outputs and refine its performance over time, leading to improved accuracy. To evaluate the effectiveness of SelfLearner, we conducted a rigorous series of experiments, including tests on synthetic data as well as on popular arithmetic reasoning benchmarks such as GSM8K. Our results demonstrate that our approach outperforms traditional LLMs, achieving a considerable 54.8% -> 61.8% improvement on the GSM8K benchmark.
no_new_dataset
0.710666
2306.13442
Jamie Mair
Jamie F. Mair, Luke Causer, Juan P. Garrahan
Minibatch training of neural network ensembles via trajectory sampling
11 pages, 4 figures, 1 algorithm
null
null
null
cond-mat.stat-mech cond-mat.dis-nn cs.LG
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Most iterative neural network training methods use estimates of the loss function over small random subsets (or minibatches) of the data to update the parameters, which aid in decoupling the training time from the (often very large) size of the training datasets. Here, we show that a minibatch approach can also be used to train neural network ensembles (NNEs) via trajectory methods in a highly efficient manner. We illustrate this approach by training NNEs to classify images in the MNIST datasets. This method gives an improvement to the training times, allowing it to scale as the ratio of the size of the dataset to that of the average minibatch size which, in the case of MNIST, gives a computational improvement typically of two orders of magnitude. We highlight the advantage of using longer trajectories to represent NNEs, both for improved accuracy in inference and reduced update cost in terms of the samples needed in minibatch updates.
[ { "version": "v1", "created": "Fri, 23 Jun 2023 11:12:33 GMT" }, { "version": "v2", "created": "Tue, 27 Jun 2023 13:01:26 GMT" } ]
2023-06-28T00:00:00
[ [ "Mair", "Jamie F.", "" ], [ "Causer", "Luke", "" ], [ "Garrahan", "Juan P.", "" ] ]
TITLE: Minibatch training of neural network ensembles via trajectory sampling ABSTRACT: Most iterative neural network training methods use estimates of the loss function over small random subsets (or minibatches) of the data to update the parameters, which aid in decoupling the training time from the (often very large) size of the training datasets. Here, we show that a minibatch approach can also be used to train neural network ensembles (NNEs) via trajectory methods in a highly efficient manner. We illustrate this approach by training NNEs to classify images in the MNIST datasets. This method gives an improvement to the training times, allowing it to scale as the ratio of the size of the dataset to that of the average minibatch size which, in the case of MNIST, gives a computational improvement typically of two orders of magnitude. We highlight the advantage of using longer trajectories to represent NNEs, both for improved accuracy in inference and reduced update cost in terms of the samples needed in minibatch updates.
no_new_dataset
0.710409
2306.14221
YuXing Lee
YuXing Lee, Wei Wu
Feature Adversarial Distillation for Point Cloud Classification
Accepted to ICIP2023
null
null
null
cs.CV cs.AI cs.LG
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Due to the point cloud's irregular and unordered geometry structure, conventional knowledge distillation technology lost a lot of information when directly used on point cloud tasks. In this paper, we propose Feature Adversarial Distillation (FAD) method, a generic adversarial loss function in point cloud distillation, to reduce loss during knowledge transfer. In the feature extraction stage, the features extracted by the teacher are used as the discriminator, and the students continuously generate new features in the training stage. The feature of the student is obtained by attacking the feedback from the teacher and getting a score to judge whether the student has learned the knowledge well or not. In experiments on standard point cloud classification on ModelNet40 and ScanObjectNN datasets, our method reduced the information loss of knowledge transfer in distillation in 40x model compression while maintaining competitive performance.
[ { "version": "v1", "created": "Sun, 25 Jun 2023 12:05:46 GMT" }, { "version": "v2", "created": "Tue, 27 Jun 2023 09:03:32 GMT" } ]
2023-06-28T00:00:00
[ [ "Lee", "YuXing", "" ], [ "Wu", "Wei", "" ] ]
TITLE: Feature Adversarial Distillation for Point Cloud Classification ABSTRACT: Due to the point cloud's irregular and unordered geometry structure, conventional knowledge distillation technology lost a lot of information when directly used on point cloud tasks. In this paper, we propose Feature Adversarial Distillation (FAD) method, a generic adversarial loss function in point cloud distillation, to reduce loss during knowledge transfer. In the feature extraction stage, the features extracted by the teacher are used as the discriminator, and the students continuously generate new features in the training stage. The feature of the student is obtained by attacking the feedback from the teacher and getting a score to judge whether the student has learned the knowledge well or not. In experiments on standard point cloud classification on ModelNet40 and ScanObjectNN datasets, our method reduced the information loss of knowledge transfer in distillation in 40x model compression while maintaining competitive performance.
no_new_dataset
0.712426
2306.14269
Yangchen Xie
Yangchen Xie, Xinyuan Chen, Hongjian Zhan, Palaiahankote Shivakum, Bing Yin, Cong Liu, Yue Lu
Weakly Supervised Scene Text Generation for Low-resource Languages
null
null
null
null
cs.CV
http://creativecommons.org/licenses/by-nc-sa/4.0/
A large number of annotated training images is crucial for training successful scene text recognition models. However, collecting sufficient datasets can be a labor-intensive and costly process, particularly for low-resource languages. To address this challenge, auto-generating text data has shown promise in alleviating the problem. Unfortunately, existing scene text generation methods typically rely on a large amount of paired data, which is difficult to obtain for low-resource languages. In this paper, we propose a novel weakly supervised scene text generation method that leverages a few recognition-level labels as weak supervision. The proposed method is able to generate a large amount of scene text images with diverse backgrounds and font styles through cross-language generation. Our method disentangles the content and style features of scene text images, with the former representing textual information and the latter representing characteristics such as font, alignment, and background. To preserve the complete content structure of generated images, we introduce an integrated attention module. Furthermore, to bridge the style gap in the style of different languages, we incorporate a pre-trained font classifier. We evaluate our method using state-of-the-art scene text recognition models. Experiments demonstrate that our generated scene text significantly improves the scene text recognition accuracy and help achieve higher accuracy when complemented with other generative methods.
[ { "version": "v1", "created": "Sun, 25 Jun 2023 15:26:06 GMT" }, { "version": "v2", "created": "Tue, 27 Jun 2023 15:34:17 GMT" } ]
2023-06-28T00:00:00
[ [ "Xie", "Yangchen", "" ], [ "Chen", "Xinyuan", "" ], [ "Zhan", "Hongjian", "" ], [ "Shivakum", "Palaiahankote", "" ], [ "Yin", "Bing", "" ], [ "Liu", "Cong", "" ], [ "Lu", "Yue", "" ] ]
TITLE: Weakly Supervised Scene Text Generation for Low-resource Languages ABSTRACT: A large number of annotated training images is crucial for training successful scene text recognition models. However, collecting sufficient datasets can be a labor-intensive and costly process, particularly for low-resource languages. To address this challenge, auto-generating text data has shown promise in alleviating the problem. Unfortunately, existing scene text generation methods typically rely on a large amount of paired data, which is difficult to obtain for low-resource languages. In this paper, we propose a novel weakly supervised scene text generation method that leverages a few recognition-level labels as weak supervision. The proposed method is able to generate a large amount of scene text images with diverse backgrounds and font styles through cross-language generation. Our method disentangles the content and style features of scene text images, with the former representing textual information and the latter representing characteristics such as font, alignment, and background. To preserve the complete content structure of generated images, we introduce an integrated attention module. Furthermore, to bridge the style gap in the style of different languages, we incorporate a pre-trained font classifier. We evaluate our method using state-of-the-art scene text recognition models. Experiments demonstrate that our generated scene text significantly improves the scene text recognition accuracy and help achieve higher accuracy when complemented with other generative methods.
no_new_dataset
0.710258
2306.14857
Qi Cao
Qi Cao, Renhe Jiang, Chuang Yang, Zipei Fan, Xuan Song, Ryosuke Shibasaki
Metapopulation Graph Neural Networks: Deep Metapopulation Epidemic Modeling with Human Mobility
This is the extended version of an ECMLPKDD2022 paper
Machine Learning and Knowledge Discovery in Databases, Vol. 13718, pp. 453-468 (2023)
10.1007/978-3-031-26422-1_28
null
cs.CY
http://creativecommons.org/licenses/by/4.0/
Epidemic prediction is a fundamental task for epidemic control and prevention. Many mechanistic models and deep learning models are built for this task. However, most mechanistic models have difficulty estimating the time/region-varying epidemiological parameters, while most deep learning models lack the guidance of epidemiological domain knowledge and interpretability of prediction results. In this study, we propose a novel hybrid model called MepoGNN for multi-step multi-region epidemic forecasting by incorporating Graph Neural Networks (GNNs) and graph learning mechanisms into Metapopulation SIR model. Our model can not only predict the number of confirmed cases but also explicitly learn the epidemiological parameters and the underlying epidemic propagation graph from heterogeneous data in an end-to-end manner. The multi-source epidemic-related data and mobility data of Japan are collected and processed to form the dataset for experiments. The experimental results demonstrate our model outperforms the existing mechanistic models and deep learning models by a large margin. Furthermore, the analysis on the learned parameters illustrate the high reliability and interpretability of our model and helps better understanding of epidemic spread. In addition, a mobility generation method is presented to address the issue of unavailable mobility data, and the experimental results demonstrate effectiveness of the generated mobility data as an input to our model.
[ { "version": "v1", "created": "Mon, 26 Jun 2023 17:09:43 GMT" }, { "version": "v2", "created": "Tue, 27 Jun 2023 13:44:36 GMT" } ]
2023-06-28T00:00:00
[ [ "Cao", "Qi", "" ], [ "Jiang", "Renhe", "" ], [ "Yang", "Chuang", "" ], [ "Fan", "Zipei", "" ], [ "Song", "Xuan", "" ], [ "Shibasaki", "Ryosuke", "" ] ]
TITLE: Metapopulation Graph Neural Networks: Deep Metapopulation Epidemic Modeling with Human Mobility ABSTRACT: Epidemic prediction is a fundamental task for epidemic control and prevention. Many mechanistic models and deep learning models are built for this task. However, most mechanistic models have difficulty estimating the time/region-varying epidemiological parameters, while most deep learning models lack the guidance of epidemiological domain knowledge and interpretability of prediction results. In this study, we propose a novel hybrid model called MepoGNN for multi-step multi-region epidemic forecasting by incorporating Graph Neural Networks (GNNs) and graph learning mechanisms into Metapopulation SIR model. Our model can not only predict the number of confirmed cases but also explicitly learn the epidemiological parameters and the underlying epidemic propagation graph from heterogeneous data in an end-to-end manner. The multi-source epidemic-related data and mobility data of Japan are collected and processed to form the dataset for experiments. The experimental results demonstrate our model outperforms the existing mechanistic models and deep learning models by a large margin. Furthermore, the analysis on the learned parameters illustrate the high reliability and interpretability of our model and helps better understanding of epidemic spread. In addition, a mobility generation method is presented to address the issue of unavailable mobility data, and the experimental results demonstrate effectiveness of the generated mobility data as an input to our model.
no_new_dataset
0.711193
2306.14903
Yan Shi
Yan Shi and Yao Tian and Chengwei Tong and Chunyan Zhu and Qianqian Li and Mengzhu Zhang and Wei Zhao and Yong Liao and Pengyuan Zhou
Detect Depression from Social Networks with Sentiment Knowledge Sharing
null
null
null
null
cs.CL cs.AI cs.SI
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Social network plays an important role in propagating people's viewpoints, emotions, thoughts, and fears. Notably, following lockdown periods during the COVID-19 pandemic, the issue of depression has garnered increasing attention, with a significant portion of individuals resorting to social networks as an outlet for expressing emotions. Using deep learning techniques to discern potential signs of depression from social network messages facilitates the early identification of mental health conditions. Current efforts in detecting depression through social networks typically rely solely on analyzing the textual content, overlooking other potential information. In this work, we conduct a thorough investigation that unveils a strong correlation between depression and negative emotional states. The integration of such associations as external knowledge can provide valuable insights for detecting depression. Accordingly, we propose a multi-task training framework, DeSK, which utilizes shared sentiment knowledge to enhance the efficacy of depression detection. Experiments conducted on both Chinese and English datasets demonstrate the cross-lingual effectiveness of DeSK.
[ { "version": "v1", "created": "Tue, 13 Jun 2023 05:16:18 GMT" } ]
2023-06-28T00:00:00
[ [ "Shi", "Yan", "" ], [ "Tian", "Yao", "" ], [ "Tong", "Chengwei", "" ], [ "Zhu", "Chunyan", "" ], [ "Li", "Qianqian", "" ], [ "Zhang", "Mengzhu", "" ], [ "Zhao", "Wei", "" ], [ "Liao", "Yong", "" ], [ "Zhou", "Pengyuan", "" ] ]
TITLE: Detect Depression from Social Networks with Sentiment Knowledge Sharing ABSTRACT: Social network plays an important role in propagating people's viewpoints, emotions, thoughts, and fears. Notably, following lockdown periods during the COVID-19 pandemic, the issue of depression has garnered increasing attention, with a significant portion of individuals resorting to social networks as an outlet for expressing emotions. Using deep learning techniques to discern potential signs of depression from social network messages facilitates the early identification of mental health conditions. Current efforts in detecting depression through social networks typically rely solely on analyzing the textual content, overlooking other potential information. In this work, we conduct a thorough investigation that unveils a strong correlation between depression and negative emotional states. The integration of such associations as external knowledge can provide valuable insights for detecting depression. Accordingly, we propose a multi-task training framework, DeSK, which utilizes shared sentiment knowledge to enhance the efficacy of depression detection. Experiments conducted on both Chinese and English datasets demonstrate the cross-lingual effectiveness of DeSK.
no_new_dataset
0.707152
2306.14907
Adhitya Thirumala
Adhitya Thirumala and Elisa Ferracane
Clickbait Classification and Spoiling Using Natural Language Processing
7 pages, 2 figures, 3 tables, 1 Appendix (3 Sections)
null
null
null
cs.CL
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Clickbait is the practice of engineering titles to incentivize readers to click through to articles. Such titles with sensationalized language reveal as little information as possible. Occasionally, clickbait will be intentionally misleading, so natural language processing (NLP) can scan the article and answer the question posed by the clickbait title, or spoil it. We tackle two tasks: classifying the clickbait into one of 3 types (Task 1), and spoiling the clickbait (Task 2). For Task 1, we propose two binary classifiers to determine the final spoiler type. For Task 2, we experiment with two approaches: using a question-answering model to identify the span of text of the spoiler, and using a large language model (LLM) to generate the spoiler. Because the spoiler is contained in the article, we frame the second task as a question-answering approach for identifying the starting and ending positions of the spoiler. We created models for Task 1 that were better than the baselines proposed by the dataset authors and engineered prompts for Task 2 that did not perform as well as the baselines proposed by the dataset authors due to the evaluation metric performing worse when the output text is from a generative model as opposed to an extractive model.
[ { "version": "v1", "created": "Fri, 16 Jun 2023 01:45:57 GMT" } ]
2023-06-28T00:00:00
[ [ "Thirumala", "Adhitya", "" ], [ "Ferracane", "Elisa", "" ] ]
TITLE: Clickbait Classification and Spoiling Using Natural Language Processing ABSTRACT: Clickbait is the practice of engineering titles to incentivize readers to click through to articles. Such titles with sensationalized language reveal as little information as possible. Occasionally, clickbait will be intentionally misleading, so natural language processing (NLP) can scan the article and answer the question posed by the clickbait title, or spoil it. We tackle two tasks: classifying the clickbait into one of 3 types (Task 1), and spoiling the clickbait (Task 2). For Task 1, we propose two binary classifiers to determine the final spoiler type. For Task 2, we experiment with two approaches: using a question-answering model to identify the span of text of the spoiler, and using a large language model (LLM) to generate the spoiler. Because the spoiler is contained in the article, we frame the second task as a question-answering approach for identifying the starting and ending positions of the spoiler. We created models for Task 1 that were better than the baselines proposed by the dataset authors and engineered prompts for Task 2 that did not perform as well as the baselines proposed by the dataset authors due to the evaluation metric performing worse when the output text is from a generative model as opposed to an extractive model.
no_new_dataset
0.709573
2306.14911
Justine Cassell
Yann Raphalen, Chlo\'e Clavel, Justine Cassell
"You might think about slightly revising the title": identifying hedges in peer-tutoring interactions
Published in Proceedings of the 60th Annual Meeting of the Association for Computational Linguistics (ACL), 2022
Proceedings of the 60th Annual Meeting of the Association for Computational Linguistics (ACL), Volume 1: long papers (2022)
10.18653/v1/2022.acl-long.153
null
cs.CL cs.AI
http://creativecommons.org/licenses/by/4.0/
Hedges play an important role in the management of conversational interaction. In peer tutoring, they are notably used by tutors in dyads (pairs of interlocutors) experiencing low rapport to tone down the impact of instructions and negative feedback. Pursuing the objective of building a tutoring agent that manages rapport with students in order to improve learning, we used a multimodal peer-tutoring dataset to construct a computational framework for identifying hedges. We compared approaches relying on pre-trained resources with others that integrate insights from the social science literature. Our best performance involved a hybrid approach that outperforms the existing baseline while being easier to interpret. We employ a model explainability tool to explore the features that characterize hedges in peer-tutoring conversations, and we identify some novel features, and the benefits of such a hybrid model approach.
[ { "version": "v1", "created": "Sun, 18 Jun 2023 12:47:54 GMT" } ]
2023-06-28T00:00:00
[ [ "Raphalen", "Yann", "" ], [ "Clavel", "Chloé", "" ], [ "Cassell", "Justine", "" ] ]
TITLE: "You might think about slightly revising the title": identifying hedges in peer-tutoring interactions ABSTRACT: Hedges play an important role in the management of conversational interaction. In peer tutoring, they are notably used by tutors in dyads (pairs of interlocutors) experiencing low rapport to tone down the impact of instructions and negative feedback. Pursuing the objective of building a tutoring agent that manages rapport with students in order to improve learning, we used a multimodal peer-tutoring dataset to construct a computational framework for identifying hedges. We compared approaches relying on pre-trained resources with others that integrate insights from the social science literature. Our best performance involved a hybrid approach that outperforms the existing baseline while being easier to interpret. We employ a model explainability tool to explore the features that characterize hedges in peer-tutoring conversations, and we identify some novel features, and the benefits of such a hybrid model approach.
no_new_dataset
0.701521
2306.14916
Tom Wollschl\"ager
Tom Wollschl\"ager and Nicholas Gao and Bertrand Charpentier and Mohamed Amine Ketata and Stephan G\"unnemann
Uncertainty Estimation for Molecules: Desiderata and Methods
Published as conference paper at ICML 2023
null
null
null
physics.chem-ph cs.LG physics.comp-ph stat.ML
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Graph Neural Networks (GNNs) are promising surrogates for quantum mechanical calculations as they establish unprecedented low errors on collections of molecular dynamics (MD) trajectories. Thanks to their fast inference times they promise to accelerate computational chemistry applications. Unfortunately, despite low in-distribution (ID) errors, such GNNs might be horribly wrong for out-of-distribution (OOD) samples. Uncertainty estimation (UE) may aid in such situations by communicating the model's certainty about its prediction. Here, we take a closer look at the problem and identify six key desiderata for UE in molecular force fields, three 'physics-informed' and three 'application-focused' ones. To overview the field, we survey existing methods from the field of UE and analyze how they fit to the set desiderata. By our analysis, we conclude that none of the previous works satisfies all criteria. To fill this gap, we propose Localized Neural Kernel (LNK) a Gaussian Process (GP)-based extension to existing GNNs satisfying the desiderata. In our extensive experimental evaluation, we test four different UE with three different backbones and two datasets. In out-of-equilibrium detection, we find LNK yielding up to 2.5 and 2.1 times lower errors in terms of AUC-ROC score than dropout or evidential regression-based methods while maintaining high predictive performance.
[ { "version": "v1", "created": "Tue, 20 Jun 2023 15:50:09 GMT" } ]
2023-06-28T00:00:00
[ [ "Wollschläger", "Tom", "" ], [ "Gao", "Nicholas", "" ], [ "Charpentier", "Bertrand", "" ], [ "Ketata", "Mohamed Amine", "" ], [ "Günnemann", "Stephan", "" ] ]
TITLE: Uncertainty Estimation for Molecules: Desiderata and Methods ABSTRACT: Graph Neural Networks (GNNs) are promising surrogates for quantum mechanical calculations as they establish unprecedented low errors on collections of molecular dynamics (MD) trajectories. Thanks to their fast inference times they promise to accelerate computational chemistry applications. Unfortunately, despite low in-distribution (ID) errors, such GNNs might be horribly wrong for out-of-distribution (OOD) samples. Uncertainty estimation (UE) may aid in such situations by communicating the model's certainty about its prediction. Here, we take a closer look at the problem and identify six key desiderata for UE in molecular force fields, three 'physics-informed' and three 'application-focused' ones. To overview the field, we survey existing methods from the field of UE and analyze how they fit to the set desiderata. By our analysis, we conclude that none of the previous works satisfies all criteria. To fill this gap, we propose Localized Neural Kernel (LNK) a Gaussian Process (GP)-based extension to existing GNNs satisfying the desiderata. In our extensive experimental evaluation, we test four different UE with three different backbones and two datasets. In out-of-equilibrium detection, we find LNK yielding up to 2.5 and 2.1 times lower errors in terms of AUC-ROC score than dropout or evidential regression-based methods while maintaining high predictive performance.
no_new_dataset
0.708395
2306.14918
Nhat Tran
Nhat Tran, Benjamin Pierce, Diane Litman, Richard Correnti and Lindsay Clare Matsumura
Utilizing Natural Language Processing for Automated Assessment of Classroom Discussion
to be published in AIED 2023
null
null
null
cs.CL cs.AI cs.LG
http://creativecommons.org/licenses/by/4.0/
Rigorous and interactive class discussions that support students to engage in high-level thinking and reasoning are essential to learning and are a central component of most teaching interventions. However, formally assessing discussion quality 'at scale' is expensive and infeasible for most researchers. In this work, we experimented with various modern natural language processing (NLP) techniques to automatically generate rubric scores for individual dimensions of classroom text discussion quality. Specifically, we worked on a dataset of 90 classroom discussion transcripts consisting of over 18000 turns annotated with fine-grained Analyzing Teaching Moves (ATM) codes and focused on four Instructional Quality Assessment (IQA) rubrics. Despite the limited amount of data, our work shows encouraging results in some of the rubrics while suggesting that there is room for improvement in the others. We also found that certain NLP approaches work better for certain rubrics.
[ { "version": "v1", "created": "Wed, 21 Jun 2023 16:45:24 GMT" } ]
2023-06-28T00:00:00
[ [ "Tran", "Nhat", "" ], [ "Pierce", "Benjamin", "" ], [ "Litman", "Diane", "" ], [ "Correnti", "Richard", "" ], [ "Matsumura", "Lindsay Clare", "" ] ]
TITLE: Utilizing Natural Language Processing for Automated Assessment of Classroom Discussion ABSTRACT: Rigorous and interactive class discussions that support students to engage in high-level thinking and reasoning are essential to learning and are a central component of most teaching interventions. However, formally assessing discussion quality 'at scale' is expensive and infeasible for most researchers. In this work, we experimented with various modern natural language processing (NLP) techniques to automatically generate rubric scores for individual dimensions of classroom text discussion quality. Specifically, we worked on a dataset of 90 classroom discussion transcripts consisting of over 18000 turns annotated with fine-grained Analyzing Teaching Moves (ATM) codes and focused on four Instructional Quality Assessment (IQA) rubrics. Despite the limited amount of data, our work shows encouraging results in some of the rubrics while suggesting that there is room for improvement in the others. We also found that certain NLP approaches work better for certain rubrics.
new_dataset
0.716845
2306.14920
Hieu Nguyen Ngoc
Nguyen Ngoc-Hieu, Nguyen Hung-Quang, The-Anh Ta, Thanh Nguyen-Tang, Khoa D Doan, Hoang Thanh-Tung
A Cosine Similarity-based Method for Out-of-Distribution Detection
Accepted paper at ICML 2023 Workshop on Spurious Correlations, Invariance, and Stability. 10 pages (4 main + appendix)
null
null
null
cs.LG
http://creativecommons.org/licenses/by/4.0/
The ability to detect OOD data is a crucial aspect of practical machine learning applications. In this work, we show that cosine similarity between the test feature and the typical ID feature is a good indicator of OOD data. We propose Class Typical Matching (CTM), a post hoc OOD detection algorithm that uses a cosine similarity scoring function. Extensive experiments on multiple benchmarks show that CTM outperforms existing post hoc OOD detection methods.
[ { "version": "v1", "created": "Fri, 23 Jun 2023 05:02:16 GMT" } ]
2023-06-28T00:00:00
[ [ "Ngoc-Hieu", "Nguyen", "" ], [ "Hung-Quang", "Nguyen", "" ], [ "Ta", "The-Anh", "" ], [ "Nguyen-Tang", "Thanh", "" ], [ "Doan", "Khoa D", "" ], [ "Thanh-Tung", "Hoang", "" ] ]
TITLE: A Cosine Similarity-based Method for Out-of-Distribution Detection ABSTRACT: The ability to detect OOD data is a crucial aspect of practical machine learning applications. In this work, we show that cosine similarity between the test feature and the typical ID feature is a good indicator of OOD data. We propose Class Typical Matching (CTM), a post hoc OOD detection algorithm that uses a cosine similarity scoring function. Extensive experiments on multiple benchmarks show that CTM outperforms existing post hoc OOD detection methods.
no_new_dataset
0.710603
2306.14924
Rob Chew
Robert Chew, John Bollenbacher, Michael Wenger, Jessica Speer, Annice Kim
LLM-Assisted Content Analysis: Using Large Language Models to Support Deductive Coding
null
null
null
null
cs.CL cs.AI cs.LG stat.AP
http://creativecommons.org/licenses/by/4.0/
Deductive coding is a widely used qualitative research method for determining the prevalence of themes across documents. While useful, deductive coding is often burdensome and time consuming since it requires researchers to read, interpret, and reliably categorize a large body of unstructured text documents. Large language models (LLMs), like ChatGPT, are a class of quickly evolving AI tools that can perform a range of natural language processing and reasoning tasks. In this study, we explore the use of LLMs to reduce the time it takes for deductive coding while retaining the flexibility of a traditional content analysis. We outline the proposed approach, called LLM-assisted content analysis (LACA), along with an in-depth case study using GPT-3.5 for LACA on a publicly available deductive coding data set. Additionally, we conduct an empirical benchmark using LACA on 4 publicly available data sets to assess the broader question of how well GPT-3.5 performs across a range of deductive coding tasks. Overall, we find that GPT-3.5 can often perform deductive coding at levels of agreement comparable to human coders. Additionally, we demonstrate that LACA can help refine prompts for deductive coding, identify codes for which an LLM is randomly guessing, and help assess when to use LLMs vs. human coders for deductive coding. We conclude with several implications for future practice of deductive coding and related research methods.
[ { "version": "v1", "created": "Fri, 23 Jun 2023 20:57:32 GMT" } ]
2023-06-28T00:00:00
[ [ "Chew", "Robert", "" ], [ "Bollenbacher", "John", "" ], [ "Wenger", "Michael", "" ], [ "Speer", "Jessica", "" ], [ "Kim", "Annice", "" ] ]
TITLE: LLM-Assisted Content Analysis: Using Large Language Models to Support Deductive Coding ABSTRACT: Deductive coding is a widely used qualitative research method for determining the prevalence of themes across documents. While useful, deductive coding is often burdensome and time consuming since it requires researchers to read, interpret, and reliably categorize a large body of unstructured text documents. Large language models (LLMs), like ChatGPT, are a class of quickly evolving AI tools that can perform a range of natural language processing and reasoning tasks. In this study, we explore the use of LLMs to reduce the time it takes for deductive coding while retaining the flexibility of a traditional content analysis. We outline the proposed approach, called LLM-assisted content analysis (LACA), along with an in-depth case study using GPT-3.5 for LACA on a publicly available deductive coding data set. Additionally, we conduct an empirical benchmark using LACA on 4 publicly available data sets to assess the broader question of how well GPT-3.5 performs across a range of deductive coding tasks. Overall, we find that GPT-3.5 can often perform deductive coding at levels of agreement comparable to human coders. Additionally, we demonstrate that LACA can help refine prompts for deductive coding, identify codes for which an LLM is randomly guessing, and help assess when to use LLMs vs. human coders for deductive coding. We conclude with several implications for future practice of deductive coding and related research methods.
no_new_dataset
0.710051
2306.14929
Dat Ngo
Dat Ngo, Lam Pham, Huy Phan, Minh Tran, Delaram Jarchi
A Deep Learning Architecture with Spatio-Temporal Focusing for Detecting Respiratory Anomalies
arXiv admin note: text overlap with arXiv:2303.04104
null
null
null
cs.SD eess.AS
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
This paper presents a deep learning system applied for detecting anomalies from respiratory sound recordings. Our system initially performs audio feature extraction using Continuous Wavelet transformation. This transformation converts the respiratory sound input into a two-dimensional spectrogram where both spectral and temporal features are presented. Then, our proposed deep learning architecture inspired by the Inception-residual-based backbone performs the spatial-temporal focusing and multi-head attention mechanism to classify respiratory anomalies. In this work, we evaluate our proposed models on the benchmark SPRSound (The Open-Source SJTU Paediatric Respiratory Sound) database proposed by the IEEE BioCAS 2023 challenge. As regards the Score computed by an average between the average score and harmonic score, our robust system has achieved Top-1 performance with Scores of 0.810, 0.667, 0.744, and 0.608 in Tasks 1-1, 1-2, 2-1, and 2-2, respectively.
[ { "version": "v1", "created": "Sun, 25 Jun 2023 12:24:53 GMT" } ]
2023-06-28T00:00:00
[ [ "Ngo", "Dat", "" ], [ "Pham", "Lam", "" ], [ "Phan", "Huy", "" ], [ "Tran", "Minh", "" ], [ "Jarchi", "Delaram", "" ] ]
TITLE: A Deep Learning Architecture with Spatio-Temporal Focusing for Detecting Respiratory Anomalies ABSTRACT: This paper presents a deep learning system applied for detecting anomalies from respiratory sound recordings. Our system initially performs audio feature extraction using Continuous Wavelet transformation. This transformation converts the respiratory sound input into a two-dimensional spectrogram where both spectral and temporal features are presented. Then, our proposed deep learning architecture inspired by the Inception-residual-based backbone performs the spatial-temporal focusing and multi-head attention mechanism to classify respiratory anomalies. In this work, we evaluate our proposed models on the benchmark SPRSound (The Open-Source SJTU Paediatric Respiratory Sound) database proposed by the IEEE BioCAS 2023 challenge. As regards the Score computed by an average between the average score and harmonic score, our robust system has achieved Top-1 performance with Scores of 0.810, 0.667, 0.744, and 0.608 in Tasks 1-1, 1-2, 2-1, and 2-2, respectively.
no_new_dataset
0.709233
2306.14933
Abiodun Modupe
Abiodun Modupe, Turgay Celik, Vukosi Marivate and Oludayo O. Olugbara
Integrating Bidirectional Long Short-Term Memory with Subword Embedding for Authorship Attribution
8 pages, 4 figure
null
null
null
cs.CL cs.AI cs.LG
http://creativecommons.org/licenses/by/4.0/
The problem of unveiling the author of a given text document from multiple candidate authors is called authorship attribution. Manifold word-based stylistic markers have been successfully used in deep learning methods to deal with the intrinsic problem of authorship attribution. Unfortunately, the performance of word-based authorship attribution systems is limited by the vocabulary of the training corpus. Literature has recommended character-based stylistic markers as an alternative to overcome the hidden word problem. However, character-based methods often fail to capture the sequential relationship of words in texts which is a chasm for further improvement. The question addressed in this paper is whether it is possible to address the ambiguity of hidden words in text documents while preserving the sequential context of words. Consequently, a method based on bidirectional long short-term memory (BLSTM) with a 2-dimensional convolutional neural network (CNN) is proposed to capture sequential writing styles for authorship attribution. The BLSTM was used to obtain the sequential relationship among characteristics using subword information. The 2-dimensional CNN was applied to understand the local syntactical position of the style from unlabeled input text. The proposed method was experimentally evaluated against numerous state-of-the-art methods across the public corporal of CCAT50, IMDb62, Blog50, and Twitter50. Experimental results indicate accuracy improvement of 1.07\%, and 0.96\% on CCAT50 and Twitter, respectively, and produce comparable results on the remaining datasets.
[ { "version": "v1", "created": "Mon, 26 Jun 2023 11:35:47 GMT" } ]
2023-06-28T00:00:00
[ [ "Modupe", "Abiodun", "" ], [ "Celik", "Turgay", "" ], [ "Marivate", "Vukosi", "" ], [ "Olugbara", "Oludayo O.", "" ] ]
TITLE: Integrating Bidirectional Long Short-Term Memory with Subword Embedding for Authorship Attribution ABSTRACT: The problem of unveiling the author of a given text document from multiple candidate authors is called authorship attribution. Manifold word-based stylistic markers have been successfully used in deep learning methods to deal with the intrinsic problem of authorship attribution. Unfortunately, the performance of word-based authorship attribution systems is limited by the vocabulary of the training corpus. Literature has recommended character-based stylistic markers as an alternative to overcome the hidden word problem. However, character-based methods often fail to capture the sequential relationship of words in texts which is a chasm for further improvement. The question addressed in this paper is whether it is possible to address the ambiguity of hidden words in text documents while preserving the sequential context of words. Consequently, a method based on bidirectional long short-term memory (BLSTM) with a 2-dimensional convolutional neural network (CNN) is proposed to capture sequential writing styles for authorship attribution. The BLSTM was used to obtain the sequential relationship among characteristics using subword information. The 2-dimensional CNN was applied to understand the local syntactical position of the style from unlabeled input text. The proposed method was experimentally evaluated against numerous state-of-the-art methods across the public corporal of CCAT50, IMDb62, Blog50, and Twitter50. Experimental results indicate accuracy improvement of 1.07\%, and 0.96\% on CCAT50 and Twitter, respectively, and produce comparable results on the remaining datasets.
no_new_dataset
0.712013
2306.14978
Eleni Psaroudaki
Loukas Kavouras, Konstantinos Tsopelas, Giorgos Giannopoulos, Dimitris Sacharidis, Eleni Psaroudaki, Nikolaos Theologitis, Dimitrios Rontogiannis, Dimitris Fotakis, Ioannis Emiris
Fairness Aware Counterfactuals for Subgroups
null
null
null
null
cs.LG cs.CY
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
In this work, we present Fairness Aware Counterfactuals for Subgroups (FACTS), a framework for auditing subgroup fairness through counterfactual explanations. We start with revisiting (and generalizing) existing notions and introducing new, more refined notions of subgroup fairness. We aim to (a) formulate different aspects of the difficulty of individuals in certain subgroups to achieve recourse, i.e. receive the desired outcome, either at the micro level, considering members of the subgroup individually, or at the macro level, considering the subgroup as a whole, and (b) introduce notions of subgroup fairness that are robust, if not totally oblivious, to the cost of achieving recourse. We accompany these notions with an efficient, model-agnostic, highly parameterizable, and explainable framework for evaluating subgroup fairness. We demonstrate the advantages, the wide applicability, and the efficiency of our approach through a thorough experimental evaluation of different benchmark datasets.
[ { "version": "v1", "created": "Mon, 26 Jun 2023 18:03:56 GMT" } ]
2023-06-28T00:00:00
[ [ "Kavouras", "Loukas", "" ], [ "Tsopelas", "Konstantinos", "" ], [ "Giannopoulos", "Giorgos", "" ], [ "Sacharidis", "Dimitris", "" ], [ "Psaroudaki", "Eleni", "" ], [ "Theologitis", "Nikolaos", "" ], [ "Rontogiannis", "Dimitrios", "" ], [ "Fotakis", "Dimitris", "" ], [ "Emiris", "Ioannis", "" ] ]
TITLE: Fairness Aware Counterfactuals for Subgroups ABSTRACT: In this work, we present Fairness Aware Counterfactuals for Subgroups (FACTS), a framework for auditing subgroup fairness through counterfactual explanations. We start with revisiting (and generalizing) existing notions and introducing new, more refined notions of subgroup fairness. We aim to (a) formulate different aspects of the difficulty of individuals in certain subgroups to achieve recourse, i.e. receive the desired outcome, either at the micro level, considering members of the subgroup individually, or at the macro level, considering the subgroup as a whole, and (b) introduce notions of subgroup fairness that are robust, if not totally oblivious, to the cost of achieving recourse. We accompany these notions with an efficient, model-agnostic, highly parameterizable, and explainable framework for evaluating subgroup fairness. We demonstrate the advantages, the wide applicability, and the efficiency of our approach through a thorough experimental evaluation of different benchmark datasets.
no_new_dataset
0.709447
2306.15008
Bianca Matos De Barros
Bianca Matos de Barros, Douglas Galimberti Barbosa and Cristiano Lima Hackmann
Spectral Analysis of Marine Debris in Simulated and Observed Sentinel-2/MSI Images using Unsupervised Classification
Manuscript submitted to Ocean and Coastal Research journal
null
null
null
cs.CV cs.LG eess.IV
http://creativecommons.org/licenses/by/4.0/
Marine litter poses significant threats to marine and coastal environments, with its impacts ever-growing. Remote sensing provides an advantageous supplement to traditional mitigation techniques, such as local cleaning operations and trawl net surveys, due to its capabilities for extensive coverage and frequent observation. In this study, we used Radiative Transfer Model (RTM) simulated data and data from the Multispectral Instrument (MSI) of the Sentinel-2 mission in combination with machine learning algorithms. Our aim was to study the spectral behavior of marine plastic pollution and evaluate the applicability of RTMs within this research area. The results from the exploratory analysis and unsupervised classification using the KMeans algorithm indicate that the spectral behavior of pollutants is influenced by factors such as the type of polymer and pixel coverage percentage. The findings also reveal spectral characteristics and trends of association and differentiation among elements. The applied methodology is strongly dependent on the data, and if reapplied in new, more diverse, and detailed datasets, it can potentially generate even better results. These insights can guide future research in remote sensing applications for detecting marine plastic pollution.
[ { "version": "v1", "created": "Mon, 26 Jun 2023 18:46:47 GMT" } ]
2023-06-28T00:00:00
[ [ "de Barros", "Bianca Matos", "" ], [ "Barbosa", "Douglas Galimberti", "" ], [ "Hackmann", "Cristiano Lima", "" ] ]
TITLE: Spectral Analysis of Marine Debris in Simulated and Observed Sentinel-2/MSI Images using Unsupervised Classification ABSTRACT: Marine litter poses significant threats to marine and coastal environments, with its impacts ever-growing. Remote sensing provides an advantageous supplement to traditional mitigation techniques, such as local cleaning operations and trawl net surveys, due to its capabilities for extensive coverage and frequent observation. In this study, we used Radiative Transfer Model (RTM) simulated data and data from the Multispectral Instrument (MSI) of the Sentinel-2 mission in combination with machine learning algorithms. Our aim was to study the spectral behavior of marine plastic pollution and evaluate the applicability of RTMs within this research area. The results from the exploratory analysis and unsupervised classification using the KMeans algorithm indicate that the spectral behavior of pollutants is influenced by factors such as the type of polymer and pixel coverage percentage. The findings also reveal spectral characteristics and trends of association and differentiation among elements. The applied methodology is strongly dependent on the data, and if reapplied in new, more diverse, and detailed datasets, it can potentially generate even better results. These insights can guide future research in remote sensing applications for detecting marine plastic pollution.
no_new_dataset
0.710258
2306.15044
Thomas Werthenbach
Thomas Werthenbach, Johan Pouwelse
Towards Sybil Resilience in Decentralized Learning
null
null
null
null
cs.DC cs.CR cs.LG
http://creativecommons.org/licenses/by/4.0/
Federated learning is a privacy-enforcing machine learning technology but suffers from limited scalability. This limitation mostly originates from the internet connection and memory capacity of the central parameter server, and the complexity of the model aggregation function. Decentralized learning has recently been emerging as a promising alternative to federated learning. This novel technology eliminates the need for a central parameter server by decentralizing the model aggregation across all participating nodes. Numerous studies have been conducted on improving the resilience of federated learning against poisoning and Sybil attacks, whereas the resilience of decentralized learning remains largely unstudied. This research gap serves as the main motivator for this study, in which our objective is to improve the Sybil poisoning resilience of decentralized learning. We present SybilWall, an innovative algorithm focused on increasing the resilience of decentralized learning against targeted Sybil poisoning attacks. By combining a Sybil-resistant aggregation function based on similarity between Sybils with a novel probabilistic gossiping mechanism, we establish a new benchmark for scalable, Sybil-resilient decentralized learning. A comprehensive empirical evaluation demonstrated that SybilWall outperforms existing state-of-the-art solutions designed for federated learning scenarios and is the only algorithm to obtain consistent accuracy over a range of adversarial attack scenarios. We also found SybilWall to diminish the utility of creating many Sybils, as our evaluations demonstrate a higher success rate among adversaries employing fewer Sybils. Finally, we suggest a number of possible improvements to SybilWall and highlight promising future research directions.
[ { "version": "v1", "created": "Mon, 26 Jun 2023 20:04:11 GMT" } ]
2023-06-28T00:00:00
[ [ "Werthenbach", "Thomas", "" ], [ "Pouwelse", "Johan", "" ] ]
TITLE: Towards Sybil Resilience in Decentralized Learning ABSTRACT: Federated learning is a privacy-enforcing machine learning technology but suffers from limited scalability. This limitation mostly originates from the internet connection and memory capacity of the central parameter server, and the complexity of the model aggregation function. Decentralized learning has recently been emerging as a promising alternative to federated learning. This novel technology eliminates the need for a central parameter server by decentralizing the model aggregation across all participating nodes. Numerous studies have been conducted on improving the resilience of federated learning against poisoning and Sybil attacks, whereas the resilience of decentralized learning remains largely unstudied. This research gap serves as the main motivator for this study, in which our objective is to improve the Sybil poisoning resilience of decentralized learning. We present SybilWall, an innovative algorithm focused on increasing the resilience of decentralized learning against targeted Sybil poisoning attacks. By combining a Sybil-resistant aggregation function based on similarity between Sybils with a novel probabilistic gossiping mechanism, we establish a new benchmark for scalable, Sybil-resilient decentralized learning. A comprehensive empirical evaluation demonstrated that SybilWall outperforms existing state-of-the-art solutions designed for federated learning scenarios and is the only algorithm to obtain consistent accuracy over a range of adversarial attack scenarios. We also found SybilWall to diminish the utility of creating many Sybils, as our evaluations demonstrate a higher success rate among adversaries employing fewer Sybils. Finally, we suggest a number of possible improvements to SybilWall and highlight promising future research directions.
no_new_dataset
0.70866
2306.15045
Olga Zatsarynna
Olga Zatsarynna and Juergen Gall
Action Anticipation with Goal Consistency
Accepted to ICIP 2023
null
null
null
cs.CV
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
In this paper, we address the problem of short-term action anticipation, i.e., we want to predict an upcoming action one second before it happens. We propose to harness high-level intent information to anticipate actions that will take place in the future. To this end, we incorporate an additional goal prediction branch into our model and propose a consistency loss function that encourages the anticipated actions to conform to the high-level goal pursued in the video. In our experiments, we show the effectiveness of the proposed approach and demonstrate that our method achieves state-of-the-art results on two large-scale datasets: Assembly101 and COIN.
[ { "version": "v1", "created": "Mon, 26 Jun 2023 20:04:23 GMT" } ]
2023-06-28T00:00:00
[ [ "Zatsarynna", "Olga", "" ], [ "Gall", "Juergen", "" ] ]
TITLE: Action Anticipation with Goal Consistency ABSTRACT: In this paper, we address the problem of short-term action anticipation, i.e., we want to predict an upcoming action one second before it happens. We propose to harness high-level intent information to anticipate actions that will take place in the future. To this end, we incorporate an additional goal prediction branch into our model and propose a consistency loss function that encourages the anticipated actions to conform to the high-level goal pursued in the video. In our experiments, we show the effectiveness of the proposed approach and demonstrate that our method achieves state-of-the-art results on two large-scale datasets: Assembly101 and COIN.
no_new_dataset
0.710176
2306.15065
Cong Shen
Cong Shen, Jiawei Luo, and Kelin Xia
Molecular geometric deep learning
null
null
null
null
physics.comp-ph cs.AI cs.LG
http://creativecommons.org/licenses/by/4.0/
Geometric deep learning (GDL) has demonstrated huge power and enormous potential in molecular data analysis. However, a great challenge still remains for highly efficient molecular representations. Currently, covalent-bond-based molecular graphs are the de facto standard for representing molecular topology at the atomic level. Here we demonstrate, for the first time, that molecular graphs constructed only from non-covalent bonds can achieve similar or even better results than covalent-bond-based models in molecular property prediction. This demonstrates the great potential of novel molecular representations beyond the de facto standard of covalent-bond-based molecular graphs. Based on the finding, we propose molecular geometric deep learning (Mol-GDL). The essential idea is to incorporate a more general molecular representation into GDL models. In our Mol-GDL, molecular topology is modeled as a series of molecular graphs, each focusing on a different scale of atomic interactions. In this way, both covalent interactions and non-covalent interactions are incorporated into the molecular representation on an equal footing. We systematically test Mol-GDL on fourteen commonly-used benchmark datasets. The results show that our Mol-GDL can achieve a better performance than state-of-the-art (SOTA) methods. Source code and data are available at https://github.com/CS-BIO/Mol-GDL.
[ { "version": "v1", "created": "Thu, 22 Jun 2023 14:25:08 GMT" } ]
2023-06-28T00:00:00
[ [ "Shen", "Cong", "" ], [ "Luo", "Jiawei", "" ], [ "Xia", "Kelin", "" ] ]
TITLE: Molecular geometric deep learning ABSTRACT: Geometric deep learning (GDL) has demonstrated huge power and enormous potential in molecular data analysis. However, a great challenge still remains for highly efficient molecular representations. Currently, covalent-bond-based molecular graphs are the de facto standard for representing molecular topology at the atomic level. Here we demonstrate, for the first time, that molecular graphs constructed only from non-covalent bonds can achieve similar or even better results than covalent-bond-based models in molecular property prediction. This demonstrates the great potential of novel molecular representations beyond the de facto standard of covalent-bond-based molecular graphs. Based on the finding, we propose molecular geometric deep learning (Mol-GDL). The essential idea is to incorporate a more general molecular representation into GDL models. In our Mol-GDL, molecular topology is modeled as a series of molecular graphs, each focusing on a different scale of atomic interactions. In this way, both covalent interactions and non-covalent interactions are incorporated into the molecular representation on an equal footing. We systematically test Mol-GDL on fourteen commonly-used benchmark datasets. The results show that our Mol-GDL can achieve a better performance than state-of-the-art (SOTA) methods. Source code and data are available at https://github.com/CS-BIO/Mol-GDL.
no_new_dataset
0.71202
2306.15073
Li Ding
Li Ding, Jack Terwilliger, Aishni Parab, Meng Wang, Lex Fridman, Bruce Mehler, Bryan Reimer
CLERA: A Unified Model for Joint Cognitive Load and Eye Region Analysis in the Wild
ACM Transactions on Computer-Human Interaction
null
10.1145/3603622
null
cs.HC cs.CV
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Non-intrusive, real-time analysis of the dynamics of the eye region allows us to monitor humans' visual attention allocation and estimate their mental state during the performance of real-world tasks, which can potentially benefit a wide range of human-computer interaction (HCI) applications. While commercial eye-tracking devices have been frequently employed, the difficulty of customizing these devices places unnecessary constraints on the exploration of more efficient, end-to-end models of eye dynamics. In this work, we propose CLERA, a unified model for Cognitive Load and Eye Region Analysis, which achieves precise keypoint detection and spatiotemporal tracking in a joint-learning framework. Our method demonstrates significant efficiency and outperforms prior work on tasks including cognitive load estimation, eye landmark detection, and blink estimation. We also introduce a large-scale dataset of 30k human faces with joint pupil, eye-openness, and landmark annotation, which aims to support future HCI research on human factors and eye-related analysis.
[ { "version": "v1", "created": "Mon, 26 Jun 2023 21:20:23 GMT" } ]
2023-06-28T00:00:00
[ [ "Ding", "Li", "" ], [ "Terwilliger", "Jack", "" ], [ "Parab", "Aishni", "" ], [ "Wang", "Meng", "" ], [ "Fridman", "Lex", "" ], [ "Mehler", "Bruce", "" ], [ "Reimer", "Bryan", "" ] ]
TITLE: CLERA: A Unified Model for Joint Cognitive Load and Eye Region Analysis in the Wild ABSTRACT: Non-intrusive, real-time analysis of the dynamics of the eye region allows us to monitor humans' visual attention allocation and estimate their mental state during the performance of real-world tasks, which can potentially benefit a wide range of human-computer interaction (HCI) applications. While commercial eye-tracking devices have been frequently employed, the difficulty of customizing these devices places unnecessary constraints on the exploration of more efficient, end-to-end models of eye dynamics. In this work, we propose CLERA, a unified model for Cognitive Load and Eye Region Analysis, which achieves precise keypoint detection and spatiotemporal tracking in a joint-learning framework. Our method demonstrates significant efficiency and outperforms prior work on tasks including cognitive load estimation, eye landmark detection, and blink estimation. We also introduce a large-scale dataset of 30k human faces with joint pupil, eye-openness, and landmark annotation, which aims to support future HCI research on human factors and eye-related analysis.
new_dataset
0.71145
2306.15076
Samantha Miller
Samantha Miller, Anirudh Kumar, Tanay Vakharia, Tom Anderson, Ang Chen, Danyang Zhuo
Agile Development of Linux Schedulers with Ekiben
13 pages, 5 figures, submitted to Eurosys 2024
null
null
null
cs.OS
http://creativecommons.org/licenses/by/4.0/
Kernel task scheduling is important for application performance, adaptability to new hardware, and complex user requirements. However, developing, testing, and debugging new scheduling algorithms in Linux, the most widely used cloud operating system, is slow and difficult. We developed Ekiben, a framework for high velocity development of Linux kernel schedulers. Ekiben schedulers are written in safe Rust, and the system supports live upgrade of new scheduling policies into the kernel, userspace debugging, and bidirectional communication with applications. A scheduler implemented with Ekiben achieved near identical performance (within 1% on average) to the default Linux scheduler CFS on a wide range of benchmarks. Ekiben is also able to support a range of research schedulers, specifically the Shinjuku scheduler, a locality aware scheduler, and the Arachne core arbiter, with good performance.
[ { "version": "v1", "created": "Mon, 26 Jun 2023 21:24:12 GMT" } ]
2023-06-28T00:00:00
[ [ "Miller", "Samantha", "" ], [ "Kumar", "Anirudh", "" ], [ "Vakharia", "Tanay", "" ], [ "Anderson", "Tom", "" ], [ "Chen", "Ang", "" ], [ "Zhuo", "Danyang", "" ] ]
TITLE: Agile Development of Linux Schedulers with Ekiben ABSTRACT: Kernel task scheduling is important for application performance, adaptability to new hardware, and complex user requirements. However, developing, testing, and debugging new scheduling algorithms in Linux, the most widely used cloud operating system, is slow and difficult. We developed Ekiben, a framework for high velocity development of Linux kernel schedulers. Ekiben schedulers are written in safe Rust, and the system supports live upgrade of new scheduling policies into the kernel, userspace debugging, and bidirectional communication with applications. A scheduler implemented with Ekiben achieved near identical performance (within 1% on average) to the default Linux scheduler CFS on a wide range of benchmarks. Ekiben is also able to support a range of research schedulers, specifically the Shinjuku scheduler, a locality aware scheduler, and the Arachne core arbiter, with good performance.
no_new_dataset
0.706551
2306.15117
Mahdiyar Molahasani
Mahdiyar Molahasani, Ali Etemad, Michael Greenspan
Continual Learning for Out-of-Distribution Pedestrian Detection
null
null
null
null
cs.CV cs.AI
http://creativecommons.org/licenses/by/4.0/
A continual learning solution is proposed to address the out-of-distribution generalization problem for pedestrian detection. While recent pedestrian detection models have achieved impressive performance on various datasets, they remain sensitive to shifts in the distribution of the inference data. Our method adopts and modifies Elastic Weight Consolidation to a backbone object detection network, in order to penalize the changes in the model weights based on their importance towards the initially learned task. We show that when trained with one dataset and fine-tuned on another, our solution learns the new distribution and maintains its performance on the previous one, avoiding catastrophic forgetting. We use two popular datasets, CrowdHuman and CityPersons for our cross-dataset experiments, and show considerable improvements over standard fine-tuning, with a 9% and 18% miss rate percent reduction improvement in the CrowdHuman and CityPersons datasets, respectively.
[ { "version": "v1", "created": "Mon, 26 Jun 2023 23:55:00 GMT" } ]
2023-06-28T00:00:00
[ [ "Molahasani", "Mahdiyar", "" ], [ "Etemad", "Ali", "" ], [ "Greenspan", "Michael", "" ] ]
TITLE: Continual Learning for Out-of-Distribution Pedestrian Detection ABSTRACT: A continual learning solution is proposed to address the out-of-distribution generalization problem for pedestrian detection. While recent pedestrian detection models have achieved impressive performance on various datasets, they remain sensitive to shifts in the distribution of the inference data. Our method adopts and modifies Elastic Weight Consolidation to a backbone object detection network, in order to penalize the changes in the model weights based on their importance towards the initially learned task. We show that when trained with one dataset and fine-tuned on another, our solution learns the new distribution and maintains its performance on the previous one, avoiding catastrophic forgetting. We use two popular datasets, CrowdHuman and CityPersons for our cross-dataset experiments, and show considerable improvements over standard fine-tuning, with a 9% and 18% miss rate percent reduction improvement in the CrowdHuman and CityPersons datasets, respectively.
no_new_dataset
0.710584
2306.15129
Hongpeng Guo
Hongpeng Guo, Beitong Tian, Zhe Yang, Bo Chen, Qian Zhou, Shengzhong Liu, Klara Nahrstedt and Claudiu Danilov
DeepStream: Bandwidth Efficient Multi-Camera Video Streaming for Deep Learning Analytics
null
null
null
null
cs.NI
http://creativecommons.org/licenses/by-nc-nd/4.0/
Deep learning video analytic systems process live video feeds from multiple cameras with computer vision models deployed on edge or cloud. To optimize utility for these systems, which usually corresponds to query accuracy, efficient bandwidth management for the cameras competing for the fluctuating network resources is crucial. We propose DeepStream, a bandwidth efficient multi-camera video streaming system for deep learning video analytics. DeepStream addresses the challenge of limited and fluctuating bandwidth resources by offering several tailored solutions. We design a novel Regions of Interest detection (ROIDet) algorithm which can run in real time on resource constraint devices, such as Raspberry Pis, to remove spatial redundancy in video frames and reduce the amount of data to be transmitted. We also propose a content-aware bandwidth optimization framework and an Elastic Transmission Mechanism that exploits correlations among video contents. We implement DeepStream on Raspberry Pis and a desktop computer. Evaluations on real-world datasets show that DeepStream's ROIDet algorithm saves up to 54\% bandwidth with less than 1\% accuracy drop. Additionally,DeepStream improves utility by up to 23\% compared to baselines under the same bandwidth conditions.
[ { "version": "v1", "created": "Tue, 27 Jun 2023 00:40:20 GMT" } ]
2023-06-28T00:00:00
[ [ "Guo", "Hongpeng", "" ], [ "Tian", "Beitong", "" ], [ "Yang", "Zhe", "" ], [ "Chen", "Bo", "" ], [ "Zhou", "Qian", "" ], [ "Liu", "Shengzhong", "" ], [ "Nahrstedt", "Klara", "" ], [ "Danilov", "Claudiu", "" ] ]
TITLE: DeepStream: Bandwidth Efficient Multi-Camera Video Streaming for Deep Learning Analytics ABSTRACT: Deep learning video analytic systems process live video feeds from multiple cameras with computer vision models deployed on edge or cloud. To optimize utility for these systems, which usually corresponds to query accuracy, efficient bandwidth management for the cameras competing for the fluctuating network resources is crucial. We propose DeepStream, a bandwidth efficient multi-camera video streaming system for deep learning video analytics. DeepStream addresses the challenge of limited and fluctuating bandwidth resources by offering several tailored solutions. We design a novel Regions of Interest detection (ROIDet) algorithm which can run in real time on resource constraint devices, such as Raspberry Pis, to remove spatial redundancy in video frames and reduce the amount of data to be transmitted. We also propose a content-aware bandwidth optimization framework and an Elastic Transmission Mechanism that exploits correlations among video contents. We implement DeepStream on Raspberry Pis and a desktop computer. Evaluations on real-world datasets show that DeepStream's ROIDet algorithm saves up to 54\% bandwidth with less than 1\% accuracy drop. Additionally,DeepStream improves utility by up to 23\% compared to baselines under the same bandwidth conditions.
no_new_dataset
0.709447
2306.15154
Song Wang
Song Wang, Zhen Tan, Huan Liu, Jundong Li
Contrastive Meta-Learning for Few-shot Node Classification
SIGKDD 2023
null
null
null
cs.LG cs.AI
http://creativecommons.org/licenses/by/4.0/
Few-shot node classification, which aims to predict labels for nodes on graphs with only limited labeled nodes as references, is of great significance in real-world graph mining tasks. Particularly, in this paper, we refer to the task of classifying nodes in classes with a few labeled nodes as the few-shot node classification problem. To tackle such a label shortage issue, existing works generally leverage the meta-learning framework, which utilizes a number of episodes to extract transferable knowledge from classes with abundant labeled nodes and generalizes the knowledge to other classes with limited labeled nodes. In essence, the primary aim of few-shot node classification is to learn node embeddings that are generalizable across different classes. To accomplish this, the GNN encoder must be able to distinguish node embeddings between different classes, while also aligning embeddings for nodes in the same class. Thus, in this work, we propose to consider both the intra-class and inter-class generalizability of the model. We create a novel contrastive meta-learning framework on graphs, named COSMIC, with two key designs. First, we propose to enhance the intra-class generalizability by involving a contrastive two-step optimization in each episode to explicitly align node embeddings in the same classes. Second, we strengthen the inter-class generalizability by generating hard node classes via a novel similarity-sensitive mix-up strategy. Extensive experiments on few-shot node classification datasets verify the superiority of our framework over state-of-the-art baselines. Our code is provided at https://github.com/SongW-SW/COSMIC.
[ { "version": "v1", "created": "Tue, 27 Jun 2023 02:22:45 GMT" } ]
2023-06-28T00:00:00
[ [ "Wang", "Song", "" ], [ "Tan", "Zhen", "" ], [ "Liu", "Huan", "" ], [ "Li", "Jundong", "" ] ]
TITLE: Contrastive Meta-Learning for Few-shot Node Classification ABSTRACT: Few-shot node classification, which aims to predict labels for nodes on graphs with only limited labeled nodes as references, is of great significance in real-world graph mining tasks. Particularly, in this paper, we refer to the task of classifying nodes in classes with a few labeled nodes as the few-shot node classification problem. To tackle such a label shortage issue, existing works generally leverage the meta-learning framework, which utilizes a number of episodes to extract transferable knowledge from classes with abundant labeled nodes and generalizes the knowledge to other classes with limited labeled nodes. In essence, the primary aim of few-shot node classification is to learn node embeddings that are generalizable across different classes. To accomplish this, the GNN encoder must be able to distinguish node embeddings between different classes, while also aligning embeddings for nodes in the same class. Thus, in this work, we propose to consider both the intra-class and inter-class generalizability of the model. We create a novel contrastive meta-learning framework on graphs, named COSMIC, with two key designs. First, we propose to enhance the intra-class generalizability by involving a contrastive two-step optimization in each episode to explicitly align node embeddings in the same classes. Second, we strengthen the inter-class generalizability by generating hard node classes via a novel similarity-sensitive mix-up strategy. Extensive experiments on few-shot node classification datasets verify the superiority of our framework over state-of-the-art baselines. Our code is provided at https://github.com/SongW-SW/COSMIC.
no_new_dataset
0.709629
2306.15157
Ioannis Kordonis
Ioannis Kordonis, Petros Maragos
Revisiting Tropical Polynomial Division: Theory, Algorithms and Application to Neural Networks
null
null
null
null
cs.LG math.OC
http://creativecommons.org/licenses/by/4.0/
Tropical geometry has recently found several applications in the analysis of neural networks with piecewise linear activation functions. This paper presents a new look at the problem of tropical polynomial division and its application to the simplification of neural networks. We analyze tropical polynomials with real coefficients, extending earlier ideas and methods developed for polynomials with integer coefficients. We first prove the existence of a unique quotient-remainder pair and characterize the quotient in terms of the convex bi-conjugate of a related function. Interestingly, the quotient of tropical polynomials with integer coefficients does not necessarily have integer coefficients. Furthermore, we develop a relationship of tropical polynomial division with the computation of the convex hull of unions of convex polyhedra and use it to derive an exact algorithm for tropical polynomial division. An approximate algorithm is also presented, based on an alternation between data partition and linear programming. We also develop special techniques to divide composite polynomials, described as sums or maxima of simpler ones. Finally, we present some numerical results to illustrate the efficiency of the algorithms proposed, using the MNIST handwritten digit and CIFAR-10 datasets.
[ { "version": "v1", "created": "Tue, 27 Jun 2023 02:26:07 GMT" } ]
2023-06-28T00:00:00
[ [ "Kordonis", "Ioannis", "" ], [ "Maragos", "Petros", "" ] ]
TITLE: Revisiting Tropical Polynomial Division: Theory, Algorithms and Application to Neural Networks ABSTRACT: Tropical geometry has recently found several applications in the analysis of neural networks with piecewise linear activation functions. This paper presents a new look at the problem of tropical polynomial division and its application to the simplification of neural networks. We analyze tropical polynomials with real coefficients, extending earlier ideas and methods developed for polynomials with integer coefficients. We first prove the existence of a unique quotient-remainder pair and characterize the quotient in terms of the convex bi-conjugate of a related function. Interestingly, the quotient of tropical polynomials with integer coefficients does not necessarily have integer coefficients. Furthermore, we develop a relationship of tropical polynomial division with the computation of the convex hull of unions of convex polyhedra and use it to derive an exact algorithm for tropical polynomial division. An approximate algorithm is also presented, based on an alternation between data partition and linear programming. We also develop special techniques to divide composite polynomials, described as sums or maxima of simpler ones. Finally, we present some numerical results to illustrate the efficiency of the algorithms proposed, using the MNIST handwritten digit and CIFAR-10 datasets.
no_new_dataset
0.708011
2306.15164
Songyang Gao
Songyang Gao, Shihan Dou, Yan Liu, Xiao Wang, Qi Zhang, Zhongyu Wei, Jin Ma, Ying Shan
DSRM: Boost Textual Adversarial Training with Distribution Shift Risk Minimization
Accepted by ACL2023
null
null
null
cs.CL cs.LG
http://creativecommons.org/licenses/by-nc-sa/4.0/
Adversarial training is one of the best-performing methods in improving the robustness of deep language models. However, robust models come at the cost of high time consumption, as they require multi-step gradient ascents or word substitutions to obtain adversarial samples. In addition, these generated samples are deficient in grammatical quality and semantic consistency, which impairs the effectiveness of adversarial training. To address these problems, we introduce a novel, effective procedure for instead adversarial training with only clean data. Our procedure, distribution shift risk minimization (DSRM), estimates the adversarial loss by perturbing the input data's probability distribution rather than their embeddings. This formulation results in a robust model that minimizes the expected global loss under adversarial attacks. Our approach requires zero adversarial samples for training and reduces time consumption by up to 70\% compared to current best-performing adversarial training methods. Experiments demonstrate that DSRM considerably improves BERT's resistance to textual adversarial attacks and achieves state-of-the-art robust accuracy on various benchmarks.
[ { "version": "v1", "created": "Tue, 27 Jun 2023 02:46:08 GMT" } ]
2023-06-28T00:00:00
[ [ "Gao", "Songyang", "" ], [ "Dou", "Shihan", "" ], [ "Liu", "Yan", "" ], [ "Wang", "Xiao", "" ], [ "Zhang", "Qi", "" ], [ "Wei", "Zhongyu", "" ], [ "Ma", "Jin", "" ], [ "Shan", "Ying", "" ] ]
TITLE: DSRM: Boost Textual Adversarial Training with Distribution Shift Risk Minimization ABSTRACT: Adversarial training is one of the best-performing methods in improving the robustness of deep language models. However, robust models come at the cost of high time consumption, as they require multi-step gradient ascents or word substitutions to obtain adversarial samples. In addition, these generated samples are deficient in grammatical quality and semantic consistency, which impairs the effectiveness of adversarial training. To address these problems, we introduce a novel, effective procedure for instead adversarial training with only clean data. Our procedure, distribution shift risk minimization (DSRM), estimates the adversarial loss by perturbing the input data's probability distribution rather than their embeddings. This formulation results in a robust model that minimizes the expected global loss under adversarial attacks. Our approach requires zero adversarial samples for training and reduces time consumption by up to 70\% compared to current best-performing adversarial training methods. Experiments demonstrate that DSRM considerably improves BERT's resistance to textual adversarial attacks and achieves state-of-the-art robust accuracy on various benchmarks.
no_new_dataset
0.710415
2306.15172
Yunfan Ye
Yunfan Ye, Renjiao Yi, Zhirui Gao, Zhiping Cai, Kai Xu
Delving into Crispness: Guided Label Refinement for Crisp Edge Detection
Accepted by TIP
null
10.1109/TIP.2023.3289296
null
cs.CV
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Learning-based edge detection usually suffers from predicting thick edges. Through extensive quantitative study with a new edge crispness measure, we find that noisy human-labeled edges are the main cause of thick predictions. Based on this observation, we advocate that more attention should be paid on label quality than on model design to achieve crisp edge detection. To this end, we propose an effective Canny-guided refinement of human-labeled edges whose result can be used to train crisp edge detectors. Essentially, it seeks for a subset of over-detected Canny edges that best align human labels. We show that several existing edge detectors can be turned into a crisp edge detector through training on our refined edge maps. Experiments demonstrate that deep models trained with refined edges achieve significant performance boost of crispness from 17.4% to 30.6%. With the PiDiNet backbone, our method improves ODS and OIS by 12.2% and 12.6% on the Multicue dataset, respectively, without relying on non-maximal suppression. We further conduct experiments and show the superiority of our crisp edge detection for optical flow estimation and image segmentation.
[ { "version": "v1", "created": "Tue, 27 Jun 2023 03:12:58 GMT" } ]
2023-06-28T00:00:00
[ [ "Ye", "Yunfan", "" ], [ "Yi", "Renjiao", "" ], [ "Gao", "Zhirui", "" ], [ "Cai", "Zhiping", "" ], [ "Xu", "Kai", "" ] ]
TITLE: Delving into Crispness: Guided Label Refinement for Crisp Edge Detection ABSTRACT: Learning-based edge detection usually suffers from predicting thick edges. Through extensive quantitative study with a new edge crispness measure, we find that noisy human-labeled edges are the main cause of thick predictions. Based on this observation, we advocate that more attention should be paid on label quality than on model design to achieve crisp edge detection. To this end, we propose an effective Canny-guided refinement of human-labeled edges whose result can be used to train crisp edge detectors. Essentially, it seeks for a subset of over-detected Canny edges that best align human labels. We show that several existing edge detectors can be turned into a crisp edge detector through training on our refined edge maps. Experiments demonstrate that deep models trained with refined edges achieve significant performance boost of crispness from 17.4% to 30.6%. With the PiDiNet backbone, our method improves ODS and OIS by 12.2% and 12.6% on the Multicue dataset, respectively, without relying on non-maximal suppression. We further conduct experiments and show the superiority of our crisp edge detection for optical flow estimation and image segmentation.
no_new_dataset
0.709025
2306.15189
Yunsung Chung
Yunsung Chung, Chanho Lim, Chao Huang, Nassir Marrouche, and Jihun Hamm
FBA-Net: Foreground and Background Aware Contrastive Learning for Semi-Supervised Atrium Segmentation
11 pages, 2 figures
null
null
null
cs.CV
http://creativecommons.org/licenses/by/4.0/
Medical image segmentation of gadolinium enhancement magnetic resonance imaging (GE MRI) is an important task in clinical applications. However, manual annotation is time-consuming and requires specialized expertise. Semi-supervised segmentation methods that leverage both labeled and unlabeled data have shown promise, with contrastive learning emerging as a particularly effective approach. In this paper, we propose a contrastive learning strategy of foreground and background representations for semi-supervised 3D medical image segmentation (FBA-Net). Specifically, we leverage the contrastive loss to learn representations of both the foreground and background regions in the images. By training the network to distinguish between foreground-background pairs, we aim to learn a representation that can effectively capture the anatomical structures of interest. Experiments on three medical segmentation datasets demonstrate state-of-the-art performance. Notably, our method achieves a Dice score of 91.31% with only 20% labeled data, which is remarkably close to the 91.62% score of the fully supervised method that uses 100% labeled data on the left atrium dataset. Our framework has the potential to advance the field of semi-supervised 3D medical image segmentation and enable more efficient and accurate analysis of medical images with a limited amount of annotated labels.
[ { "version": "v1", "created": "Tue, 27 Jun 2023 04:14:50 GMT" } ]
2023-06-28T00:00:00
[ [ "Chung", "Yunsung", "" ], [ "Lim", "Chanho", "" ], [ "Huang", "Chao", "" ], [ "Marrouche", "Nassir", "" ], [ "Hamm", "Jihun", "" ] ]
TITLE: FBA-Net: Foreground and Background Aware Contrastive Learning for Semi-Supervised Atrium Segmentation ABSTRACT: Medical image segmentation of gadolinium enhancement magnetic resonance imaging (GE MRI) is an important task in clinical applications. However, manual annotation is time-consuming and requires specialized expertise. Semi-supervised segmentation methods that leverage both labeled and unlabeled data have shown promise, with contrastive learning emerging as a particularly effective approach. In this paper, we propose a contrastive learning strategy of foreground and background representations for semi-supervised 3D medical image segmentation (FBA-Net). Specifically, we leverage the contrastive loss to learn representations of both the foreground and background regions in the images. By training the network to distinguish between foreground-background pairs, we aim to learn a representation that can effectively capture the anatomical structures of interest. Experiments on three medical segmentation datasets demonstrate state-of-the-art performance. Notably, our method achieves a Dice score of 91.31% with only 20% labeled data, which is remarkably close to the 91.62% score of the fully supervised method that uses 100% labeled data on the left atrium dataset. Our framework has the potential to advance the field of semi-supervised 3D medical image segmentation and enable more efficient and accurate analysis of medical images with a limited amount of annotated labels.
no_new_dataset
0.712632
2306.15201
Xiao Hu
Badih Ghazi, Xiao Hu, Ravi Kumar, Pasin Manurangsi
Differentially Private Data Release over Multiple Tables
null
null
null
null
cs.DB cs.CR
http://creativecommons.org/licenses/by-nc-nd/4.0/
We study synthetic data release for answering multiple linear queries over a set of database tables in a differentially private way. Two special cases have been considered in the literature: how to release a synthetic dataset for answering multiple linear queries over a single table, and how to release the answer for a single counting (join size) query over a set of database tables. Compared to the single-table case, the join operator makes query answering challenging, since the sensitivity (i.e., by how much an individual data record can affect the answer) could be heavily amplified by complex join relationships. We present an algorithm for the general problem, and prove a lower bound illustrating that our general algorithm achieves parameterized optimality (up to logarithmic factors) on some simple queries (e.g., two-table join queries) in the most commonly-used privacy parameter regimes. For the case of hierarchical joins, we present a data partition procedure that exploits the concept of {\em uniformized sensitivities} to further improve the utility.
[ { "version": "v1", "created": "Tue, 27 Jun 2023 04:49:28 GMT" } ]
2023-06-28T00:00:00
[ [ "Ghazi", "Badih", "" ], [ "Hu", "Xiao", "" ], [ "Kumar", "Ravi", "" ], [ "Manurangsi", "Pasin", "" ] ]
TITLE: Differentially Private Data Release over Multiple Tables ABSTRACT: We study synthetic data release for answering multiple linear queries over a set of database tables in a differentially private way. Two special cases have been considered in the literature: how to release a synthetic dataset for answering multiple linear queries over a single table, and how to release the answer for a single counting (join size) query over a set of database tables. Compared to the single-table case, the join operator makes query answering challenging, since the sensitivity (i.e., by how much an individual data record can affect the answer) could be heavily amplified by complex join relationships. We present an algorithm for the general problem, and prove a lower bound illustrating that our general algorithm achieves parameterized optimality (up to logarithmic factors) on some simple queries (e.g., two-table join queries) in the most commonly-used privacy parameter regimes. For the case of hierarchical joins, we present a data partition procedure that exploits the concept of {\em uniformized sensitivities} to further improve the utility.
no_new_dataset
0.707436
2306.15231
Junwei Yin
Junwei Yin, Min Gao, Kai Shu, Zehua Zhao, Yinqiu Huang, Jia Wang
Emulating Reader Behaviors for Fake News Detection
12 pages
null
null
null
cs.CL
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
The wide dissemination of fake news has affected our lives in many aspects, making fake news detection important and attracting increasing attention. Existing approaches make substantial contributions in this field by modeling news from a single-modal or multi-modal perspective. However, these modal-based methods can result in sub-optimal outcomes as they ignore reader behaviors in news consumption and authenticity verification. For instance, they haven't taken into consideration the component-by-component reading process: from the headline, images, comments, to the body, which is essential for modeling news with more granularity. To this end, we propose an approach of Emulating the behaviors of readers (Ember) for fake news detection on social media, incorporating readers' reading and verificating process to model news from the component perspective thoroughly. Specifically, we first construct intra-component feature extractors to emulate the behaviors of semantic analyzing on each component. Then, we design a module that comprises inter-component feature extractors and a sequence-based aggregator. This module mimics the process of verifying the correlation between components and the overall reading and verification sequence. Thus, Ember can handle the news with various components by emulating corresponding sequences. We conduct extensive experiments on nine real-world datasets, and the results demonstrate the superiority of Ember.
[ { "version": "v1", "created": "Tue, 27 Jun 2023 06:14:24 GMT" } ]
2023-06-28T00:00:00
[ [ "Yin", "Junwei", "" ], [ "Gao", "Min", "" ], [ "Shu", "Kai", "" ], [ "Zhao", "Zehua", "" ], [ "Huang", "Yinqiu", "" ], [ "Wang", "Jia", "" ] ]
TITLE: Emulating Reader Behaviors for Fake News Detection ABSTRACT: The wide dissemination of fake news has affected our lives in many aspects, making fake news detection important and attracting increasing attention. Existing approaches make substantial contributions in this field by modeling news from a single-modal or multi-modal perspective. However, these modal-based methods can result in sub-optimal outcomes as they ignore reader behaviors in news consumption and authenticity verification. For instance, they haven't taken into consideration the component-by-component reading process: from the headline, images, comments, to the body, which is essential for modeling news with more granularity. To this end, we propose an approach of Emulating the behaviors of readers (Ember) for fake news detection on social media, incorporating readers' reading and verificating process to model news from the component perspective thoroughly. Specifically, we first construct intra-component feature extractors to emulate the behaviors of semantic analyzing on each component. Then, we design a module that comprises inter-component feature extractors and a sequence-based aggregator. This module mimics the process of verifying the correlation between components and the overall reading and verification sequence. Thus, Ember can handle the news with various components by emulating corresponding sequences. We conduct extensive experiments on nine real-world datasets, and the results demonstrate the superiority of Ember.
no_new_dataset
0.708175
2306.15265
Tianzi Wang
Tianzi Wang, Shoukang Hu, Jiajun Deng, Zengrui Jin, Mengzhe Geng, Yi Wang, Helen Meng, Xunying Liu
Hyper-parameter Adaptation of Conformer ASR Systems for Elderly and Dysarthric Speech Recognition
5 pages, 3 figures, 3 tables, accepted by Interspeech2023
null
null
null
eess.AS cs.LG
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Automatic recognition of disordered and elderly speech remains highly challenging tasks to date due to data scarcity. Parameter fine-tuning is often used to exploit the large quantities of non-aged and healthy speech pre-trained models, while neural architecture hyper-parameters are set using expert knowledge and remain unchanged. This paper investigates hyper-parameter adaptation for Conformer ASR systems that are pre-trained on the Librispeech corpus before being domain adapted to the DementiaBank elderly and UASpeech dysarthric speech datasets. Experimental results suggest that hyper-parameter adaptation produced word error rate (WER) reductions of 0.45% and 0.67% over parameter-only fine-tuning on DBank and UASpeech tasks respectively. An intuitive correlation is found between the performance improvements by hyper-parameter domain adaptation and the relative utterance length ratio between the source and target domain data.
[ { "version": "v1", "created": "Tue, 27 Jun 2023 07:49:35 GMT" } ]
2023-06-28T00:00:00
[ [ "Wang", "Tianzi", "" ], [ "Hu", "Shoukang", "" ], [ "Deng", "Jiajun", "" ], [ "Jin", "Zengrui", "" ], [ "Geng", "Mengzhe", "" ], [ "Wang", "Yi", "" ], [ "Meng", "Helen", "" ], [ "Liu", "Xunying", "" ] ]
TITLE: Hyper-parameter Adaptation of Conformer ASR Systems for Elderly and Dysarthric Speech Recognition ABSTRACT: Automatic recognition of disordered and elderly speech remains highly challenging tasks to date due to data scarcity. Parameter fine-tuning is often used to exploit the large quantities of non-aged and healthy speech pre-trained models, while neural architecture hyper-parameters are set using expert knowledge and remain unchanged. This paper investigates hyper-parameter adaptation for Conformer ASR systems that are pre-trained on the Librispeech corpus before being domain adapted to the DementiaBank elderly and UASpeech dysarthric speech datasets. Experimental results suggest that hyper-parameter adaptation produced word error rate (WER) reductions of 0.45% and 0.67% over parameter-only fine-tuning on DBank and UASpeech tasks respectively. An intuitive correlation is found between the performance improvements by hyper-parameter domain adaptation and the relative utterance length ratio between the source and target domain data.
no_new_dataset
0.707556
2306.15273
Zihang Xu
Zihang Xu, Ziqing Yang, Yiming Cui, Shijin Wang
IDOL: Indicator-oriented Logic Pre-training for Logical Reasoning
Accepted to the Findings of ACL 2023
null
null
null
cs.CL cs.AI
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
In the field of machine reading comprehension (MRC), existing systems have surpassed the average performance of human beings in many tasks like SQuAD. However, there is still a long way to go when it comes to logical reasoning. Although some methods for it have been put forward, they either are designed in a quite complicated way or rely too much on external structures. In this paper, we proposed IDOL (InDicator-Oriented Logic Pre-training), an easy-to-understand but highly effective further pre-training task which logically strengthens the pre-trained models with the help of 6 types of logical indicators and a logically rich dataset LGP (LoGic Pre-training). IDOL achieves state-of-the-art performance on ReClor and LogiQA, the two most representative benchmarks in logical reasoning MRC, and is proven to be capable of generalizing to different pre-trained models and other types of MRC benchmarks like RACE and SQuAD 2.0 while keeping competitive general language understanding ability through testing on tasks in GLUE. Besides, at the beginning of the era of large language models, we take several of them like ChatGPT into comparison and find that IDOL still shows its advantage.
[ { "version": "v1", "created": "Tue, 27 Jun 2023 07:57:42 GMT" } ]
2023-06-28T00:00:00
[ [ "Xu", "Zihang", "" ], [ "Yang", "Ziqing", "" ], [ "Cui", "Yiming", "" ], [ "Wang", "Shijin", "" ] ]
TITLE: IDOL: Indicator-oriented Logic Pre-training for Logical Reasoning ABSTRACT: In the field of machine reading comprehension (MRC), existing systems have surpassed the average performance of human beings in many tasks like SQuAD. However, there is still a long way to go when it comes to logical reasoning. Although some methods for it have been put forward, they either are designed in a quite complicated way or rely too much on external structures. In this paper, we proposed IDOL (InDicator-Oriented Logic Pre-training), an easy-to-understand but highly effective further pre-training task which logically strengthens the pre-trained models with the help of 6 types of logical indicators and a logically rich dataset LGP (LoGic Pre-training). IDOL achieves state-of-the-art performance on ReClor and LogiQA, the two most representative benchmarks in logical reasoning MRC, and is proven to be capable of generalizing to different pre-trained models and other types of MRC benchmarks like RACE and SQuAD 2.0 while keeping competitive general language understanding ability through testing on tasks in GLUE. Besides, at the beginning of the era of large language models, we take several of them like ChatGPT into comparison and find that IDOL still shows its advantage.
no_new_dataset
0.703791
2306.15278
Bohao Peng
Bohao Peng, Zhuotao Tian, Xiaoyang Wu, Chengyao Wang, Shu Liu, Jingyong Su, Jiaya Jia
Hierarchical Dense Correlation Distillation for Few-Shot Segmentation-Extended Abstract
Accepted to CVPR 2023 VISION Workshop, Oral. The extended abstract of Hierarchical Dense Correlation Distillation for Few-Shot Segmentation. arXiv admin note: substantial text overlap with arXiv:2303.14652
null
null
null
cs.CV
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Few-shot semantic segmentation (FSS) aims to form class-agnostic models segmenting unseen classes with only a handful of annotations. Previous methods limited to the semantic feature and prototype representation suffer from coarse segmentation granularity and train-set overfitting. In this work, we design Hierarchically Decoupled Matching Network (HDMNet) mining pixel-level support correlation based on the transformer architecture. The self-attention modules are used to assist in establishing hierarchical dense features, as a means to accomplish the cascade matching between query and support features. Moreover, we propose a matching module to reduce train-set overfitting and introduce correlation distillation leveraging semantic correspondence from coarse resolution to boost fine-grained segmentation. Our method performs decently in experiments. We achieve 50.0% mIoU on COCO dataset one-shot setting and 56.0% on five-shot segmentation, respectively. The code will be available on the project website. We hope our work can benefit broader industrial applications where novel classes with limited annotations are required to be decently identified.
[ { "version": "v1", "created": "Tue, 27 Jun 2023 08:10:20 GMT" } ]
2023-06-28T00:00:00
[ [ "Peng", "Bohao", "" ], [ "Tian", "Zhuotao", "" ], [ "Wu", "Xiaoyang", "" ], [ "Wang", "Chengyao", "" ], [ "Liu", "Shu", "" ], [ "Su", "Jingyong", "" ], [ "Jia", "Jiaya", "" ] ]
TITLE: Hierarchical Dense Correlation Distillation for Few-Shot Segmentation-Extended Abstract ABSTRACT: Few-shot semantic segmentation (FSS) aims to form class-agnostic models segmenting unseen classes with only a handful of annotations. Previous methods limited to the semantic feature and prototype representation suffer from coarse segmentation granularity and train-set overfitting. In this work, we design Hierarchically Decoupled Matching Network (HDMNet) mining pixel-level support correlation based on the transformer architecture. The self-attention modules are used to assist in establishing hierarchical dense features, as a means to accomplish the cascade matching between query and support features. Moreover, we propose a matching module to reduce train-set overfitting and introduce correlation distillation leveraging semantic correspondence from coarse resolution to boost fine-grained segmentation. Our method performs decently in experiments. We achieve 50.0% mIoU on COCO dataset one-shot setting and 56.0% on five-shot segmentation, respectively. The code will be available on the project website. We hope our work can benefit broader industrial applications where novel classes with limited annotations are required to be decently identified.
no_new_dataset
0.711443
2306.15283
Shirin Goshtasbpour
Shirin Goshtasbpour, Victor Cohen, Fernando Perez-Cruz
Adaptive Annealed Importance Sampling with Constant Rate Progress
null
null
null
null
stat.ML cs.LG
http://creativecommons.org/publicdomain/zero/1.0/
Annealed Importance Sampling (AIS) synthesizes weighted samples from an intractable distribution given its unnormalized density function. This algorithm relies on a sequence of interpolating distributions bridging the target to an initial tractable distribution such as the well-known geometric mean path of unnormalized distributions which is assumed to be suboptimal in general. In this paper, we prove that the geometric annealing corresponds to the distribution path that minimizes the KL divergence between the current particle distribution and the desired target when the feasible change in the particle distribution is constrained. Following this observation, we derive the constant rate discretization schedule for this annealing sequence, which adjusts the schedule to the difficulty of moving samples between the initial and the target distributions. We further extend our results to $f$-divergences and present the respective dynamics of annealing sequences based on which we propose the Constant Rate AIS (CR-AIS) algorithm and its efficient implementation for $\alpha$-divergences. We empirically show that CR-AIS performs well on multiple benchmark distributions while avoiding the computationally expensive tuning loop in existing Adaptive AIS.
[ { "version": "v1", "created": "Tue, 27 Jun 2023 08:15:28 GMT" } ]
2023-06-28T00:00:00
[ [ "Goshtasbpour", "Shirin", "" ], [ "Cohen", "Victor", "" ], [ "Perez-Cruz", "Fernando", "" ] ]
TITLE: Adaptive Annealed Importance Sampling with Constant Rate Progress ABSTRACT: Annealed Importance Sampling (AIS) synthesizes weighted samples from an intractable distribution given its unnormalized density function. This algorithm relies on a sequence of interpolating distributions bridging the target to an initial tractable distribution such as the well-known geometric mean path of unnormalized distributions which is assumed to be suboptimal in general. In this paper, we prove that the geometric annealing corresponds to the distribution path that minimizes the KL divergence between the current particle distribution and the desired target when the feasible change in the particle distribution is constrained. Following this observation, we derive the constant rate discretization schedule for this annealing sequence, which adjusts the schedule to the difficulty of moving samples between the initial and the target distributions. We further extend our results to $f$-divergences and present the respective dynamics of annealing sequences based on which we propose the Constant Rate AIS (CR-AIS) algorithm and its efficient implementation for $\alpha$-divergences. We empirically show that CR-AIS performs well on multiple benchmark distributions while avoiding the computationally expensive tuning loop in existing Adaptive AIS.
no_new_dataset
0.709667
2306.15299
Tianlin Li
Tianlin Li, Qing Guo, Aishan Liu, Mengnan Du, Zhiming Li, Yang Liu
FAIRER: Fairness as Decision Rationale Alignment
null
null
null
null
cs.LG cs.AI cs.CY
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Deep neural networks (DNNs) have made significant progress, but often suffer from fairness issues, as deep models typically show distinct accuracy differences among certain subgroups (e.g., males and females). Existing research addresses this critical issue by employing fairness-aware loss functions to constrain the last-layer outputs and directly regularize DNNs. Although the fairness of DNNs is improved, it is unclear how the trained network makes a fair prediction, which limits future fairness improvements. In this paper, we investigate fairness from the perspective of decision rationale and define the parameter parity score to characterize the fair decision process of networks by analyzing neuron influence in various subgroups. Extensive empirical studies show that the unfair issue could arise from the unaligned decision rationales of subgroups. Existing fairness regularization terms fail to achieve decision rationale alignment because they only constrain last-layer outputs while ignoring intermediate neuron alignment. To address the issue, we formulate the fairness as a new task, i.e., decision rationale alignment that requires DNNs' neurons to have consistent responses on subgroups at both intermediate processes and the final prediction. To make this idea practical during optimization, we relax the naive objective function and propose gradient-guided parity alignment, which encourages gradient-weighted consistency of neurons across subgroups. Extensive experiments on a variety of datasets show that our method can significantly enhance fairness while sustaining a high level of accuracy and outperforming other approaches by a wide margin.
[ { "version": "v1", "created": "Tue, 27 Jun 2023 08:37:57 GMT" } ]
2023-06-28T00:00:00
[ [ "Li", "Tianlin", "" ], [ "Guo", "Qing", "" ], [ "Liu", "Aishan", "" ], [ "Du", "Mengnan", "" ], [ "Li", "Zhiming", "" ], [ "Liu", "Yang", "" ] ]
TITLE: FAIRER: Fairness as Decision Rationale Alignment ABSTRACT: Deep neural networks (DNNs) have made significant progress, but often suffer from fairness issues, as deep models typically show distinct accuracy differences among certain subgroups (e.g., males and females). Existing research addresses this critical issue by employing fairness-aware loss functions to constrain the last-layer outputs and directly regularize DNNs. Although the fairness of DNNs is improved, it is unclear how the trained network makes a fair prediction, which limits future fairness improvements. In this paper, we investigate fairness from the perspective of decision rationale and define the parameter parity score to characterize the fair decision process of networks by analyzing neuron influence in various subgroups. Extensive empirical studies show that the unfair issue could arise from the unaligned decision rationales of subgroups. Existing fairness regularization terms fail to achieve decision rationale alignment because they only constrain last-layer outputs while ignoring intermediate neuron alignment. To address the issue, we formulate the fairness as a new task, i.e., decision rationale alignment that requires DNNs' neurons to have consistent responses on subgroups at both intermediate processes and the final prediction. To make this idea practical during optimization, we relax the naive objective function and propose gradient-guided parity alignment, which encourages gradient-weighted consistency of neurons across subgroups. Extensive experiments on a variety of datasets show that our method can significantly enhance fairness while sustaining a high level of accuracy and outperforming other approaches by a wide margin.
no_new_dataset
0.708011
2306.15302
Marc Damie
Marc Damie, Florian Hahn, Andreas Peter
A Highly Accurate Query-Recovery Attack against Searchable Encryption using Non-Indexed Documents
Published in USENIX 2021. Full version with extended appendices and removed some typos
null
null
null
cs.CR
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Cloud data storage solutions offer customers cost-effective and reduced data management. While attractive, data security issues remain to be a core concern. Traditional encryption protects stored documents, but hinders simple functionalities such as keyword search. Therefore, searchable encryption schemes have been proposed to allow for the search on encrypted data. Efficient schemes leak at least the access pattern (the accessed documents per keyword search), which is known to be exploitable in query recovery attacks assuming the attacker has a significant amount of background knowledge on the stored documents. Existing attacks can only achieve decent results with strong adversary models (e.g. at least 20% of previously known documents or require additional knowledge such as on query frequencies) and they give no metric to evaluate the certainty of recovered queries. This hampers their practical utility and questions their relevance in the real-world. We propose a refined score attack which achieves query recovery rates of around 85% without requiring exact background knowledge on stored documents; a distributionally similar, but otherwise different (i.e., non-indexed), dataset suffices. The attack starts with very few known queries (around 10 known queries in our experiments over different datasets of varying size) and then iteratively recovers further queries with confidence scores by adding previously recovered queries that had high confidence scores to the set of known queries. Additional to high recovery rates, our approach yields interpretable results in terms of confidence scores.
[ { "version": "v1", "created": "Tue, 27 Jun 2023 08:40:29 GMT" } ]
2023-06-28T00:00:00
[ [ "Damie", "Marc", "" ], [ "Hahn", "Florian", "" ], [ "Peter", "Andreas", "" ] ]
TITLE: A Highly Accurate Query-Recovery Attack against Searchable Encryption using Non-Indexed Documents ABSTRACT: Cloud data storage solutions offer customers cost-effective and reduced data management. While attractive, data security issues remain to be a core concern. Traditional encryption protects stored documents, but hinders simple functionalities such as keyword search. Therefore, searchable encryption schemes have been proposed to allow for the search on encrypted data. Efficient schemes leak at least the access pattern (the accessed documents per keyword search), which is known to be exploitable in query recovery attacks assuming the attacker has a significant amount of background knowledge on the stored documents. Existing attacks can only achieve decent results with strong adversary models (e.g. at least 20% of previously known documents or require additional knowledge such as on query frequencies) and they give no metric to evaluate the certainty of recovered queries. This hampers their practical utility and questions their relevance in the real-world. We propose a refined score attack which achieves query recovery rates of around 85% without requiring exact background knowledge on stored documents; a distributionally similar, but otherwise different (i.e., non-indexed), dataset suffices. The attack starts with very few known queries (around 10 known queries in our experiments over different datasets of varying size) and then iteratively recovers further queries with confidence scores by adding previously recovered queries that had high confidence scores to the set of known queries. Additional to high recovery rates, our approach yields interpretable results in terms of confidence scores.
no_new_dataset
0.708458
2306.15303
Guanlin Wu
Guanlin Wu, Yuan Fang, Jie Xu, Zhiyong Feng, and Shuguang Cui
Energy-Efficient MIMO Integrated Sensing and Communications with On-off Non-transmission Power
13 pages, 9 figures
null
null
null
cs.IT eess.SP math.IT
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
This paper investigates the energy efficiency of a multiple-input multiple-output (MIMO) integrated sensing and communications (ISAC) system, in which one multi-antenna base station (BS) transmits unified ISAC signals to a multi-antenna communication user (CU) and at the same time use the echo signals to estimate an extended target. We focus on one particular ISAC transmission block and take into account the practical on-off non-transmission power at the BS. Under this setup, we minimize the energy consumption at the BS while ensuring a minimum average data rate requirement for communication and a maximum Cram\'er-Rao bound (CRB) requirement for target estimation, by jointly optimizing the transmit covariance matrix and the ``on'' duration for active transmission. We obtain the optimal solution to the rate-and-CRB-constrained energy minimization problem in a semi-closed form. Interestingly, the obtained optimal solution is shown to unify the spectrum-efficient and energy-efficient communications and sensing designs. In particular, for the special MIMO sensing case with rate constraint inactive, the optimal solution follows the isotropic transmission with shortest ``on'' duration, in which the BS radiates the required sensing energy by using sufficiently high power over the shortest duration. For the general ISAC case, the optimal transmit covariance solution is of full rank and follows the eigenmode transmission based on the communication channel, while the optimal ``on'' duration is determined based on both the rate and CRB constraints. Numerical results show that the proposed ISAC design achieves significantly reduced energy consumption as compared to the benchmark schemes based on isotropic transmission, always-on transmission, and sensing or communications only designs, especially when the rate and CRB constraints become stringent.
[ { "version": "v1", "created": "Tue, 27 Jun 2023 08:45:28 GMT" } ]
2023-06-28T00:00:00
[ [ "Wu", "Guanlin", "" ], [ "Fang", "Yuan", "" ], [ "Xu", "Jie", "" ], [ "Feng", "Zhiyong", "" ], [ "Cui", "Shuguang", "" ] ]
TITLE: Energy-Efficient MIMO Integrated Sensing and Communications with On-off Non-transmission Power ABSTRACT: This paper investigates the energy efficiency of a multiple-input multiple-output (MIMO) integrated sensing and communications (ISAC) system, in which one multi-antenna base station (BS) transmits unified ISAC signals to a multi-antenna communication user (CU) and at the same time use the echo signals to estimate an extended target. We focus on one particular ISAC transmission block and take into account the practical on-off non-transmission power at the BS. Under this setup, we minimize the energy consumption at the BS while ensuring a minimum average data rate requirement for communication and a maximum Cram\'er-Rao bound (CRB) requirement for target estimation, by jointly optimizing the transmit covariance matrix and the ``on'' duration for active transmission. We obtain the optimal solution to the rate-and-CRB-constrained energy minimization problem in a semi-closed form. Interestingly, the obtained optimal solution is shown to unify the spectrum-efficient and energy-efficient communications and sensing designs. In particular, for the special MIMO sensing case with rate constraint inactive, the optimal solution follows the isotropic transmission with shortest ``on'' duration, in which the BS radiates the required sensing energy by using sufficiently high power over the shortest duration. For the general ISAC case, the optimal transmit covariance solution is of full rank and follows the eigenmode transmission based on the communication channel, while the optimal ``on'' duration is determined based on both the rate and CRB constraints. Numerical results show that the proposed ISAC design achieves significantly reduced energy consumption as compared to the benchmark schemes based on isotropic transmission, always-on transmission, and sensing or communications only designs, especially when the rate and CRB constraints become stringent.
no_new_dataset
0.71086
2306.15306
Louis Fouquet
Louis Fouquet, Simona Maggio, L\'eo Dreyfus-Schmidt
Transferability Metrics for Object Detection
12 pages, 4 Figures
null
null
null
cs.CV
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Transfer learning aims to make the most of existing pre-trained models to achieve better performance on a new task in limited data scenarios. However, it is unclear which models will perform best on which task, and it is prohibitively expensive to try all possible combinations. If transferability estimation offers a computation-efficient approach to evaluate the generalisation ability of models, prior works focused exclusively on classification settings. To overcome this limitation, we extend transferability metrics to object detection. We design a simple method to extract local features corresponding to each object within an image using ROI-Align. We also introduce TLogME, a transferability metric taking into account the coordinates regression task. In our experiments, we compare TLogME to state-of-the-art metrics in the estimation of transfer performance of the Faster-RCNN object detector. We evaluate all metrics on source and target selection tasks, for real and synthetic datasets, and with different backbone architectures. We show that, over different tasks, TLogME using the local extraction method provides a robust correlation with transfer performance and outperforms other transferability metrics on local and global level features.
[ { "version": "v1", "created": "Tue, 27 Jun 2023 08:49:31 GMT" } ]
2023-06-28T00:00:00
[ [ "Fouquet", "Louis", "" ], [ "Maggio", "Simona", "" ], [ "Dreyfus-Schmidt", "Léo", "" ] ]
TITLE: Transferability Metrics for Object Detection ABSTRACT: Transfer learning aims to make the most of existing pre-trained models to achieve better performance on a new task in limited data scenarios. However, it is unclear which models will perform best on which task, and it is prohibitively expensive to try all possible combinations. If transferability estimation offers a computation-efficient approach to evaluate the generalisation ability of models, prior works focused exclusively on classification settings. To overcome this limitation, we extend transferability metrics to object detection. We design a simple method to extract local features corresponding to each object within an image using ROI-Align. We also introduce TLogME, a transferability metric taking into account the coordinates regression task. In our experiments, we compare TLogME to state-of-the-art metrics in the estimation of transfer performance of the Faster-RCNN object detector. We evaluate all metrics on source and target selection tasks, for real and synthetic datasets, and with different backbone architectures. We show that, over different tasks, TLogME using the local extraction method provides a robust correlation with transfer performance and outperforms other transferability metrics on local and global level features.
no_new_dataset
0.709069
2306.15318
Stavros Nousias PhD
Patrick Berggold, Stavros Nousias, Rohit K. Dubey, Andr\'e Borrmann
Towards predicting Pedestrian Evacuation Time and Density from Floorplans using a Vision Transformer
null
null
null
null
cs.CV cs.AI
http://creativecommons.org/licenses/by-nc-sa/4.0/
Conventional pedestrian simulators are inevitable tools in the design process of a building, as they enable project engineers to prevent overcrowding situations and plan escape routes for evacuation. However, simulation runtime and the multiple cumbersome steps in generating simulation results are potential bottlenecks during the building design process. Data-driven approaches have demonstrated their capability to outperform conventional methods in speed while delivering similar or even better results across many disciplines. In this work, we present a deep learning-based approach based on a Vision Transformer to predict density heatmaps over time and total evacuation time from a given floorplan. Specifically, due to limited availability of public datasets, we implement a parametric data generation pipeline including a conventional simulator. This enables us to build a large synthetic dataset that we use to train our architecture. Furthermore, we seamlessly integrate our model into a BIM-authoring tool to generate simulation results instantly and automatically.
[ { "version": "v1", "created": "Tue, 27 Jun 2023 09:15:52 GMT" } ]
2023-06-28T00:00:00
[ [ "Berggold", "Patrick", "" ], [ "Nousias", "Stavros", "" ], [ "Dubey", "Rohit K.", "" ], [ "Borrmann", "André", "" ] ]
TITLE: Towards predicting Pedestrian Evacuation Time and Density from Floorplans using a Vision Transformer ABSTRACT: Conventional pedestrian simulators are inevitable tools in the design process of a building, as they enable project engineers to prevent overcrowding situations and plan escape routes for evacuation. However, simulation runtime and the multiple cumbersome steps in generating simulation results are potential bottlenecks during the building design process. Data-driven approaches have demonstrated their capability to outperform conventional methods in speed while delivering similar or even better results across many disciplines. In this work, we present a deep learning-based approach based on a Vision Transformer to predict density heatmaps over time and total evacuation time from a given floorplan. Specifically, due to limited availability of public datasets, we implement a parametric data generation pipeline including a conventional simulator. This enables us to build a large synthetic dataset that we use to train our architecture. Furthermore, we seamlessly integrate our model into a BIM-authoring tool to generate simulation results instantly and automatically.
new_dataset
0.70477
2306.15321
Yuning Ding
Sheng-Lan Liu, Yu-Ning Ding, Jin-Rong Zhang, Kai-Yuan Liu, Si-Fan Zhang, Fei-Long Wang, and Gao Huang
Multi-Dimensional Refinement Graph Convolutional Network with Robust Decouple Loss for Fine-Grained Skeleton-Based Action Recognition
null
null
null
null
cs.CV
http://creativecommons.org/licenses/by/4.0/
Graph convolutional networks have been widely used in skeleton-based action recognition. However, existing approaches are limited in fine-grained action recognition due to the similarity of inter-class data. Moreover, the noisy data from pose extraction increases the challenge of fine-grained recognition. In this work, we propose a flexible attention block called Channel-Variable Spatial-Temporal Attention (CVSTA) to enhance the discriminative power of spatial-temporal joints and obtain a more compact intra-class feature distribution. Based on CVSTA, we construct a Multi-Dimensional Refinement Graph Convolutional Network (MDR-GCN), which can improve the discrimination among channel-, joint- and frame-level features for fine-grained actions. Furthermore, we propose a Robust Decouple Loss (RDL), which significantly boosts the effect of the CVSTA and reduces the impact of noise. The proposed method combining MDR-GCN with RDL outperforms the known state-of-the-art skeleton-based approaches on fine-grained datasets, FineGym99 and FSD-10, and also on the coarse dataset NTU-RGB+D X-view version.
[ { "version": "v1", "created": "Tue, 27 Jun 2023 09:23:36 GMT" } ]
2023-06-28T00:00:00
[ [ "Liu", "Sheng-Lan", "" ], [ "Ding", "Yu-Ning", "" ], [ "Zhang", "Jin-Rong", "" ], [ "Liu", "Kai-Yuan", "" ], [ "Zhang", "Si-Fan", "" ], [ "Wang", "Fei-Long", "" ], [ "Huang", "Gao", "" ] ]
TITLE: Multi-Dimensional Refinement Graph Convolutional Network with Robust Decouple Loss for Fine-Grained Skeleton-Based Action Recognition ABSTRACT: Graph convolutional networks have been widely used in skeleton-based action recognition. However, existing approaches are limited in fine-grained action recognition due to the similarity of inter-class data. Moreover, the noisy data from pose extraction increases the challenge of fine-grained recognition. In this work, we propose a flexible attention block called Channel-Variable Spatial-Temporal Attention (CVSTA) to enhance the discriminative power of spatial-temporal joints and obtain a more compact intra-class feature distribution. Based on CVSTA, we construct a Multi-Dimensional Refinement Graph Convolutional Network (MDR-GCN), which can improve the discrimination among channel-, joint- and frame-level features for fine-grained actions. Furthermore, we propose a Robust Decouple Loss (RDL), which significantly boosts the effect of the CVSTA and reduces the impact of noise. The proposed method combining MDR-GCN with RDL outperforms the known state-of-the-art skeleton-based approaches on fine-grained datasets, FineGym99 and FSD-10, and also on the coarse dataset NTU-RGB+D X-view version.
no_new_dataset
0.710201
2306.15324
Dmitrii Gavrilev
Dmitrii Gavrilev, Evgeny Burnaev
Anomaly Detection in Networks via Score-Based Generative Models
16 pages, 8 figures, ICML workshop on Structured Probabilistic Inference & Generative Modeling
null
null
null
cs.LG
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Node outlier detection in attributed graphs is a challenging problem for which there is no method that would work well across different datasets. Motivated by the state-of-the-art results of score-based models in graph generative modeling, we propose to incorporate them into the aforementioned problem. Our method achieves competitive results on small-scale graphs. We provide an empirical analysis of the Dirichlet energy, and show that generative models might struggle to accurately reconstruct it.
[ { "version": "v1", "created": "Tue, 27 Jun 2023 09:28:29 GMT" } ]
2023-06-28T00:00:00
[ [ "Gavrilev", "Dmitrii", "" ], [ "Burnaev", "Evgeny", "" ] ]
TITLE: Anomaly Detection in Networks via Score-Based Generative Models ABSTRACT: Node outlier detection in attributed graphs is a challenging problem for which there is no method that would work well across different datasets. Motivated by the state-of-the-art results of score-based models in graph generative modeling, we propose to incorporate them into the aforementioned problem. Our method achieves competitive results on small-scale graphs. We provide an empirical analysis of the Dirichlet energy, and show that generative models might struggle to accurately reconstruct it.
no_new_dataset
0.709629
2306.15333
Jianzong Wang
Liang Wang and Kai Lu and Nan Zhang and Xiaoyang Qu and Jianzong Wang and Jiguang Wan and Guokuan Li and Jing Xiao
Shoggoth: Towards Efficient Edge-Cloud Collaborative Real-Time Video Inference via Adaptive Online Learning
Accepted by 60th ACM/IEEE Design Automation Conference (DAC2023)
null
null
null
cs.CV cs.AI
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
This paper proposes Shoggoth, an efficient edge-cloud collaborative architecture, for boosting inference performance on real-time video of changing scenes. Shoggoth uses online knowledge distillation to improve the accuracy of models suffering from data drift and offloads the labeling process to the cloud, alleviating constrained resources of edge devices. At the edge, we design adaptive training using small batches to adapt models under limited computing power, and adaptive sampling of training frames for robustness and reducing bandwidth. The evaluations on the realistic dataset show 15%-20% model accuracy improvement compared to the edge-only strategy and fewer network costs than the cloud-only strategy.
[ { "version": "v1", "created": "Tue, 27 Jun 2023 09:39:42 GMT" } ]
2023-06-28T00:00:00
[ [ "Wang", "Liang", "" ], [ "Lu", "Kai", "" ], [ "Zhang", "Nan", "" ], [ "Qu", "Xiaoyang", "" ], [ "Wang", "Jianzong", "" ], [ "Wan", "Jiguang", "" ], [ "Li", "Guokuan", "" ], [ "Xiao", "Jing", "" ] ]
TITLE: Shoggoth: Towards Efficient Edge-Cloud Collaborative Real-Time Video Inference via Adaptive Online Learning ABSTRACT: This paper proposes Shoggoth, an efficient edge-cloud collaborative architecture, for boosting inference performance on real-time video of changing scenes. Shoggoth uses online knowledge distillation to improve the accuracy of models suffering from data drift and offloads the labeling process to the cloud, alleviating constrained resources of edge devices. At the edge, we design adaptive training using small batches to adapt models under limited computing power, and adaptive sampling of training frames for robustness and reducing bandwidth. The evaluations on the realistic dataset show 15%-20% model accuracy improvement compared to the edge-only strategy and fewer network costs than the cloud-only strategy.
no_new_dataset
0.711819
2306.15334
Shuai Zhang
Anqi Li, Lizhi Ma, Yaling Mei, Hongliang He, Shuai Zhang, Huachuan Qiu, Zhenzhong Lan
Understanding Client Reactions in Online Mental Health Counseling
Accept to ACL 2023, oral. For code and data, see https://github.com/dll-wu/Client-React
null
null
null
cs.CL
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Communication success relies heavily on reading participants' reactions. Such feedback is especially important for mental health counselors, who must carefully consider the client's progress and adjust their approach accordingly. However, previous NLP research on counseling has mainly focused on studying counselors' intervention strategies rather than their clients' reactions to the intervention. This work aims to fill this gap by developing a theoretically grounded annotation framework that encompasses counselors' strategies and client reaction behaviors. The framework has been tested against a large-scale, high-quality text-based counseling dataset we collected over the past two years from an online welfare counseling platform. Our study shows how clients react to counselors' strategies, how such reactions affect the final counseling outcomes, and how counselors can adjust their strategies in response to these reactions. We also demonstrate that this study can help counselors automatically predict their clients' states.
[ { "version": "v1", "created": "Tue, 27 Jun 2023 09:39:54 GMT" } ]
2023-06-28T00:00:00
[ [ "Li", "Anqi", "" ], [ "Ma", "Lizhi", "" ], [ "Mei", "Yaling", "" ], [ "He", "Hongliang", "" ], [ "Zhang", "Shuai", "" ], [ "Qiu", "Huachuan", "" ], [ "Lan", "Zhenzhong", "" ] ]
TITLE: Understanding Client Reactions in Online Mental Health Counseling ABSTRACT: Communication success relies heavily on reading participants' reactions. Such feedback is especially important for mental health counselors, who must carefully consider the client's progress and adjust their approach accordingly. However, previous NLP research on counseling has mainly focused on studying counselors' intervention strategies rather than their clients' reactions to the intervention. This work aims to fill this gap by developing a theoretically grounded annotation framework that encompasses counselors' strategies and client reaction behaviors. The framework has been tested against a large-scale, high-quality text-based counseling dataset we collected over the past two years from an online welfare counseling platform. Our study shows how clients react to counselors' strategies, how such reactions affect the final counseling outcomes, and how counselors can adjust their strategies in response to these reactions. We also demonstrate that this study can help counselors automatically predict their clients' states.
new_dataset
0.642236
2306.15341
Josiah Smith
Josiah Smith
Novel Hybrid-Learning Algorithms for Improved Millimeter-Wave Imaging Systems
PhD Dissertation Submitted to UTD ECE Department
null
null
null
eess.SP cs.AI cs.CV eess.IV
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Increasing attention is being paid to millimeter-wave (mmWave), 30 GHz to 300 GHz, and terahertz (THz), 300 GHz to 10 THz, sensing applications including security sensing, industrial packaging, medical imaging, and non-destructive testing. Traditional methods for perception and imaging are challenged by novel data-driven algorithms that offer improved resolution, localization, and detection rates. Over the past decade, deep learning technology has garnered substantial popularity, particularly in perception and computer vision applications. Whereas conventional signal processing techniques are more easily generalized to various applications, hybrid approaches where signal processing and learning-based algorithms are interleaved pose a promising compromise between performance and generalizability. Furthermore, such hybrid algorithms improve model training by leveraging the known characteristics of radio frequency (RF) waveforms, thus yielding more efficiently trained deep learning algorithms and offering higher performance than conventional methods. This dissertation introduces novel hybrid-learning algorithms for improved mmWave imaging systems applicable to a host of problems in perception and sensing. Various problem spaces are explored, including static and dynamic gesture classification; precise hand localization for human computer interaction; high-resolution near-field mmWave imaging using forward synthetic aperture radar (SAR); SAR under irregular scanning geometries; mmWave image super-resolution using deep neural network (DNN) and Vision Transformer (ViT) architectures; and data-level multiband radar fusion using a novel hybrid-learning architecture. Furthermore, we introduce several novel approaches for deep learning model training and dataset synthesis.
[ { "version": "v1", "created": "Tue, 27 Jun 2023 09:51:20 GMT" } ]
2023-06-28T00:00:00
[ [ "Smith", "Josiah", "" ] ]
TITLE: Novel Hybrid-Learning Algorithms for Improved Millimeter-Wave Imaging Systems ABSTRACT: Increasing attention is being paid to millimeter-wave (mmWave), 30 GHz to 300 GHz, and terahertz (THz), 300 GHz to 10 THz, sensing applications including security sensing, industrial packaging, medical imaging, and non-destructive testing. Traditional methods for perception and imaging are challenged by novel data-driven algorithms that offer improved resolution, localization, and detection rates. Over the past decade, deep learning technology has garnered substantial popularity, particularly in perception and computer vision applications. Whereas conventional signal processing techniques are more easily generalized to various applications, hybrid approaches where signal processing and learning-based algorithms are interleaved pose a promising compromise between performance and generalizability. Furthermore, such hybrid algorithms improve model training by leveraging the known characteristics of radio frequency (RF) waveforms, thus yielding more efficiently trained deep learning algorithms and offering higher performance than conventional methods. This dissertation introduces novel hybrid-learning algorithms for improved mmWave imaging systems applicable to a host of problems in perception and sensing. Various problem spaces are explored, including static and dynamic gesture classification; precise hand localization for human computer interaction; high-resolution near-field mmWave imaging using forward synthetic aperture radar (SAR); SAR under irregular scanning geometries; mmWave image super-resolution using deep neural network (DNN) and Vision Transformer (ViT) architectures; and data-level multiband radar fusion using a novel hybrid-learning architecture. Furthermore, we introduce several novel approaches for deep learning model training and dataset synthesis.
no_new_dataset
0.712839
2306.15347
Jianzong Wang
Chenghao Liu and Xiaoyang Qu and Jianzong Wang and Jing Xiao
FedET: A Communication-Efficient Federated Class-Incremental Learning Framework Based on Enhanced Transformer
Accepted by 2023 International Joint Conference on Artificial Intelligence (IJCAI2023)
null
null
null
cs.LG cs.AI
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Federated Learning (FL) has been widely concerned for it enables decentralized learning while ensuring data privacy. However, most existing methods unrealistically assume that the classes encountered by local clients are fixed over time. After learning new classes, this assumption will make the model's catastrophic forgetting of old classes significantly severe. Moreover, due to the limitation of communication cost, it is challenging to use large-scale models in FL, which will affect the prediction accuracy. To address these challenges, we propose a novel framework, Federated Enhanced Transformer (FedET), which simultaneously achieves high accuracy and low communication cost. Specifically, FedET uses Enhancer, a tiny module, to absorb and communicate new knowledge, and applies pre-trained Transformers combined with different Enhancers to ensure high precision on various tasks. To address local forgetting caused by new classes of new tasks and global forgetting brought by non-i.i.d (non-independent and identically distributed) class imbalance across different local clients, we proposed an Enhancer distillation method to modify the imbalance between old and new knowledge and repair the non-i.i.d. problem. Experimental results demonstrate that FedET's average accuracy on representative benchmark datasets is 14.1% higher than the state-of-the-art method, while FedET saves 90% of the communication cost compared to the previous method.
[ { "version": "v1", "created": "Tue, 27 Jun 2023 10:00:06 GMT" } ]
2023-06-28T00:00:00
[ [ "Liu", "Chenghao", "" ], [ "Qu", "Xiaoyang", "" ], [ "Wang", "Jianzong", "" ], [ "Xiao", "Jing", "" ] ]
TITLE: FedET: A Communication-Efficient Federated Class-Incremental Learning Framework Based on Enhanced Transformer ABSTRACT: Federated Learning (FL) has been widely concerned for it enables decentralized learning while ensuring data privacy. However, most existing methods unrealistically assume that the classes encountered by local clients are fixed over time. After learning new classes, this assumption will make the model's catastrophic forgetting of old classes significantly severe. Moreover, due to the limitation of communication cost, it is challenging to use large-scale models in FL, which will affect the prediction accuracy. To address these challenges, we propose a novel framework, Federated Enhanced Transformer (FedET), which simultaneously achieves high accuracy and low communication cost. Specifically, FedET uses Enhancer, a tiny module, to absorb and communicate new knowledge, and applies pre-trained Transformers combined with different Enhancers to ensure high precision on various tasks. To address local forgetting caused by new classes of new tasks and global forgetting brought by non-i.i.d (non-independent and identically distributed) class imbalance across different local clients, we proposed an Enhancer distillation method to modify the imbalance between old and new knowledge and repair the non-i.i.d. problem. Experimental results demonstrate that FedET's average accuracy on representative benchmark datasets is 14.1% higher than the state-of-the-art method, while FedET saves 90% of the communication cost compared to the previous method.
no_new_dataset
0.709573
2306.15363
Luca Pajola
Marco Alecci, Mauro Conti, Francesco Marchiori, Luca Martinelli, Luca Pajola
Your Attack Is Too DUMB: Formalizing Attacker Scenarios for Adversarial Transferability
Accepted at RAID 2023
null
null
null
cs.CR cs.LG
http://creativecommons.org/licenses/by/4.0/
Evasion attacks are a threat to machine learning models, where adversaries attempt to affect classifiers by injecting malicious samples. An alarming side-effect of evasion attacks is their ability to transfer among different models: this property is called transferability. Therefore, an attacker can produce adversarial samples on a custom model (surrogate) to conduct the attack on a victim's organization later. Although literature widely discusses how adversaries can transfer their attacks, their experimental settings are limited and far from reality. For instance, many experiments consider both attacker and defender sharing the same dataset, balance level (i.e., how the ground truth is distributed), and model architecture. In this work, we propose the DUMB attacker model. This framework allows analyzing if evasion attacks fail to transfer when the training conditions of surrogate and victim models differ. DUMB considers the following conditions: Dataset soUrces, Model architecture, and the Balance of the ground truth. We then propose a novel testbed to evaluate many state-of-the-art evasion attacks with DUMB; the testbed consists of three computer vision tasks with two distinct datasets each, four types of balance levels, and three model architectures. Our analysis, which generated 13K tests over 14 distinct attacks, led to numerous novel findings in the scope of transferable attacks with surrogate models. In particular, mismatches between attackers and victims in terms of dataset source, balance levels, and model architecture lead to non-negligible loss of attack performance.
[ { "version": "v1", "created": "Tue, 27 Jun 2023 10:21:27 GMT" } ]
2023-06-28T00:00:00
[ [ "Alecci", "Marco", "" ], [ "Conti", "Mauro", "" ], [ "Marchiori", "Francesco", "" ], [ "Martinelli", "Luca", "" ], [ "Pajola", "Luca", "" ] ]
TITLE: Your Attack Is Too DUMB: Formalizing Attacker Scenarios for Adversarial Transferability ABSTRACT: Evasion attacks are a threat to machine learning models, where adversaries attempt to affect classifiers by injecting malicious samples. An alarming side-effect of evasion attacks is their ability to transfer among different models: this property is called transferability. Therefore, an attacker can produce adversarial samples on a custom model (surrogate) to conduct the attack on a victim's organization later. Although literature widely discusses how adversaries can transfer their attacks, their experimental settings are limited and far from reality. For instance, many experiments consider both attacker and defender sharing the same dataset, balance level (i.e., how the ground truth is distributed), and model architecture. In this work, we propose the DUMB attacker model. This framework allows analyzing if evasion attacks fail to transfer when the training conditions of surrogate and victim models differ. DUMB considers the following conditions: Dataset soUrces, Model architecture, and the Balance of the ground truth. We then propose a novel testbed to evaluate many state-of-the-art evasion attacks with DUMB; the testbed consists of three computer vision tasks with two distinct datasets each, four types of balance levels, and three model architectures. Our analysis, which generated 13K tests over 14 distinct attacks, led to numerous novel findings in the scope of transferable attacks with surrogate models. In particular, mismatches between attackers and victims in terms of dataset source, balance levels, and model architecture lead to non-negligible loss of attack performance.
no_new_dataset
0.681541
2306.15368
Takuya Furusawa Mr.
Takuya Furusawa
Mean Field Theory in Deep Metric Learning
15 pages
null
null
null
cs.LG cond-mat.stat-mech
http://creativecommons.org/licenses/by/4.0/
In this paper, we explore the application of mean field theory, a technique from statistical physics, to deep metric learning and address the high training complexity commonly associated with conventional metric learning loss functions. By adapting mean field theory for deep metric learning, we develop an approach to design classification-based loss functions from pair-based ones, which can be considered complementary to the proxy-based approach. Applying the mean field theory to two pair-based loss functions, we derive two new loss functions, MeanFieldContrastive and MeanFieldClassWiseMultiSimilarity losses, with reduced training complexity. We extensively evaluate these derived loss functions on three image-retrieval datasets and demonstrate that our loss functions outperform baseline methods in two out of the three datasets.
[ { "version": "v1", "created": "Tue, 27 Jun 2023 10:33:37 GMT" } ]
2023-06-28T00:00:00
[ [ "Furusawa", "Takuya", "" ] ]
TITLE: Mean Field Theory in Deep Metric Learning ABSTRACT: In this paper, we explore the application of mean field theory, a technique from statistical physics, to deep metric learning and address the high training complexity commonly associated with conventional metric learning loss functions. By adapting mean field theory for deep metric learning, we develop an approach to design classification-based loss functions from pair-based ones, which can be considered complementary to the proxy-based approach. Applying the mean field theory to two pair-based loss functions, we derive two new loss functions, MeanFieldContrastive and MeanFieldClassWiseMultiSimilarity losses, with reduced training complexity. We extensively evaluate these derived loss functions on three image-retrieval datasets and demonstrate that our loss functions outperform baseline methods in two out of the three datasets.
no_new_dataset
0.713057
2306.15376
Yinyi Wei
Yinyi Wei, Shuaipeng Liu, Hailei Yan, Wei Ye, Tong Mo, Guanglu Wan
Exploiting Pseudo Future Contexts for Emotion Recognition in Conversations
15 pages, accepted by ADMA 2023
null
null
null
cs.CL
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
With the extensive accumulation of conversational data on the Internet, emotion recognition in conversations (ERC) has received increasing attention. Previous efforts of this task mainly focus on leveraging contextual and speaker-specific features, or integrating heterogeneous external commonsense knowledge. Among them, some heavily rely on future contexts, which, however, are not always available in real-life scenarios. This fact inspires us to generate pseudo future contexts to improve ERC. Specifically, for an utterance, we generate its future context with pre-trained language models, potentially containing extra beneficial knowledge in a conversational form homogeneous with the historical ones. These characteristics make pseudo future contexts easily fused with historical contexts and historical speaker-specific contexts, yielding a conceptually simple framework systematically integrating multi-contexts. Experimental results on four ERC datasets demonstrate our method's superiority. Further in-depth analyses reveal that pseudo future contexts can rival real ones to some extent, especially in relatively context-independent conversations.
[ { "version": "v1", "created": "Tue, 27 Jun 2023 10:51:02 GMT" } ]
2023-06-28T00:00:00
[ [ "Wei", "Yinyi", "" ], [ "Liu", "Shuaipeng", "" ], [ "Yan", "Hailei", "" ], [ "Ye", "Wei", "" ], [ "Mo", "Tong", "" ], [ "Wan", "Guanglu", "" ] ]
TITLE: Exploiting Pseudo Future Contexts for Emotion Recognition in Conversations ABSTRACT: With the extensive accumulation of conversational data on the Internet, emotion recognition in conversations (ERC) has received increasing attention. Previous efforts of this task mainly focus on leveraging contextual and speaker-specific features, or integrating heterogeneous external commonsense knowledge. Among them, some heavily rely on future contexts, which, however, are not always available in real-life scenarios. This fact inspires us to generate pseudo future contexts to improve ERC. Specifically, for an utterance, we generate its future context with pre-trained language models, potentially containing extra beneficial knowledge in a conversational form homogeneous with the historical ones. These characteristics make pseudo future contexts easily fused with historical contexts and historical speaker-specific contexts, yielding a conceptually simple framework systematically integrating multi-contexts. Experimental results on four ERC datasets demonstrate our method's superiority. Further in-depth analyses reveal that pseudo future contexts can rival real ones to some extent, especially in relatively context-independent conversations.
no_new_dataset
0.710038
2306.15389
Jun Xue
Shunbo Dong, Jun Xue, Cunhang Fan, Kang Zhu, Yujie Chen, Zhao Lv
Multi-perspective Information Fusion Res2Net with RandomSpecmix for Fake Speech Detection
Accepted by DADA2023
null
null
null
cs.SD cs.LG eess.AS
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
In this paper, we propose the multi-perspective information fusion (MPIF) Res2Net with random Specmix for fake speech detection (FSD). The main purpose of this system is to improve the model's ability to learn precise forgery information for FSD task in low-quality scenarios. The task of random Specmix, a data augmentation, is to improve the generalization ability of the model and enhance the model's ability to locate discriminative information. Specmix cuts and pastes the frequency dimension information of the spectrogram in the same batch of samples without introducing other data, which helps the model to locate the really useful information. At the same time, we randomly select samples for augmentation to reduce the impact of data augmentation directly changing all the data. Once the purpose of helping the model to locate information is achieved, it is also important to reduce unnecessary information. The role of MPIF-Res2Net is to reduce redundant interference information. Deceptive information from a single perspective is always similar, so the model learning this similar information will produce redundant spoofing clues and interfere with truly discriminative information. The proposed MPIF-Res2Net fuses information from different perspectives, making the information learned by the model more diverse, thereby reducing the redundancy caused by similar information and avoiding interference with the learning of discriminative information. The results on the ASVspoof 2021 LA dataset demonstrate the effectiveness of our proposed method, achieving EER and min-tDCF of 3.29% and 0.2557, respectively.
[ { "version": "v1", "created": "Tue, 27 Jun 2023 11:27:55 GMT" } ]
2023-06-28T00:00:00
[ [ "Dong", "Shunbo", "" ], [ "Xue", "Jun", "" ], [ "Fan", "Cunhang", "" ], [ "Zhu", "Kang", "" ], [ "Chen", "Yujie", "" ], [ "Lv", "Zhao", "" ] ]
TITLE: Multi-perspective Information Fusion Res2Net with RandomSpecmix for Fake Speech Detection ABSTRACT: In this paper, we propose the multi-perspective information fusion (MPIF) Res2Net with random Specmix for fake speech detection (FSD). The main purpose of this system is to improve the model's ability to learn precise forgery information for FSD task in low-quality scenarios. The task of random Specmix, a data augmentation, is to improve the generalization ability of the model and enhance the model's ability to locate discriminative information. Specmix cuts and pastes the frequency dimension information of the spectrogram in the same batch of samples without introducing other data, which helps the model to locate the really useful information. At the same time, we randomly select samples for augmentation to reduce the impact of data augmentation directly changing all the data. Once the purpose of helping the model to locate information is achieved, it is also important to reduce unnecessary information. The role of MPIF-Res2Net is to reduce redundant interference information. Deceptive information from a single perspective is always similar, so the model learning this similar information will produce redundant spoofing clues and interfere with truly discriminative information. The proposed MPIF-Res2Net fuses information from different perspectives, making the information learned by the model more diverse, thereby reducing the redundancy caused by similar information and avoiding interference with the learning of discriminative information. The results on the ASVspoof 2021 LA dataset demonstrate the effectiveness of our proposed method, achieving EER and min-tDCF of 3.29% and 0.2557, respectively.
no_new_dataset
0.709598
2306.15390
Yanjing Li
Yanjing Li, Sheng Xu, Xianbin Cao, Li'an Zhuo, Baochang Zhang, Tian Wang, Guodong Guo
DCP-NAS: Discrepant Child-Parent Neural Architecture Search for 1-bit CNNs
Accepted by International Journal of Computer Vision
null
null
null
cs.CV cs.AI
http://creativecommons.org/licenses/by/4.0/
Neural architecture search (NAS) proves to be among the effective approaches for many tasks by generating an application-adaptive neural architecture, which is still challenged by high computational cost and memory consumption. At the same time, 1-bit convolutional neural networks (CNNs) with binary weights and activations show their potential for resource-limited embedded devices. One natural approach is to use 1-bit CNNs to reduce the computation and memory cost of NAS by taking advantage of the strengths of each in a unified framework, while searching the 1-bit CNNs is more challenging due to the more complicated processes involved. In this paper, we introduce Discrepant Child-Parent Neural Architecture Search (DCP-NAS) to efficiently search 1-bit CNNs, based on a new framework of searching the 1-bit model (Child) under the supervision of a real-valued model (Parent). Particularly, we first utilize a Parent model to calculate a tangent direction, based on which the tangent propagation method is introduced to search the optimized 1-bit Child. We further observe a coupling relationship between the weights and architecture parameters existing in such differentiable frameworks. To address the issue, we propose a decoupled optimization method to search an optimized architecture. Extensive experiments demonstrate that our DCP-NAS achieves much better results than prior arts on both CIFAR-10 and ImageNet datasets. In particular, the backbones achieved by our DCP-NAS achieve strong generalization performance on person re-identification and object detection.
[ { "version": "v1", "created": "Tue, 27 Jun 2023 11:28:29 GMT" } ]
2023-06-28T00:00:00
[ [ "Li", "Yanjing", "" ], [ "Xu", "Sheng", "" ], [ "Cao", "Xianbin", "" ], [ "Zhuo", "Li'an", "" ], [ "Zhang", "Baochang", "" ], [ "Wang", "Tian", "" ], [ "Guo", "Guodong", "" ] ]
TITLE: DCP-NAS: Discrepant Child-Parent Neural Architecture Search for 1-bit CNNs ABSTRACT: Neural architecture search (NAS) proves to be among the effective approaches for many tasks by generating an application-adaptive neural architecture, which is still challenged by high computational cost and memory consumption. At the same time, 1-bit convolutional neural networks (CNNs) with binary weights and activations show their potential for resource-limited embedded devices. One natural approach is to use 1-bit CNNs to reduce the computation and memory cost of NAS by taking advantage of the strengths of each in a unified framework, while searching the 1-bit CNNs is more challenging due to the more complicated processes involved. In this paper, we introduce Discrepant Child-Parent Neural Architecture Search (DCP-NAS) to efficiently search 1-bit CNNs, based on a new framework of searching the 1-bit model (Child) under the supervision of a real-valued model (Parent). Particularly, we first utilize a Parent model to calculate a tangent direction, based on which the tangent propagation method is introduced to search the optimized 1-bit Child. We further observe a coupling relationship between the weights and architecture parameters existing in such differentiable frameworks. To address the issue, we propose a decoupled optimization method to search an optimized architecture. Extensive experiments demonstrate that our DCP-NAS achieves much better results than prior arts on both CIFAR-10 and ImageNet datasets. In particular, the backbones achieved by our DCP-NAS achieve strong generalization performance on person re-identification and object detection.
no_new_dataset
0.709636
2306.15392
Maciej Wielgosz
Szymon Mazurek, Maciej Wielgosz
Assessing Dataset Quality Through Decision Tree Characteristics in Autoencoder-Processed Spaces
null
null
null
null
cs.LG cs.AI
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
In this paper, we delve into the critical aspect of dataset quality assessment in machine learning classification tasks. Leveraging a variety of nine distinct datasets, each crafted for classification tasks with varying complexity levels, we illustrate the profound impact of dataset quality on model training and performance. We further introduce two additional datasets designed to represent specific data conditions - one maximizing entropy and the other demonstrating high redundancy. Our findings underscore the importance of appropriate feature selection, adequate data volume, and data quality in achieving high-performing machine learning models. To aid researchers and practitioners, we propose a comprehensive framework for dataset quality assessment, which can help evaluate if the dataset at hand is sufficient and of the required quality for specific tasks. This research offers valuable insights into data assessment practices, contributing to the development of more accurate and robust machine learning models.
[ { "version": "v1", "created": "Tue, 27 Jun 2023 11:33:31 GMT" } ]
2023-06-28T00:00:00
[ [ "Mazurek", "Szymon", "" ], [ "Wielgosz", "Maciej", "" ] ]
TITLE: Assessing Dataset Quality Through Decision Tree Characteristics in Autoencoder-Processed Spaces ABSTRACT: In this paper, we delve into the critical aspect of dataset quality assessment in machine learning classification tasks. Leveraging a variety of nine distinct datasets, each crafted for classification tasks with varying complexity levels, we illustrate the profound impact of dataset quality on model training and performance. We further introduce two additional datasets designed to represent specific data conditions - one maximizing entropy and the other demonstrating high redundancy. Our findings underscore the importance of appropriate feature selection, adequate data volume, and data quality in achieving high-performing machine learning models. To aid researchers and practitioners, we propose a comprehensive framework for dataset quality assessment, which can help evaluate if the dataset at hand is sufficient and of the required quality for specific tasks. This research offers valuable insights into data assessment practices, contributing to the development of more accurate and robust machine learning models.
new_dataset
0.705557
2306.15414
Fernando Aguilar
Fernando Aguilar G\'omez and Isabel Bernal
FAIR EVA: Bringing institutional multidisciplinary repositories into the FAIR picture
null
null
null
null
cs.DL
http://creativecommons.org/licenses/by/4.0/
The FAIR Principles are a set of good practices to improve the reproducibility and quality of data in an Open Science context. Different sets of indicators have been proposed to evaluate the FAIRness of digital objects, including datasets that are usually stored in repositories or data portals. However, indicators like those proposed by the Research Data Alliance are provided from a high-level perspective that can be interpreted and they are not always realistic to particular environments like multidisciplinary repositories. This paper describes FAIR EVA, a new tool developed within the European Open Science Cloud context that is oriented to particular data management systems like open repositories, which can be customized to a specific case in a scalable and automatic environment. It aims to be adaptive enough to work for different environments, repository software and disciplines, taking into account the flexibility of the FAIR Principles. As an example, we present DIGITAL.CSIC repository as the first target of the tool, gathering the particular needs of a multidisciplinary institution as well as its institutional repository.
[ { "version": "v1", "created": "Tue, 27 Jun 2023 12:20:57 GMT" } ]
2023-06-28T00:00:00
[ [ "Gómez", "Fernando Aguilar", "" ], [ "Bernal", "Isabel", "" ] ]
TITLE: FAIR EVA: Bringing institutional multidisciplinary repositories into the FAIR picture ABSTRACT: The FAIR Principles are a set of good practices to improve the reproducibility and quality of data in an Open Science context. Different sets of indicators have been proposed to evaluate the FAIRness of digital objects, including datasets that are usually stored in repositories or data portals. However, indicators like those proposed by the Research Data Alliance are provided from a high-level perspective that can be interpreted and they are not always realistic to particular environments like multidisciplinary repositories. This paper describes FAIR EVA, a new tool developed within the European Open Science Cloud context that is oriented to particular data management systems like open repositories, which can be customized to a specific case in a scalable and automatic environment. It aims to be adaptive enough to work for different environments, repository software and disciplines, taking into account the flexibility of the FAIR Principles. As an example, we present DIGITAL.CSIC repository as the first target of the tool, gathering the particular needs of a multidisciplinary institution as well as its institutional repository.
no_new_dataset
0.709585
2306.15442
Gongyang Li
Gongyang Li and Chengjun Han and Zhi Liu
No-Service Rail Surface Defect Segmentation via Normalized Attention and Dual-scale Interaction
10 pages, 6 figures, Accepted by IEEE Transactions on Instrumentation and Measurement 2023
null
null
null
cs.CV
http://creativecommons.org/licenses/by-nc-sa/4.0/
No-service rail surface defect (NRSD) segmentation is an essential way for perceiving the quality of no-service rails. However, due to the complex and diverse outlines and low-contrast textures of no-service rails, existing natural image segmentation methods cannot achieve promising performance in NRSD images, especially in some unique and challenging NRSD scenes. To this end, in this paper, we propose a novel segmentation network for NRSDs based on Normalized Attention and Dual-scale Interaction, named NaDiNet. Specifically, NaDiNet follows the enhancement-interaction paradigm. The Normalized Channel-wise Self-Attention Module (NAM) and the Dual-scale Interaction Block (DIB) are two key components of NaDiNet. NAM is a specific extension of the channel-wise self-attention mechanism (CAM) to enhance features extracted from low-contrast NRSD images. The softmax layer in CAM will produce very small correlation coefficients which are not conducive to low-contrast feature enhancement. Instead, in NAM, we directly calculate the normalized correlation coefficient between channels to enlarge the feature differentiation. DIB is specifically designed for the feature interaction of the enhanced features. It has two interaction branches with dual scales, one for fine-grained clues and the other for coarse-grained clues. With both branches working together, DIB can perceive defect regions of different granularities. With these modules working together, our NaDiNet can generate accurate segmentation map. Extensive experiments on the public NRSD-MN dataset with man-made and natural NRSDs demonstrate that our proposed NaDiNet with various backbones (i.e., VGG, ResNet, and DenseNet) consistently outperforms 10 state-of-the-art methods. The code and results of our method are available at https://github.com/monxxcn/NaDiNet.
[ { "version": "v1", "created": "Tue, 27 Jun 2023 12:58:16 GMT" } ]
2023-06-28T00:00:00
[ [ "Li", "Gongyang", "" ], [ "Han", "Chengjun", "" ], [ "Liu", "Zhi", "" ] ]
TITLE: No-Service Rail Surface Defect Segmentation via Normalized Attention and Dual-scale Interaction ABSTRACT: No-service rail surface defect (NRSD) segmentation is an essential way for perceiving the quality of no-service rails. However, due to the complex and diverse outlines and low-contrast textures of no-service rails, existing natural image segmentation methods cannot achieve promising performance in NRSD images, especially in some unique and challenging NRSD scenes. To this end, in this paper, we propose a novel segmentation network for NRSDs based on Normalized Attention and Dual-scale Interaction, named NaDiNet. Specifically, NaDiNet follows the enhancement-interaction paradigm. The Normalized Channel-wise Self-Attention Module (NAM) and the Dual-scale Interaction Block (DIB) are two key components of NaDiNet. NAM is a specific extension of the channel-wise self-attention mechanism (CAM) to enhance features extracted from low-contrast NRSD images. The softmax layer in CAM will produce very small correlation coefficients which are not conducive to low-contrast feature enhancement. Instead, in NAM, we directly calculate the normalized correlation coefficient between channels to enlarge the feature differentiation. DIB is specifically designed for the feature interaction of the enhanced features. It has two interaction branches with dual scales, one for fine-grained clues and the other for coarse-grained clues. With both branches working together, DIB can perceive defect regions of different granularities. With these modules working together, our NaDiNet can generate accurate segmentation map. Extensive experiments on the public NRSD-MN dataset with man-made and natural NRSDs demonstrate that our proposed NaDiNet with various backbones (i.e., VGG, ResNet, and DenseNet) consistently outperforms 10 state-of-the-art methods. The code and results of our method are available at https://github.com/monxxcn/NaDiNet.
no_new_dataset
0.709422
2306.15468
Ilgis Ibragimov
Ilgis Ibragimov
Application of Structured Matrices for Solving Hartree-Fock Equations
null
null
null
null
math.SP cs.NA math-ph math.MP math.NA physics.chem-ph
http://creativecommons.org/licenses/by-nc-nd/4.0/
This work was originally published by the author in 1999 in a book [1] and later became part of the author's doctoral thesis in 1999 [2]. Since the original language of these works is not English, the author provides a translation of the key ideas of these publications in this work. In addition, the chapter related to numerical experiments was recalculated on modern computers and using contemporary benchmark datasets. This article presents a novel approach to solving Hartree-Fock equations using Toeplitz and tensor matrices and bases based on regular finite elements. The issues discussed include the choice of basis, the dependence of data volume and number of arithmetic operations on the number of basis functions, as well as the arithmetic complexity and accuracy of computing two- and four-center integrals. The approach has been implemented in a software package, and results have been obtained that are in good agreement with theory.
[ { "version": "v1", "created": "Tue, 27 Jun 2023 13:39:15 GMT" } ]
2023-06-28T00:00:00
[ [ "Ibragimov", "Ilgis", "" ] ]
TITLE: Application of Structured Matrices for Solving Hartree-Fock Equations ABSTRACT: This work was originally published by the author in 1999 in a book [1] and later became part of the author's doctoral thesis in 1999 [2]. Since the original language of these works is not English, the author provides a translation of the key ideas of these publications in this work. In addition, the chapter related to numerical experiments was recalculated on modern computers and using contemporary benchmark datasets. This article presents a novel approach to solving Hartree-Fock equations using Toeplitz and tensor matrices and bases based on regular finite elements. The issues discussed include the choice of basis, the dependence of data volume and number of arithmetic operations on the number of basis functions, as well as the arithmetic complexity and accuracy of computing two- and four-center integrals. The approach has been implemented in a software package, and results have been obtained that are in good agreement with theory.
no_new_dataset
0.709202
2306.15482
Yimu Wang
Yimu Wang, Dinghuai Zhang, Yihan Wu, Heng Huang, Hongyang Zhang
Cooperation or Competition: Avoiding Player Domination for Multi-Target Robustness via Adaptive Budgets
null
null
null
null
cs.AI cs.CV cs.LG
http://creativecommons.org/licenses/by-nc-nd/4.0/
Despite incredible advances, deep learning has been shown to be susceptible to adversarial attacks. Numerous approaches have been proposed to train robust networks both empirically and certifiably. However, most of them defend against only a single type of attack, while recent work takes steps forward in defending against multiple attacks. In this paper, to understand multi-target robustness, we view this problem as a bargaining game in which different players (adversaries) negotiate to reach an agreement on a joint direction of parameter updating. We identify a phenomenon named player domination in the bargaining game, namely that the existing max-based approaches, such as MAX and MSD, do not converge. Based on our theoretical analysis, we design a novel framework that adjusts the budgets of different adversaries to avoid any player dominance. Experiments on standard benchmarks show that employing the proposed framework to the existing approaches significantly advances multi-target robustness.
[ { "version": "v1", "created": "Tue, 27 Jun 2023 14:02:10 GMT" } ]
2023-06-28T00:00:00
[ [ "Wang", "Yimu", "" ], [ "Zhang", "Dinghuai", "" ], [ "Wu", "Yihan", "" ], [ "Huang", "Heng", "" ], [ "Zhang", "Hongyang", "" ] ]
TITLE: Cooperation or Competition: Avoiding Player Domination for Multi-Target Robustness via Adaptive Budgets ABSTRACT: Despite incredible advances, deep learning has been shown to be susceptible to adversarial attacks. Numerous approaches have been proposed to train robust networks both empirically and certifiably. However, most of them defend against only a single type of attack, while recent work takes steps forward in defending against multiple attacks. In this paper, to understand multi-target robustness, we view this problem as a bargaining game in which different players (adversaries) negotiate to reach an agreement on a joint direction of parameter updating. We identify a phenomenon named player domination in the bargaining game, namely that the existing max-based approaches, such as MAX and MSD, do not converge. Based on our theoretical analysis, we design a novel framework that adjusts the budgets of different adversaries to avoid any player dominance. Experiments on standard benchmarks show that employing the proposed framework to the existing approaches significantly advances multi-target robustness.
no_new_dataset
0.708799
2306.15507
Yunfan Lu
Yunfan Lu, Guoqiang Liang, Lin Wang
Self-supervised Learning of Event-guided Video Frame Interpolation for Rolling Shutter Frames
This paper has been submitted for review in March 2023
null
null
null
cs.CV cs.RO
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
This paper makes the first attempt to tackle the challenging task of recovering arbitrary frame rate latent global shutter (GS) frames from two consecutive rolling shutter (RS) frames, guided by the novel event camera data. Although events possess high temporal resolution, beneficial for video frame interpolation (VFI), a hurdle in tackling this task is the lack of paired GS frames. Another challenge is that RS frames are susceptible to distortion when capturing moving objects. To this end, we propose a novel self-supervised framework that leverages events to guide RS frame correction and VFI in a unified framework. Our key idea is to estimate the displacement field (DF) non-linear dense 3D spatiotemporal information of all pixels during the exposure time, allowing for the reciprocal reconstruction between RS and GS frames as well as arbitrary frame rate VFI. Specifically, the displacement field estimation (DFE) module is proposed to estimate the spatiotemporal motion from events to correct the RS distortion and interpolate the GS frames in one step. We then combine the input RS frames and DF to learn a mapping for RS-to-GS frame interpolation. However, as the mapping is highly under-constrained, we couple it with an inverse mapping (i.e., GS-to-RS) and RS frame warping (i.e., RS-to-RS) for self-supervision. As there is a lack of labeled datasets for evaluation, we generate two synthetic datasets and collect a real-world dataset to train and test our method. Experimental results show that our method yields comparable or better performance with prior supervised methods.
[ { "version": "v1", "created": "Tue, 27 Jun 2023 14:30:25 GMT" } ]
2023-06-28T00:00:00
[ [ "Lu", "Yunfan", "" ], [ "Liang", "Guoqiang", "" ], [ "Wang", "Lin", "" ] ]
TITLE: Self-supervised Learning of Event-guided Video Frame Interpolation for Rolling Shutter Frames ABSTRACT: This paper makes the first attempt to tackle the challenging task of recovering arbitrary frame rate latent global shutter (GS) frames from two consecutive rolling shutter (RS) frames, guided by the novel event camera data. Although events possess high temporal resolution, beneficial for video frame interpolation (VFI), a hurdle in tackling this task is the lack of paired GS frames. Another challenge is that RS frames are susceptible to distortion when capturing moving objects. To this end, we propose a novel self-supervised framework that leverages events to guide RS frame correction and VFI in a unified framework. Our key idea is to estimate the displacement field (DF) non-linear dense 3D spatiotemporal information of all pixels during the exposure time, allowing for the reciprocal reconstruction between RS and GS frames as well as arbitrary frame rate VFI. Specifically, the displacement field estimation (DFE) module is proposed to estimate the spatiotemporal motion from events to correct the RS distortion and interpolate the GS frames in one step. We then combine the input RS frames and DF to learn a mapping for RS-to-GS frame interpolation. However, as the mapping is highly under-constrained, we couple it with an inverse mapping (i.e., GS-to-RS) and RS frame warping (i.e., RS-to-RS) for self-supervision. As there is a lack of labeled datasets for evaluation, we generate two synthetic datasets and collect a real-world dataset to train and test our method. Experimental results show that our method yields comparable or better performance with prior supervised methods.
no_new_dataset
0.703944
2306.15517
Mauro Martini
Mauro Martini, Andrea Eirale, Brenno Tuberga, Marco Ambrosio, Andrea Ostuni, Francesco Messina, Luigi Mazzara, Marcello Chiaberge
Enhancing Navigation Benchmarking and Perception Data Generation for Row-based Crops in Simulation
Accepted at the 14th European Conference on Precision Agriculture (ECPA) 2023
null
null
null
cs.RO cs.AI
http://creativecommons.org/licenses/by/4.0/
Service robotics is recently enhancing precision agriculture enabling many automated processes based on efficient autonomous navigation solutions. However, data generation and infield validation campaigns hinder the progress of large-scale autonomous platforms. Simulated environments and deep visual perception are spreading as successful tools to speed up the development of robust navigation with low-cost RGB-D cameras. In this context, the contribution of this work is twofold: a synthetic dataset to train deep semantic segmentation networks together with a collection of virtual scenarios for a fast evaluation of navigation algorithms. Moreover, an automatic parametric approach is developed to explore different field geometries and features. The simulation framework and the dataset have been evaluated by training a deep segmentation network on different crops and benchmarking the resulting navigation.
[ { "version": "v1", "created": "Tue, 27 Jun 2023 14:46:09 GMT" } ]
2023-06-28T00:00:00
[ [ "Martini", "Mauro", "" ], [ "Eirale", "Andrea", "" ], [ "Tuberga", "Brenno", "" ], [ "Ambrosio", "Marco", "" ], [ "Ostuni", "Andrea", "" ], [ "Messina", "Francesco", "" ], [ "Mazzara", "Luigi", "" ], [ "Chiaberge", "Marcello", "" ] ]
TITLE: Enhancing Navigation Benchmarking and Perception Data Generation for Row-based Crops in Simulation ABSTRACT: Service robotics is recently enhancing precision agriculture enabling many automated processes based on efficient autonomous navigation solutions. However, data generation and infield validation campaigns hinder the progress of large-scale autonomous platforms. Simulated environments and deep visual perception are spreading as successful tools to speed up the development of robust navigation with low-cost RGB-D cameras. In this context, the contribution of this work is twofold: a synthetic dataset to train deep semantic segmentation networks together with a collection of virtual scenarios for a fast evaluation of navigation algorithms. Moreover, an automatic parametric approach is developed to explore different field geometries and features. The simulation framework and the dataset have been evaluated by training a deep segmentation network on different crops and benchmarking the resulting navigation.
new_dataset
0.692278
2306.15526
Yang Qiao
Yang Qiao, Yiping Xia, Xiang Li, Zheng Li, Yan Ge
Higher-order Graph Attention Network for Stock Selection with Joint Analysis
12 pages, 6 figures,
null
null
null
q-fin.ST cs.LG
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Stock selection is important for investors to construct profitable portfolios. Graph neural networks (GNNs) are increasingly attracting researchers for stock prediction due to their strong ability of relation modelling and generalisation. However, the existing GNN methods only focus on simple pairwise stock relation and do not capture complex higher-order structures modelling relations more than two nodes. In addition, they only consider factors of technical analysis and overlook factors of fundamental analysis that can affect the stock trend significantly. Motivated by them, we propose higher-order graph attention network with joint analysis (H-GAT). H-GAT is able to capture higher-order structures and jointly incorporate factors of fundamental analysis with factors of technical analysis. Specifically, the sequential layer of H-GAT take both types of factors as the input of a long-short term memory model. The relation embedding layer of H-GAT constructs a higher-order graph and learn node embedding with GAT. We then predict the ranks of stock return. Extensive experiments demonstrate the superiority of our H-GAT method on the profitability test and Sharp ratio over both NSDAQ and NYSE datasets
[ { "version": "v1", "created": "Tue, 27 Jun 2023 14:54:39 GMT" } ]
2023-06-28T00:00:00
[ [ "Qiao", "Yang", "" ], [ "Xia", "Yiping", "" ], [ "Li", "Xiang", "" ], [ "Li", "Zheng", "" ], [ "Ge", "Yan", "" ] ]
TITLE: Higher-order Graph Attention Network for Stock Selection with Joint Analysis ABSTRACT: Stock selection is important for investors to construct profitable portfolios. Graph neural networks (GNNs) are increasingly attracting researchers for stock prediction due to their strong ability of relation modelling and generalisation. However, the existing GNN methods only focus on simple pairwise stock relation and do not capture complex higher-order structures modelling relations more than two nodes. In addition, they only consider factors of technical analysis and overlook factors of fundamental analysis that can affect the stock trend significantly. Motivated by them, we propose higher-order graph attention network with joint analysis (H-GAT). H-GAT is able to capture higher-order structures and jointly incorporate factors of fundamental analysis with factors of technical analysis. Specifically, the sequential layer of H-GAT take both types of factors as the input of a long-short term memory model. The relation embedding layer of H-GAT constructs a higher-order graph and learn node embedding with GAT. We then predict the ranks of stock return. Extensive experiments demonstrate the superiority of our H-GAT method on the profitability test and Sharp ratio over both NSDAQ and NYSE datasets
no_new_dataset
0.710051
2306.15541
Vincenzo Miracula
Vincenzo Miracula, Antonio Picone
Unleashing the Power of User Reviews: Exploring Airline Choices at Catania Airport, Italy
arXiv admin note: text overlap with arXiv:1311.3475 by other authors
null
null
null
cs.CL cs.AI cs.IR
http://creativecommons.org/licenses/by/4.0/
This study aims to investigate the possible relationship between the mechanisms of social influence and the choice of airline, through the use of new tools, with the aim of understanding whether they can contribute to a better understanding of the factors influencing the decisions of consumers in the aviation sector. We have chosen to extract user reviews from well-known platforms: Trustpilot, Google, and Twitter. By combining web scraping techniques, we have been able to collect a comprehensive dataset comprising a wide range of user opinions, feedback, and ratings. We then refined the BERT model to focus on insightful sentiment in the context of airline reviews. Through our analysis, we observed an intriguing trend of average negative sentiment scores across various airlines, giving us deeper insight into the dynamics between airlines and helping us identify key partnerships, popular routes, and airlines that play a central role in the aeronautical ecosystem of Catania airport during the specified period. Our investigation led us to find that, despite an airline having received prestigious awards as a low-cost leader in Europe for two consecutive years 2021 and 2022, the "Catanese" user tends to suffer the dominant position of other companies. Understanding the impact of positive reviews and leveraging sentiment analysis can help airlines improve their reputation, attract more customers, and ultimately gain a competitive edge in the marketplace.
[ { "version": "v1", "created": "Tue, 27 Jun 2023 15:10:57 GMT" } ]
2023-06-28T00:00:00
[ [ "Miracula", "Vincenzo", "" ], [ "Picone", "Antonio", "" ] ]
TITLE: Unleashing the Power of User Reviews: Exploring Airline Choices at Catania Airport, Italy ABSTRACT: This study aims to investigate the possible relationship between the mechanisms of social influence and the choice of airline, through the use of new tools, with the aim of understanding whether they can contribute to a better understanding of the factors influencing the decisions of consumers in the aviation sector. We have chosen to extract user reviews from well-known platforms: Trustpilot, Google, and Twitter. By combining web scraping techniques, we have been able to collect a comprehensive dataset comprising a wide range of user opinions, feedback, and ratings. We then refined the BERT model to focus on insightful sentiment in the context of airline reviews. Through our analysis, we observed an intriguing trend of average negative sentiment scores across various airlines, giving us deeper insight into the dynamics between airlines and helping us identify key partnerships, popular routes, and airlines that play a central role in the aeronautical ecosystem of Catania airport during the specified period. Our investigation led us to find that, despite an airline having received prestigious awards as a low-cost leader in Europe for two consecutive years 2021 and 2022, the "Catanese" user tends to suffer the dominant position of other companies. Understanding the impact of positive reviews and leveraging sentiment analysis can help airlines improve their reputation, attract more customers, and ultimately gain a competitive edge in the marketplace.
new_dataset
0.716039
2306.15562
Josep Lluis Berral
Gonzalo Gomez-Sanchez, Aaron Call, Xavier Teruel, Lorena Alonso, Ignasi Moran, Miguel Angel Perez, David Torrents, Josep Ll. Berral
Challenges and Opportunities for RISC-V Architectures towards Genomics-based Workloads
null
Presented at the ISC High-Performance Computing 2023
null
null
cs.DC
http://creativecommons.org/licenses/by-nc-nd/4.0/
The use of large-scale supercomputing architectures is a hard requirement for scientific computing Big-Data applications. An example is genomics analytics, where millions of data transformations and tests per patient need to be done to find relevant clinical indicators. Therefore, to ensure open and broad access to high-performance technologies, governments, and academia are pushing toward the introduction of novel computing architectures in large-scale scientific environments. This is the case of RISC-V, an open-source and royalty-free instruction-set architecture. To evaluate such technologies, here we present the Variant-Interaction Analytics use case benchmarking suite and datasets. Through this use case, we search for possible genetic interactions using computational and statistical methods, providing a representative case for heavy ETL (Extract, Transform, Load) data processing. Current implementations are implemented in x86-based supercomputers (e.g. MareNostrum-IV at the Barcelona Supercomputing Center (BSC)), and future steps propose RISC-V as part of the next MareNostrum generations. Here we describe the Variant Interaction Use Case, highlighting the characteristics leveraging high-performance computing, indicating the caveats and challenges towards the next RISC-V developments and designs to come from a first comparison between x86 and RISC-V architectures on real Variant Interaction executions over real hardware implementations.
[ { "version": "v1", "created": "Tue, 27 Jun 2023 15:37:36 GMT" } ]
2023-06-28T00:00:00
[ [ "Gomez-Sanchez", "Gonzalo", "" ], [ "Call", "Aaron", "" ], [ "Teruel", "Xavier", "" ], [ "Alonso", "Lorena", "" ], [ "Moran", "Ignasi", "" ], [ "Perez", "Miguel Angel", "" ], [ "Torrents", "David", "" ], [ "Berral", "Josep Ll.", "" ] ]
TITLE: Challenges and Opportunities for RISC-V Architectures towards Genomics-based Workloads ABSTRACT: The use of large-scale supercomputing architectures is a hard requirement for scientific computing Big-Data applications. An example is genomics analytics, where millions of data transformations and tests per patient need to be done to find relevant clinical indicators. Therefore, to ensure open and broad access to high-performance technologies, governments, and academia are pushing toward the introduction of novel computing architectures in large-scale scientific environments. This is the case of RISC-V, an open-source and royalty-free instruction-set architecture. To evaluate such technologies, here we present the Variant-Interaction Analytics use case benchmarking suite and datasets. Through this use case, we search for possible genetic interactions using computational and statistical methods, providing a representative case for heavy ETL (Extract, Transform, Load) data processing. Current implementations are implemented in x86-based supercomputers (e.g. MareNostrum-IV at the Barcelona Supercomputing Center (BSC)), and future steps propose RISC-V as part of the next MareNostrum generations. Here we describe the Variant Interaction Use Case, highlighting the characteristics leveraging high-performance computing, indicating the caveats and challenges towards the next RISC-V developments and designs to come from a first comparison between x86 and RISC-V architectures on real Variant Interaction executions over real hardware implementations.
no_new_dataset
0.7082
2306.15576
Gurjeet Sangra Singh
Gurjeet Sangra Singh, Luigi Acerbi
PyBADS: Fast and robust black-box optimization in Python
7 pages, 1 figure. Documentation is available at https://acerbilab.github.io/pybads/ and source code is available at https://github.com/acerbilab/pybads
null
null
null
stat.ML cs.LG
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
PyBADS is a Python implementation of the Bayesian Adaptive Direct Search (BADS) algorithm for fast and robust black-box optimization (Acerbi and Ma 2017). BADS is an optimization algorithm designed to efficiently solve difficult optimization problems where the objective function is rough (non-convex, non-smooth), mildly expensive (e.g., the function evaluation requires more than 0.1 seconds), possibly noisy, and gradient information is unavailable. With BADS, these issues are well addressed, making it an excellent choice for fitting computational models using methods such as maximum-likelihood estimation. The algorithm scales efficiently to black-box functions with up to $D \approx 20$ continuous input parameters and supports bounds or no constraints. PyBADS comes along with an easy-to-use Pythonic interface for running the algorithm and inspecting its results. PyBADS only requires the user to provide a Python function for evaluating the target function, and optionally other constraints. Extensive benchmarks on both artificial test problems and large real model-fitting problems models drawn from cognitive, behavioral and computational neuroscience, show that BADS performs on par with or better than many other common and state-of-the-art optimizers (Acerbi and Ma 2017), making it a general model-fitting tool which provides fast and robust solutions.
[ { "version": "v1", "created": "Tue, 27 Jun 2023 15:54:44 GMT" } ]
2023-06-28T00:00:00
[ [ "Singh", "Gurjeet Sangra", "" ], [ "Acerbi", "Luigi", "" ] ]
TITLE: PyBADS: Fast and robust black-box optimization in Python ABSTRACT: PyBADS is a Python implementation of the Bayesian Adaptive Direct Search (BADS) algorithm for fast and robust black-box optimization (Acerbi and Ma 2017). BADS is an optimization algorithm designed to efficiently solve difficult optimization problems where the objective function is rough (non-convex, non-smooth), mildly expensive (e.g., the function evaluation requires more than 0.1 seconds), possibly noisy, and gradient information is unavailable. With BADS, these issues are well addressed, making it an excellent choice for fitting computational models using methods such as maximum-likelihood estimation. The algorithm scales efficiently to black-box functions with up to $D \approx 20$ continuous input parameters and supports bounds or no constraints. PyBADS comes along with an easy-to-use Pythonic interface for running the algorithm and inspecting its results. PyBADS only requires the user to provide a Python function for evaluating the target function, and optionally other constraints. Extensive benchmarks on both artificial test problems and large real model-fitting problems models drawn from cognitive, behavioral and computational neuroscience, show that BADS performs on par with or better than many other common and state-of-the-art optimizers (Acerbi and Ma 2017), making it a general model-fitting tool which provides fast and robust solutions.
no_new_dataset
0.707038
2306.15584
Eric Koskinen
Yuandong Cyrus Liu, Ton-Chanh Le, Timos Antonopoulos, Eric Koskinen, ThanhVu Nguyen
DrNLA: Extending Verification to Non-linear Programs through Dual Re-writing
null
null
null
null
cs.PL
http://creativecommons.org/licenses/by/4.0/
For many decades, advances in static verification have focused on linear integer arithmetic (LIA) programs. Many real-world programs are, however, written with non-linear integer arithmetic (NLA) expressions, such as programs that model physical events, control systems, or nonlinear activation functions in neural networks. While there are some approaches to reasoning about such NLA programs, still many verification tools fall short when trying to analyze them. To expand the scope of existing tools, we introduce a new method of converting programs with NLA expressions into semantically equivalent LIA programs via a technique we call dual rewriting. Dual rewriting discovers a linear replacement for an NLA Boolean expression (e.g. as found in conditional branching), simultaneously exploring both the positive and negative side of the condition, and using a combination of static validation and dynamic generalization of counterexamples. While perhaps surprising at first, this is often possible because the truth value of a Boolean NLA expression can be characterized in terms of a Boolean combination of linearly-described regions/intervals where the expression is true and those where it is false. The upshot is that rewriting NLA expressions to LIA expressions beforehand enables off-the-shelf LIA tools to be applied to the wider class of NLA programs. We built a new tool DrNLA and show it can discover LIA replacements for a variety of NLA programs. We then applied our work to branching-time verification of NLA programs, creating the first set of such benchmarks (92 in total) and showing that DrNLA's rewriting enable tools such as FuncTion and T2 to verify CTL properties of 42 programs that previously could not be verified. We also show a potential use of DrNLA assisting Frama-C in program slicing, and report that execution speed is not impacted much by rewriting.
[ { "version": "v1", "created": "Tue, 27 Jun 2023 16:07:36 GMT" } ]
2023-06-28T00:00:00
[ [ "Liu", "Yuandong Cyrus", "" ], [ "Le", "Ton-Chanh", "" ], [ "Antonopoulos", "Timos", "" ], [ "Koskinen", "Eric", "" ], [ "Nguyen", "ThanhVu", "" ] ]
TITLE: DrNLA: Extending Verification to Non-linear Programs through Dual Re-writing ABSTRACT: For many decades, advances in static verification have focused on linear integer arithmetic (LIA) programs. Many real-world programs are, however, written with non-linear integer arithmetic (NLA) expressions, such as programs that model physical events, control systems, or nonlinear activation functions in neural networks. While there are some approaches to reasoning about such NLA programs, still many verification tools fall short when trying to analyze them. To expand the scope of existing tools, we introduce a new method of converting programs with NLA expressions into semantically equivalent LIA programs via a technique we call dual rewriting. Dual rewriting discovers a linear replacement for an NLA Boolean expression (e.g. as found in conditional branching), simultaneously exploring both the positive and negative side of the condition, and using a combination of static validation and dynamic generalization of counterexamples. While perhaps surprising at first, this is often possible because the truth value of a Boolean NLA expression can be characterized in terms of a Boolean combination of linearly-described regions/intervals where the expression is true and those where it is false. The upshot is that rewriting NLA expressions to LIA expressions beforehand enables off-the-shelf LIA tools to be applied to the wider class of NLA programs. We built a new tool DrNLA and show it can discover LIA replacements for a variety of NLA programs. We then applied our work to branching-time verification of NLA programs, creating the first set of such benchmarks (92 in total) and showing that DrNLA's rewriting enable tools such as FuncTion and T2 to verify CTL properties of 42 programs that previously could not be verified. We also show a potential use of DrNLA assisting Frama-C in program slicing, and report that execution speed is not impacted much by rewriting.
no_new_dataset
0.706165
2306.15604
Ryo Sekizawa
Ryo Sekizawa, Nan Duan, Shuai Lu, Hitomi Yanaka
Constructing Multilingual Code Search Dataset Using Neural Machine Translation
To appear in the Proceedings of the ACL2023 Student Research Workshop (SRW)
null
null
null
cs.CL cs.SE
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Code search is a task to find programming codes that semantically match the given natural language queries. Even though some of the existing datasets for this task are multilingual on the programming language side, their query data are only in English. In this research, we create a multilingual code search dataset in four natural and four programming languages using a neural machine translation model. Using our dataset, we pre-train and fine-tune the Transformer-based models and then evaluate them on multiple code search test sets. Our results show that the model pre-trained with all natural and programming language data has performed best in most cases. By applying back-translation data filtering to our dataset, we demonstrate that the translation quality affects the model's performance to a certain extent, but the data size matters more.
[ { "version": "v1", "created": "Tue, 27 Jun 2023 16:42:36 GMT" } ]
2023-06-28T00:00:00
[ [ "Sekizawa", "Ryo", "" ], [ "Duan", "Nan", "" ], [ "Lu", "Shuai", "" ], [ "Yanaka", "Hitomi", "" ] ]
TITLE: Constructing Multilingual Code Search Dataset Using Neural Machine Translation ABSTRACT: Code search is a task to find programming codes that semantically match the given natural language queries. Even though some of the existing datasets for this task are multilingual on the programming language side, their query data are only in English. In this research, we create a multilingual code search dataset in four natural and four programming languages using a neural machine translation model. Using our dataset, we pre-train and fine-tune the Transformer-based models and then evaluate them on multiple code search test sets. Our results show that the model pre-trained with all natural and programming language data has performed best in most cases. By applying back-translation data filtering to our dataset, we demonstrate that the translation quality affects the model's performance to a certain extent, but the data size matters more.
new_dataset
0.715449
2306.15619
Alexander Rakowski
Alexander Rakowski and Christoph Lippert
DCID: Deep Canonical Information Decomposition
null
null
null
null
cs.LG
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
We consider the problem of identifying the signal shared between two one-dimensional target variables, in the presence of additional multivariate observations. Canonical Correlation Analysis (CCA)-based methods have traditionally been used to identify shared variables, however, they were designed for multivariate targets and only offer trivial solutions for univariate cases. In the context of Multi-Task Learning (MTL), various models were postulated to learn features that are sparse and shared across multiple tasks. However, these methods were typically evaluated by their predictive performance. To the best of our knowledge, no prior studies systematically evaluated models in terms of correctly recovering the shared signal. Here, we formalize the setting of univariate shared information retrieval, and propose ICM, an evaluation metric which can be used in the presence of ground-truth labels, quantifying 3 aspects of the learned shared features. We further propose Deep Canonical Information Decomposition (DCID) - a simple, yet effective approach for learning the shared variables. We benchmark the models on a range of scenarios on synthetic data with known ground-truths and observe DCID outperforming the baselines in a wide range of settings. Finally, we demonstrate a real-life application of DCID on brain Magnetic Resonance Imaging (MRI) data, where we are able to extract more accurate predictors of changes in brain regions and obesity. The code for our experiments as well as the supplementary materials are available at https://github.com/alexrakowski/dcid
[ { "version": "v1", "created": "Tue, 27 Jun 2023 16:59:06 GMT" } ]
2023-06-28T00:00:00
[ [ "Rakowski", "Alexander", "" ], [ "Lippert", "Christoph", "" ] ]
TITLE: DCID: Deep Canonical Information Decomposition ABSTRACT: We consider the problem of identifying the signal shared between two one-dimensional target variables, in the presence of additional multivariate observations. Canonical Correlation Analysis (CCA)-based methods have traditionally been used to identify shared variables, however, they were designed for multivariate targets and only offer trivial solutions for univariate cases. In the context of Multi-Task Learning (MTL), various models were postulated to learn features that are sparse and shared across multiple tasks. However, these methods were typically evaluated by their predictive performance. To the best of our knowledge, no prior studies systematically evaluated models in terms of correctly recovering the shared signal. Here, we formalize the setting of univariate shared information retrieval, and propose ICM, an evaluation metric which can be used in the presence of ground-truth labels, quantifying 3 aspects of the learned shared features. We further propose Deep Canonical Information Decomposition (DCID) - a simple, yet effective approach for learning the shared variables. We benchmark the models on a range of scenarios on synthetic data with known ground-truths and observe DCID outperforming the baselines in a wide range of settings. Finally, we demonstrate a real-life application of DCID on brain Magnetic Resonance Imaging (MRI) data, where we are able to extract more accurate predictors of changes in brain regions and obesity. The code for our experiments as well as the supplementary materials are available at https://github.com/alexrakowski/dcid
no_new_dataset
0.708244
2306.15636
Dionysis Manousakas
Dionysis Manousakas and Serg\"ul Ayd\"ore
On the Usefulness of Synthetic Tabular Data Generation
Data-centric Machine Learning Research (DMLR) Workshop at the 40th International Conference on Machine Learning (ICML)
null
null
null
cs.LG
http://creativecommons.org/licenses/by/4.0/
Despite recent advances in synthetic data generation, the scientific community still lacks a unified consensus on its usefulness. It is commonly believed that synthetic data can be used for both data exchange and boosting machine learning (ML) training. Privacy-preserving synthetic data generation can accelerate data exchange for downstream tasks, but there is not enough evidence to show how or why synthetic data can boost ML training. In this study, we benchmarked ML performance using synthetic tabular data for four use cases: data sharing, data augmentation, class balancing, and data summarization. We observed marginal improvements for the balancing use case on some datasets. However, we conclude that there is not enough evidence to claim that synthetic tabular data is useful for ML training.
[ { "version": "v1", "created": "Tue, 27 Jun 2023 17:26:23 GMT" } ]
2023-06-28T00:00:00
[ [ "Manousakas", "Dionysis", "" ], [ "Aydöre", "Sergül", "" ] ]
TITLE: On the Usefulness of Synthetic Tabular Data Generation ABSTRACT: Despite recent advances in synthetic data generation, the scientific community still lacks a unified consensus on its usefulness. It is commonly believed that synthetic data can be used for both data exchange and boosting machine learning (ML) training. Privacy-preserving synthetic data generation can accelerate data exchange for downstream tasks, but there is not enough evidence to show how or why synthetic data can boost ML training. In this study, we benchmarked ML performance using synthetic tabular data for four use cases: data sharing, data augmentation, class balancing, and data summarization. We observed marginal improvements for the balancing use case on some datasets. However, we conclude that there is not enough evidence to claim that synthetic tabular data is useful for ML training.
no_new_dataset
0.712188
2306.15644
Chiori Hori Ph.D.
Chiori Hori, Puyuan Peng, David Harwath, Xinyu Liu, Kei Ota, Siddarth Jain, Radu Corcodel, Devesh Jha, Diego Romeres, Jonathan Le Roux
Style-transfer based Speech and Audio-visual Scene Understanding for Robot Action Sequence Acquisition from Videos
Accepted to Interspeech2023
null
null
null
cs.CL
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
To realize human-robot collaboration, robots need to execute actions for new tasks according to human instructions given finite prior knowledge. Human experts can share their knowledge of how to perform a task with a robot through multi-modal instructions in their demonstrations, showing a sequence of short-horizon steps to achieve a long-horizon goal. This paper introduces a method for robot action sequence generation from instruction videos using (1) an audio-visual Transformer that converts audio-visual features and instruction speech to a sequence of robot actions called dynamic movement primitives (DMPs) and (2) style-transfer-based training that employs multi-task learning with video captioning and weakly-supervised learning with a semantic classifier to exploit unpaired video-action data. We built a system that accomplishes various cooking actions, where an arm robot executes a DMP sequence acquired from a cooking video using the audio-visual Transformer. Experiments with Epic-Kitchen-100, YouCookII, QuerYD, and in-house instruction video datasets show that the proposed method improves the quality of DMP sequences by 2.3 times the METEOR score obtained with a baseline video-to-action Transformer. The model achieved 32% of the task success rate with the task knowledge of the object.
[ { "version": "v1", "created": "Tue, 27 Jun 2023 17:37:53 GMT" } ]
2023-06-28T00:00:00
[ [ "Hori", "Chiori", "" ], [ "Peng", "Puyuan", "" ], [ "Harwath", "David", "" ], [ "Liu", "Xinyu", "" ], [ "Ota", "Kei", "" ], [ "Jain", "Siddarth", "" ], [ "Corcodel", "Radu", "" ], [ "Jha", "Devesh", "" ], [ "Romeres", "Diego", "" ], [ "Roux", "Jonathan Le", "" ] ]
TITLE: Style-transfer based Speech and Audio-visual Scene Understanding for Robot Action Sequence Acquisition from Videos ABSTRACT: To realize human-robot collaboration, robots need to execute actions for new tasks according to human instructions given finite prior knowledge. Human experts can share their knowledge of how to perform a task with a robot through multi-modal instructions in their demonstrations, showing a sequence of short-horizon steps to achieve a long-horizon goal. This paper introduces a method for robot action sequence generation from instruction videos using (1) an audio-visual Transformer that converts audio-visual features and instruction speech to a sequence of robot actions called dynamic movement primitives (DMPs) and (2) style-transfer-based training that employs multi-task learning with video captioning and weakly-supervised learning with a semantic classifier to exploit unpaired video-action data. We built a system that accomplishes various cooking actions, where an arm robot executes a DMP sequence acquired from a cooking video using the audio-visual Transformer. Experiments with Epic-Kitchen-100, YouCookII, QuerYD, and in-house instruction video datasets show that the proposed method improves the quality of DMP sequences by 2.3 times the METEOR score obtained with a baseline video-to-action Transformer. The model achieved 32% of the task success rate with the task knowledge of the object.
no_new_dataset
0.711656
2306.15661
Navindu Leelarathna
Navindu Leelarathna, Andrei Margeloiu, Mateja Jamnik, Nikola Simidjievski
Enhancing Representation Learning on High-Dimensional, Small-Size Tabular Data: A Divide and Conquer Method with Ensembled VAEs
null
null
null
null
cs.LG cs.AI
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Variational Autoencoders and their many variants have displayed impressive ability to perform dimensionality reduction, often achieving state-of-the-art performance. Many current methods however, struggle to learn good representations in High Dimensional, Low Sample Size (HDLSS) tasks, which is an inherently challenging setting. We address this challenge by using an ensemble of lightweight VAEs to learn posteriors over subsets of the feature-space, which get aggregated into a joint posterior in a novel divide-and-conquer approach. Specifically, we present an alternative factorisation of the joint posterior that induces a form of implicit data augmentation that yields greater sample efficiency. Through a series of experiments on eight real-world datasets, we show that our method learns better latent representations in HDLSS settings, which leads to higher accuracy in a downstream classification task. Furthermore, we verify that our approach has a positive effect on disentanglement and achieves a lower estimated Total Correlation on learnt representations. Finally, we show that our approach is robust to partial features at inference, exhibiting little performance degradation even with most features missing.
[ { "version": "v1", "created": "Tue, 27 Jun 2023 17:55:31 GMT" } ]
2023-06-28T00:00:00
[ [ "Leelarathna", "Navindu", "" ], [ "Margeloiu", "Andrei", "" ], [ "Jamnik", "Mateja", "" ], [ "Simidjievski", "Nikola", "" ] ]
TITLE: Enhancing Representation Learning on High-Dimensional, Small-Size Tabular Data: A Divide and Conquer Method with Ensembled VAEs ABSTRACT: Variational Autoencoders and their many variants have displayed impressive ability to perform dimensionality reduction, often achieving state-of-the-art performance. Many current methods however, struggle to learn good representations in High Dimensional, Low Sample Size (HDLSS) tasks, which is an inherently challenging setting. We address this challenge by using an ensemble of lightweight VAEs to learn posteriors over subsets of the feature-space, which get aggregated into a joint posterior in a novel divide-and-conquer approach. Specifically, we present an alternative factorisation of the joint posterior that induces a form of implicit data augmentation that yields greater sample efficiency. Through a series of experiments on eight real-world datasets, we show that our method learns better latent representations in HDLSS settings, which leads to higher accuracy in a downstream classification task. Furthermore, we verify that our approach has a positive effect on disentanglement and achieves a lower estimated Total Correlation on learnt representations. Finally, we show that our approach is robust to partial features at inference, exhibiting little performance degradation even with most features missing.
no_new_dataset
0.708042
2306.15669
Xingyi He
Xingyi He, Jiaming Sun, Yifan Wang, Sida Peng, Qixing Huang, Hujun Bao, Xiaowei Zhou
Detector-Free Structure from Motion
Project page: https://zju3dv.github.io/DetectorFreeSfM/
null
null
null
cs.CV
http://creativecommons.org/licenses/by/4.0/
We propose a new structure-from-motion framework to recover accurate camera poses and point clouds from unordered images. Traditional SfM systems typically rely on the successful detection of repeatable keypoints across multiple views as the first step, which is difficult for texture-poor scenes, and poor keypoint detection may break down the whole SfM system. We propose a new detector-free SfM framework to draw benefits from the recent success of detector-free matchers to avoid the early determination of keypoints, while solving the multi-view inconsistency issue of detector-free matchers. Specifically, our framework first reconstructs a coarse SfM model from quantized detector-free matches. Then, it refines the model by a novel iterative refinement pipeline, which iterates between an attention-based multi-view matching module to refine feature tracks and a geometry refinement module to improve the reconstruction accuracy. Experiments demonstrate that the proposed framework outperforms existing detector-based SfM systems on common benchmark datasets. We also collect a texture-poor SfM dataset to demonstrate the capability of our framework to reconstruct texture-poor scenes. Based on this framework, we take $\textit{first place}$ in Image Matching Challenge 2023.
[ { "version": "v1", "created": "Tue, 27 Jun 2023 17:59:39 GMT" } ]
2023-06-28T00:00:00
[ [ "He", "Xingyi", "" ], [ "Sun", "Jiaming", "" ], [ "Wang", "Yifan", "" ], [ "Peng", "Sida", "" ], [ "Huang", "Qixing", "" ], [ "Bao", "Hujun", "" ], [ "Zhou", "Xiaowei", "" ] ]
TITLE: Detector-Free Structure from Motion ABSTRACT: We propose a new structure-from-motion framework to recover accurate camera poses and point clouds from unordered images. Traditional SfM systems typically rely on the successful detection of repeatable keypoints across multiple views as the first step, which is difficult for texture-poor scenes, and poor keypoint detection may break down the whole SfM system. We propose a new detector-free SfM framework to draw benefits from the recent success of detector-free matchers to avoid the early determination of keypoints, while solving the multi-view inconsistency issue of detector-free matchers. Specifically, our framework first reconstructs a coarse SfM model from quantized detector-free matches. Then, it refines the model by a novel iterative refinement pipeline, which iterates between an attention-based multi-view matching module to refine feature tracks and a geometry refinement module to improve the reconstruction accuracy. Experiments demonstrate that the proposed framework outperforms existing detector-based SfM systems on common benchmark datasets. We also collect a texture-poor SfM dataset to demonstrate the capability of our framework to reconstruct texture-poor scenes. Based on this framework, we take $\textit{first place}$ in Image Matching Challenge 2023.
new_dataset
0.713987