publication_date
stringlengths 20
20
| doc_url
stringlengths 33
34
| id
stringlengths 33
34
| authors
stringlengths 5
20.1k
| update_date
stringlengths 20
20
| category_all
stringlengths 5
138
| abstract
stringlengths 123
3.09k
| category_primary
stringclasses 78
values | title
stringlengths 10
211
|
---|---|---|---|---|---|---|---|---|
2023-05-16T15:02:23Z | http://arxiv.org/pdf/2305.09509v1 | http://arxiv.org/abs/2305.09509v1 | Yue Deng, Wenxuan Zhang, Sinno Jialin Pan, Lidong Bing | 2023-05-16T15:02:23Z | cs.CL | Cross-domain aspect-based sentiment analysis (ABSA) aims to perform various
fine-grained sentiment analysis tasks on a target domain by transferring
knowledge from a source domain. Since labeled data only exists in the source
domain, a model is expected to bridge the domain gap for tackling cross-domain
ABSA. Though domain adaptation methods have proven to be effective, most of
them are based on a discriminative model, which needs to be specifically
designed for different ABSA tasks. To offer a more general solution, we propose
a unified bidirectional generative framework to tackle various cross-domain
ABSA tasks. Specifically, our framework trains a generative model in both
text-to-label and label-to-text directions. The former transforms each task
into a unified format to learn domain-agnostic features, and the latter
generates natural sentences from noisy labels for data augmentation, with which
a more accurate model can be trained. To investigate the effectiveness and
generality of our framework, we conduct extensive experiments on four
cross-domain ABSA tasks and present new state-of-the-art results on all tasks.
Our data and code are publicly available at
\url{https://github.com/DAMO-NLP-SG/BGCA}. | cs.CL | Bidirectional Generative Framework for Cross-domain Aspect-based Sentiment Analysis |
2023-05-16T14:59:38Z | http://arxiv.org/pdf/2305.09506v1 | http://arxiv.org/abs/2305.09506v1 | Yago Fontenla-Seco, Alberto Bugarín-Diz, Manuel Lama | 2023-05-16T14:59:38Z | cs.CL | In this paper, we propose a series of fuzzy temporal protoforms in the
framework of the automatic generation of quantitative and qualitative natural
language descriptions of processes. The model includes temporal and causal
information from processes and attributes, quantifies attributes in time during
the process life-span and recalls causal relations and temporal distances
between events, among other features. Through integrating process mining
techniques and fuzzy sets within the usual Data-to-Text architecture, our
framework is able to extract relevant quantitative temporal as well as
structural information from a process and describe it in natural language
involving uncertain terms. A real use-case in the cardiology domain is
presented, showing the potential of our model for providing natural language
explanations addressed to domain experts. | cs.CL | Fuzzy Temporal Protoforms for the Quantitative Description of Processes in Natural Language |
2023-05-16T13:50:24Z | http://arxiv.org/pdf/2305.09438v3 | http://arxiv.org/abs/2305.09438v3 | Nadav Schneider, Tal Kadosh, Niranjan Hasabnis, Timothy Mattson, Yuval Pinter, Gal Oren | 2023-08-30T14:56:16Z | cs.DC, cs.CL, cs.LG | Message Passing Interface (MPI) plays a crucial role in distributed memory
parallelization across multiple nodes. However, parallelizing MPI code
manually, and specifically, performing domain decomposition, is a challenging,
error-prone task. In this paper, we address this problem by developing
MPI-RICAL, a novel data-driven, programming-assistance tool that assists
programmers in writing domain decomposition based distributed memory
parallelization code. Specifically, we train a supervised language model to
suggest MPI functions and their proper locations in the code on the fly. We
also introduce MPICodeCorpus, the first publicly available corpus of MPI-based
parallel programs that is created by mining more than 15,000 open-source
repositories on GitHub. Experimental results have been done on MPICodeCorpus
and more importantly, on a compiled benchmark of MPI-based parallel programs
for numerical computations that represent real-world scientific applications.
MPI-RICAL achieves F1 scores between 0.87-0.91 on these programs, demonstrating
its accuracy in suggesting correct MPI functions at appropriate code
locations.. The source code used in this work, as well as other relevant
sources, are available at:
https://github.com/Scientific-Computing-Lab-NRCN/MPI-rical | cs.DC | MPI-rical: Data-Driven MPI Distributed Parallelism Assistance with Transformers |
2023-05-16T12:55:43Z | http://arxiv.org/pdf/2305.09410v1 | http://arxiv.org/abs/2305.09410v1 | Michał Olek | 2023-05-16T12:55:43Z | cs.CL, cs.AI | This document contains a discussion of the F1 score evaluation used in the
article 'Relation Classification with Entity Type Restriction' by Shengfei Lyu,
Huanhuan Chen published on Findings of the Association for Computational
Linguistics: ACL-IJCNLP 2021. The authors created a system named RECENT and
claim it achieves (then) a new state-of-the-art result 75.2 (previous 74.8) on
the TACRED dataset, while after correcting errors and reevaluation the final
result is 65.16 | cs.CL | About Evaluation of F1 Score for RECENT Relation Extraction System |
2023-05-16T12:44:39Z | http://arxiv.org/pdf/2305.09402v1 | http://arxiv.org/abs/2305.09402v1 | Giuseppe Destefanis, Silvia Bartolucci, Marco Ortu | 2023-05-16T12:44:39Z | cs.SE, cs.CL | This paper evaluates the capability of two state-of-the-art artificial
intelligence (AI) models, GPT-3.5 and Bard, in generating Java code given a
function description. We sourced the descriptions from CodingBat.com, a popular
online platform that provides practice problems to learn programming. We
compared the Java code generated by both models based on correctness, verified
through the platform's own test cases. The results indicate clear differences
in the capabilities of the two models. GPT-3.5 demonstrated superior
performance, generating correct code for approximately 90.6% of the function
descriptions, whereas Bard produced correct code for 53.1% of the functions.
While both models exhibited strengths and weaknesses, these findings suggest
potential avenues for the development and refinement of more advanced
AI-assisted code generation tools. The study underlines the potential of AI in
automating and supporting aspects of software development, although further
research is required to fully realize this potential. | cs.SE | A Preliminary Analysis on the Code Generation Capabilities of GPT-3.5 and Bard AI Models for Java Functions |
2023-05-16T12:31:53Z | http://arxiv.org/pdf/2305.09400v1 | http://arxiv.org/abs/2305.09400v1 | Jiasheng Si, Yingjie Zhu, Deyu Zhou | 2023-05-16T12:31:53Z | cs.CL | The success of deep learning models on multi-hop fact verification has
prompted researchers to understand the behavior behind their veracity. One
possible way is erasure search: obtaining the rationale by entirely removing a
subset of input without compromising the veracity prediction. Although
extensively explored, existing approaches fall within the scope of the
single-granular (tokens or sentences) explanation, which inevitably leads to
explanation redundancy and inconsistency. To address such issues, this paper
explores the viability of multi-granular rationale extraction with consistency
and faithfulness for explainable multi-hop fact verification. In particular,
given a pretrained veracity prediction model, both the token-level explainer
and sentence-level explainer are trained simultaneously to obtain
multi-granular rationales via differentiable masking. Meanwhile, three
diagnostic properties (fidelity, consistency, salience) are introduced and
applied to the training process, to ensure that the extracted rationales
satisfy faithfulness and consistency. Experimental results on three multi-hop
fact verification datasets show that the proposed approach outperforms some
state-of-the-art baselines. | cs.CL | Consistent Multi-Granular Rationale Extraction for Explainable Multi-hop Fact Verification |
2023-05-16T11:35:24Z | http://arxiv.org/pdf/2305.09360v3 | http://arxiv.org/abs/2305.09360v3 | Jia-Chen Gu, Zhen-Hua Ling, Quan Liu, Cong Liu, Guoping Hu | 2023-07-18T02:01:14Z | cs.CL | Addressing the issues of who saying what to whom in multi-party conversations
(MPCs) has recently attracted a lot of research attention. However, existing
methods on MPC understanding typically embed interlocutors and utterances into
sequential information flows, or utilize only the superficial of inherent graph
structures in MPCs. To this end, we present a plug-and-play and lightweight
method named graph-induced fine-tuning (GIFT) which can adapt various
Transformer-based pre-trained language models (PLMs) for universal MPC
understanding. In detail, the full and equivalent connections among utterances
in regular Transformer ignore the sparse but distinctive dependency of an
utterance on another in MPCs. To distinguish different relationships between
utterances, four types of edges are designed to integrate graph-induced signals
into attention mechanisms to refine PLMs originally designed for processing
sequential texts. We evaluate GIFT by implementing it into three PLMs, and test
the performance on three downstream tasks including addressee recognition,
speaker identification and response selection. Experimental results show that
GIFT can significantly improve the performance of three PLMs on three
downstream tasks and two benchmarks with only 4 additional parameters per
encoding layer, achieving new state-of-the-art performance on MPC
understanding. | cs.CL | GIFT: Graph-Induced Fine-Tuning for Multi-Party Conversation Understanding |
2023-05-16T11:33:32Z | http://arxiv.org/pdf/2305.09359v2 | http://arxiv.org/abs/2305.09359v2 | Fiona Anting Tan, Debdeep Paul, Sahim Yamaura, Miura Koji, See-Kiong Ng | 2023-07-30T06:28:42Z | cs.CL | Many financial jobs rely on news to learn about causal events in the past and
present, to make informed decisions and predictions about the future. With the
ever-increasing amount of news available online, there is a need to automate
the extraction of causal events from unstructured texts. In this work, we
propose a methodology to construct causal knowledge graphs (KGs) from news
using two steps: (1) Extraction of Causal Relations, and (2) Argument
Clustering and Representation into KG. We aim to build graphs that emphasize on
recall, precision and interpretability. For extraction, although many earlier
works already construct causal KGs from text, most adopt rudimentary
pattern-based methods. We close this gap by using the latest BERT-based
extraction models alongside pattern-based ones. As a result, we achieved a high
recall, while still maintaining a high precision. For clustering, we utilized a
topic modelling approach to cluster our arguments, so as to increase the
connectivity of our graph. As a result, instead of 15,686 disconnected
subgraphs, we were able to obtain 1 connected graph that enables users to infer
more causal relationships from. Our final KG effectively captures and conveys
causal relationships, validated through experiments, multiple use cases and
user feedback. | cs.CL | Constructing and Interpreting Causal Knowledge Graphs from News |
2023-05-16T10:19:12Z | http://arxiv.org/pdf/2305.09335v1 | http://arxiv.org/abs/2305.09335v1 | Siyuan Wang, Jianming Zheng, Xuejun Hu, Fei Cai, Chengyu Song, Xueshan Luo | 2023-05-16T10:19:12Z | cs.CL | Event detection (ED) is aimed to identify the key trigger words in
unstructured text and predict the event types accordingly. Traditional ED
models are too data-hungry to accommodate real applications with scarce labeled
data. Besides, typical ED models are facing the context-bypassing and disabled
generalization issues caused by the trigger bias stemming from ED datasets.
Therefore, we focus on the true few-shot paradigm to satisfy the low-resource
scenarios. In particular, we propose a multi-step prompt learning model
(MsPrompt) for debiasing few-shot event detection, that consists of the
following three components: an under-sampling module targeting to construct a
novel training set that accommodates the true few-shot setting, a multi-step
prompt module equipped with a knowledge-enhanced ontology to leverage the event
semantics and latent prior knowledge in the PLMs sufficiently for tackling the
context-bypassing problem, and a prototypical module compensating for the
weakness of classifying events with sparse data and boost the generalization
performance. Experiments on two public datasets ACE-2005 and FewEvent show that
MsPrompt can outperform the state-of-the-art models, especially in the strict
low-resource scenarios reporting 11.43% improvement in terms of weighted
F1-score against the best-performing baseline and achieving an outstanding
debiasing performance. | cs.CL | MsPrompt: Multi-step Prompt Learning for Debiasing Few-shot Event Detection |
2023-05-16T10:15:44Z | http://arxiv.org/pdf/2305.09333v1 | http://arxiv.org/abs/2305.09333v1 | Yuzhou Peng | 2023-05-16T10:15:44Z | cs.CV, cs.AI, cs.CL | Multi-modal visual understanding of images with prompts involves using
various visual and textual cues to enhance the semantic understanding of
images. This approach combines both vision and language processing to generate
more accurate predictions and recognition of images. By utilizing prompt-based
techniques, models can learn to focus on certain features of an image to
extract useful information for downstream tasks. Additionally, multi-modal
understanding can improve upon single modality models by providing more robust
representations of images. Overall, the combination of visual and textual
information is a promising area of research for advancing image recognition and
understanding. In this paper we will try an amount of prompt design methods and
propose a new method for better extraction of semantic information | cs.CV | Multi-modal Visual Understanding with Prompts for Semantic Information Disentanglement of Image |
2023-05-16T10:07:33Z | http://arxiv.org/pdf/2305.09329v3 | http://arxiv.org/abs/2305.09329v3 | Zheng Fang, Yulan He, Rob Procter | 2024-03-06T14:56:28Z | cs.CL, cs.AI | Most existing topic models rely on bag-of-words (BOW) representation, which
limits their ability to capture word order information and leads to challenges
with out-of-vocabulary (OOV) words in new documents. Contextualized word
embeddings, however, show superiority in word sense disambiguation and
effectively address the OOV issue. In this work, we introduce a novel neural
topic model called the Contextlized Word Topic Model (CWTM), which integrates
contextualized word embeddings from BERT. The model is capable of learning the
topic vector of a document without BOW information. In addition, it can also
derive the topic vectors for individual words within a document based on their
contextualized word embeddings. Experiments across various datasets show that
CWTM generates more coherent and meaningful topics compared to existing topic
models, while also accommodating unseen words in newly encountered documents. | cs.CL | CWTM: Leveraging Contextualized Word Embeddings from BERT for Neural Topic Modeling |
2023-05-16T09:44:38Z | http://arxiv.org/pdf/2305.09316v1 | http://arxiv.org/abs/2305.09316v1 | Roberto Martínez-Cruz, Debanjan Mahata, Alvaro J. López-López, José Portela | 2023-05-16T09:44:38Z | cs.CL, cs.AI | In this study, we investigate using graph neural network (GNN)
representations to enhance contextualized representations of pre-trained
language models (PLMs) for keyphrase extraction from lengthy documents. We show
that augmenting a PLM with graph embeddings provides a more comprehensive
semantic understanding of words in a document, particularly for long documents.
We construct a co-occurrence graph of the text and embed it using a graph
convolutional network (GCN) trained on the task of edge prediction. We propose
a graph-enhanced sequence tagging architecture that augments contextualized PLM
embeddings with graph representations. Evaluating on benchmark datasets, we
demonstrate that enhancing PLMs with graph embeddings outperforms
state-of-the-art models on long documents, showing significant improvements in
F1 scores across all the datasets. Our study highlights the potential of GNN
representations as a complementary approach to improve PLM performance for
keyphrase extraction from long documents. | cs.CL | Enhancing Keyphrase Extraction from Long Scientific Documents using Graph Embeddings |
2023-05-16T09:38:52Z | http://arxiv.org/pdf/2305.09313v1 | http://arxiv.org/abs/2305.09313v1 | Zongmeng Zhang, Wengang Zhou, Jiaxin Shi, Houqiang Li | 2023-05-16T09:38:52Z | cs.IR, cs.AI, cs.CL | In passage retrieval system, the initial passage retrieval results may be
unsatisfactory, which can be refined by a reranking scheme. Existing solutions
to passage reranking focus on enriching the interaction between query and each
passage separately, neglecting the context among the top-ranked passages in the
initial retrieval list. To tackle this problem, we propose a Hybrid and
Collaborative Passage Reranking (HybRank) method, which leverages the
substantial similarity measurements of upstream retrievers for passage
collaboration and incorporates the lexical and semantic properties of sparse
and dense retrievers for reranking. Besides, built on off-the-shelf retriever
features, HybRank is a plug-in reranker capable of enhancing arbitrary passage
lists including previously reranked ones. Extensive experiments demonstrate the
stable improvements of performance over prevalent retrieval and reranking
methods, and verify the effectiveness of the core components of HybRank. | cs.IR | Hybrid and Collaborative Passage Reranking |
2023-05-16T09:37:08Z | http://arxiv.org/pdf/2305.09312v1 | http://arxiv.org/abs/2305.09312v1 | Zhuoyuan Mao, Raj Dabre, Qianying Liu, Haiyue Song, Chenhui Chu, Sadao Kurohashi | 2023-05-16T09:37:08Z | cs.CL | This paper studies the impact of layer normalization (LayerNorm) on zero-shot
translation (ZST). Recent efforts for ZST often utilize the Transformer
architecture as the backbone, with LayerNorm at the input of layers (PreNorm)
set as the default. However, Xu et al. (2019) has revealed that PreNorm carries
the risk of overfitting the training data. Based on this, we hypothesize that
PreNorm may overfit supervised directions and thus have low generalizability
for ZST. Through experiments on OPUS, IWSLT, and Europarl datasets for 54 ZST
directions, we demonstrate that the original Transformer setting of LayerNorm
after residual connections (PostNorm) consistently outperforms PreNorm by up to
12.3 BLEU points. We then study the performance disparities by analyzing the
differences in off-target rates and structural variations between PreNorm and
PostNorm. This study highlights the need for careful consideration of the
LayerNorm setting for ZST. | cs.CL | Exploring the Impact of Layer Normalization for Zero-shot Neural Machine Translation |
2023-05-16T09:18:38Z | http://arxiv.org/pdf/2305.09299v1 | http://arxiv.org/abs/2305.09299v1 | Heqing Zou, Meng Shen, Chen Chen, Yuchen Hu, Deepu Rajan, Eng Siong Chng | 2023-05-16T09:18:38Z | cs.CV, cs.CL | Multimodal learning aims to imitate human beings to acquire complementary
information from multiple modalities for various downstream tasks. However,
traditional aggregation-based multimodal fusion methods ignore the
inter-modality relationship, treat each modality equally, suffer sensor noise,
and thus reduce multimodal learning performance. In this work, we propose a
novel multimodal contrastive method to explore more reliable multimodal
representations under the weak supervision of unimodal predicting.
Specifically, we first capture task-related unimodal representations and the
unimodal predictions from the introduced unimodal predicting task. Then the
unimodal representations are aligned with the more effective one by the
designed multimodal contrastive method under the supervision of the unimodal
predictions. Experimental results with fused features on two image-text
classification benchmarks UPMC-Food-101 and N24News show that our proposed
Unimodality-Supervised MultiModal Contrastive UniS-MMC learning method
outperforms current state-of-the-art multimodal methods. The detailed ablation
study and analysis further demonstrate the advantage of our proposed method. | cs.CV | UniS-MMC: Multimodal Classification via Unimodality-supervised Multimodal Contrastive Learning |
2023-05-16T08:46:11Z | http://arxiv.org/pdf/2305.09287v2 | http://arxiv.org/abs/2305.09287v2 | Junfan Chen, Richong Zhang, Zheyan Luo, Chunming Hu, Yongyi Mao | 2023-08-09T10:45:52Z | cs.CL | Data augmentation is widely used in text classification, especially in the
low-resource regime where a few examples for each class are available during
training. Despite the success, generating data augmentations as hard positive
examples that may increase their effectiveness is under-explored. This paper
proposes an Adversarial Word Dilution (AWD) method that can generate hard
positive examples as text data augmentations to train the low-resource text
classification model efficiently. Our idea of augmenting the text data is to
dilute the embedding of strong positive words by weighted mixing with
unknown-word embedding, making the augmented inputs hard to be recognized as
positive by the classification model. We adversarially learn the dilution
weights through a constrained min-max optimization process with the guidance of
the labels. Empirical studies on three benchmark datasets show that AWD can
generate more effective data augmentations and outperform the state-of-the-art
text data augmentation methods. The additional analysis demonstrates that the
data augmentations generated by AWD are interpretable and can flexibly extend
to new examples without further training. | cs.CL | Adversarial Word Dilution as Text Data Augmentation in Low-Resource Regime |
2023-05-16T08:37:13Z | http://arxiv.org/pdf/2305.09281v1 | http://arxiv.org/abs/2305.09281v1 | Fatma Elsafoury, Gavin Abercrombie | 2023-05-16T08:37:13Z | cs.CL | In this paper, we trace the biases in current natural language processing
(NLP) models back to their origins in racism, sexism, and homophobia over the
last 500 years. We review literature from critical race theory, gender studies,
data ethics, and digital humanities studies, and summarize the origins of bias
in NLP models from these social science perspective. We show how the causes of
the biases in the NLP pipeline are rooted in social issues. Finally, we argue
that the only way to fix the bias and unfairness in NLP is by addressing the
social problems that caused them in the first place and by incorporating social
sciences and social scientists in efforts to mitigate bias in NLP models. We
provide actionable recommendations for the NLP research community to do so. | cs.CL | On the Origins of Bias in NLP through the Lens of the Jim Code |
2023-05-16T08:22:17Z | http://arxiv.org/pdf/2305.09269v1 | http://arxiv.org/abs/2305.09269v1 | Junfan Chen, Richong Zhang, Yongyi Mao, Jie Xu | 2023-05-16T08:22:17Z | cs.CL | Few-shot text classification has recently been promoted by the meta-learning
paradigm which aims to identify target classes with knowledge transferred from
source classes with sets of small tasks named episodes. Despite their success,
existing works building their meta-learner based on Prototypical Networks are
unsatisfactory in learning discriminative text representations between similar
classes, which may lead to contradictions during label prediction. In addition,
the tasklevel and instance-level overfitting problems in few-shot text
classification caused by a few training examples are not sufficiently tackled.
In this work, we propose a contrastive learning framework named ContrastNet to
tackle both discriminative representation and overfitting problems in few-shot
text classification. ContrastNet learns to pull closer text representations
belonging to the same class and push away text representations belonging to
different classes, while simultaneously introducing unsupervised contrastive
regularization at both task-level and instance-level to prevent overfitting.
Experiments on 8 few-shot text classification datasets show that ContrastNet
outperforms the current state-of-the-art models. | cs.CL | ContrastNet: A Contrastive Learning Framework for Few-Shot Text Classification |
2023-05-16T08:06:11Z | http://arxiv.org/pdf/2305.09258v1 | http://arxiv.org/abs/2305.09258v1 | Simra Shahid, Tanay Anand, Nikitha Srikanth, Sumit Bhatia, Balaji Krishnamurthy, Nikaash Puri | 2023-05-16T08:06:11Z | cs.IR, cs.CL | Hierarchical Topic Models (HTMs) are useful for discovering topic hierarchies
in a collection of documents. However, traditional HTMs often produce
hierarchies where lowerlevel topics are unrelated and not specific enough to
their higher-level topics. Additionally, these methods can be computationally
expensive. We present HyHTM - a Hyperbolic geometry based Hierarchical Topic
Models - that addresses these limitations by incorporating hierarchical
information from hyperbolic geometry to explicitly model hierarchies in topic
models. Experimental results with four baselines show that HyHTM can better
attend to parent-child relationships among topics. HyHTM produces coherent
topic hierarchies that specialise in granularity from generic higher-level
topics to specific lowerlevel topics. Further, our model is significantly
faster and leaves a much smaller memory footprint than our best-performing
baseline.We have made the source code for our algorithm publicly accessible. | cs.IR | HyHTM: Hyperbolic Geometry based Hierarchical Topic Models |
2023-05-16T07:56:19Z | http://arxiv.org/pdf/2305.09249v1 | http://arxiv.org/abs/2305.09249v1 | Xiaoyu Shen, Akari Asai, Bill Byrne, Adrià de Gispert | 2023-05-16T07:56:19Z | cs.CL | Product Question Answering (PQA) systems are key in e-commerce applications
to provide responses to customers' questions as they shop for products. While
existing work on PQA focuses mainly on English, in practice there is need to
support multiple customer languages while leveraging product information
available in English. To study this practical industrial task, we present xPQA,
a large-scale annotated cross-lingual PQA dataset in 12 languages across 9
branches, and report results in (1) candidate ranking, to select the best
English candidate containing the information to answer a non-English question;
and (2) answer generation, to generate a natural-sounding non-English answer
based on the selected English candidate. We evaluate various approaches
involving machine translation at runtime or offline, leveraging multilingual
pre-trained LMs, and including or excluding xPQA training data. We find that
(1) In-domain data is essential as cross-lingual rankers trained on other
domains perform poorly on the PQA task; (2) Candidate ranking often prefers
runtime-translation approaches while answer generation prefers multilingual
approaches; (3) Translating offline to augment multilingual models helps
candidate ranking mainly on languages with non-Latin scripts; and helps answer
generation mainly on languages with Latin scripts. Still, there remains a
significant performance gap between the English and the cross-lingual test
sets. | cs.CL | xPQA: Cross-Lingual Product Question Answering across 12 Languages |
2023-05-16T07:52:57Z | http://arxiv.org/pdf/2305.09246v1 | http://arxiv.org/abs/2305.09246v1 | Hao Chen, Yiming Zhang, Qi Zhang, Hantao Yang, Xiaomeng Hu, Xuetao Ma, Yifan Yanggong, Junbo Zhao | 2023-05-16T07:52:57Z | cs.AI, cs.CL | Instruction tuning for large language models (LLMs) has gained attention from
researchers due to its ability to unlock the potential of LLMs in following
instructions. While instruction tuning offers advantages for facilitating the
adaptation of large language models (LLMs) to downstream tasks as a fine-tuning
approach, training models with tens of millions or even billions of parameters
on large amounts of data results in unaffordable computational costs. To
address this, we focus on reducing the data used in LLM instruction tuning to
decrease training costs and improve data efficiency, dubbed as Low Training
Data Instruction Tuning (LTD Instruction Tuning). Specifically, this paper
conducts a preliminary exploration into reducing the data used in LLM training
and identifies several observations regarding task specialization for LLM
training, such as the optimization of performance for a specific task, the
number of instruction types required for instruction tuning, and the amount of
data required for task-specific models. The results suggest that task-specific
models can be trained using less than 0.5% of the original dataset, with a 2%
improvement in performance over those trained on full task-related data. | cs.AI | Maybe Only 0.5% Data is Needed: A Preliminary Exploration of Low Training Data Instruction Tuning |
2023-05-16T06:53:21Z | http://arxiv.org/pdf/2305.09220v1 | http://arxiv.org/abs/2305.09220v1 | Jiaan Wang, Fandong Meng, Duo Zheng, Yunlong Liang, Zhixu Li, Jianfeng Qu, Jie Zhou | 2023-05-16T06:53:21Z | cs.CL, cs.AI | To adapt text summarization to the multilingual world, previous work proposes
multi-lingual summarization (MLS) and cross-lingual summarization (CLS).
However, these two tasks have been studied separately due to the different
definitions, which limits the compatible and systematic research on both of
them. In this paper, we aim to unify MLS and CLS into a more general setting,
i.e., many-to-many summarization (M2MS), where a single model could process
documents in any language and generate their summaries also in any language. As
the first step towards M2MS, we conduct preliminary studies to show that M2MS
can better transfer task knowledge across different languages than MLS and CLS.
Furthermore, we propose Pisces, a pre-trained M2MS model that learns language
modeling, cross-lingual ability and summarization ability via three-stage
pre-training. Experimental results indicate that our Pisces significantly
outperforms the state-of-the-art baselines, especially in the zero-shot
directions, where there is no training data from the source-language documents
to the target-language summaries. | cs.CL | Towards Unifying Multi-Lingual and Cross-Lingual Summarization |
2023-05-16T06:37:55Z | http://arxiv.org/pdf/2305.09210v2 | http://arxiv.org/abs/2305.09210v2 | Shuichiro Shimizu, Chenhui Chu, Sheng Li, Sadao Kurohashi | 2023-05-22T04:45:29Z | cs.CL | We present a new task, speech dialogue translation mediating speakers of
different languages. We construct the SpeechBSD dataset for the task and
conduct baseline experiments. Furthermore, we consider context to be an
important aspect that needs to be addressed in this task and propose two ways
of utilizing context, namely monolingual context and bilingual context. We
conduct cascaded speech translation experiments using Whisper and mBART, and
show that bilingual context performs better in our settings. | cs.CL | Towards Speech Dialogue Translation Mediating Speakers of Different Languages |
2023-05-16T06:37:38Z | http://arxiv.org/pdf/2305.09696v1 | http://arxiv.org/abs/2305.09696v1 | Tianping Zhang, Shaowen Wang, Shuicheng Yan, Jian Li, Qian Liu | 2023-05-16T06:37:38Z | cs.LG, cs.AI, cs.CL | Recently, the topic of table pre-training has attracted considerable research
interest. However, how to employ table pre-training to boost the performance of
tabular prediction remains an open challenge. In this paper, we propose TapTap,
the first attempt that leverages table pre-training to empower models for
tabular prediction. After pre-training on a large corpus of real-world tabular
data, TapTap can generate high-quality synthetic tables to support various
applications on tabular data, including privacy protection, low resource
regime, missing value imputation, and imbalanced classification. Extensive
experiments on 12 datasets demonstrate that TapTap outperforms a total of 16
baselines in different scenarios. Meanwhile, it can be easily combined with
various backbone models, including LightGBM, Multilayer Perceptron (MLP) and
Transformer. Moreover, with the aid of table pre-training, models trained using
synthetic data generated by TapTap can even compete with models using the
original dataset on half of the experimental datasets, marking a milestone in
the development of synthetic tabular data generation. The codes are available
at https://github.com/ZhangTP1996/TapTap. | cs.LG | Generative Table Pre-training Empowers Models for Tabular Prediction |
2023-05-16T06:27:27Z | http://arxiv.org/pdf/2305.09204v1 | http://arxiv.org/abs/2305.09204v1 | Yifan Jiang, Shane Steinert-Threlkeld | 2023-05-16T06:27:27Z | cs.LG, cs.AI, cs.CL | Feature attribution aims to explain the reasoning behind a black-box model's
prediction by identifying the impact of each feature on the prediction. Recent
work has extended feature attribution to interactions between multiple
features. However, the lack of a unified framework has led to a proliferation
of methods that are often not directly comparable. This paper introduces a
parameterized attribution framework -- the Weighted M\"obius Score -- and (i)
shows that many different attribution methods for both individual features and
feature interactions are special cases and (ii) identifies some new methods. By
studying the vector space of attribution methods, our framework utilizes
standard linear algebra tools and provides interpretations in various fields,
including cooperative game theory and causal mediation analysis. We empirically
demonstrate the framework's versatility and effectiveness by applying these
attribution methods to feature interactions in sentiment analysis and
chain-of-thought prompting. | cs.LG | The Weighted Möbius Score: A Unified Framework for Feature Attribution |
2023-05-16T06:04:14Z | http://arxiv.org/pdf/2305.09193v2 | http://arxiv.org/abs/2305.09193v2 | Chang Gao, Wenxuan Zhang, Wai Lam, Lidong Bing | 2023-05-19T11:27:02Z | cs.CL | Information extraction (IE) systems aim to automatically extract structured
information, such as named entities, relations between entities, and events,
from unstructured texts. While most existing work addresses a particular IE
task, universally modeling various IE tasks with one model has achieved great
success recently. Despite their success, they employ a one-stage learning
strategy, i.e., directly learning to extract the target structure given the
input text, which contradicts the human learning process. In this paper, we
propose a unified easy-to-hard learning framework consisting of three stages,
i.e., the easy stage, the hard stage, and the main stage, for IE by mimicking
the human learning process. By breaking down the learning process into multiple
stages, our framework facilitates the model to acquire general IE task
knowledge and improve its generalization ability. Extensive experiments across
four IE tasks demonstrate the effectiveness of our framework. We achieve new
state-of-the-art results on 13 out of 17 datasets. Our code is available at
\url{https://github.com/DAMO-NLP-SG/IE-E2H}. | cs.CL | Easy-to-Hard Learning for Information Extraction |
2023-05-16T04:52:29Z | http://arxiv.org/pdf/2305.09167v1 | http://arxiv.org/abs/2305.09167v1 | Xintao Zhao, Shuai Wang, Yang Chao, Zhiyong Wu, Helen Meng | 2023-05-16T04:52:29Z | cs.SD, cs.CL, eess.AS | Nowadays, recognition-synthesis-based methods have been quite popular with
voice conversion (VC). By introducing linguistics features with good
disentangling characters extracted from an automatic speech recognition (ASR)
model, the VC performance achieved considerable breakthroughs. Recently,
self-supervised learning (SSL) methods trained with a large-scale unannotated
speech corpus have been applied to downstream tasks focusing on the content
information, which is suitable for VC tasks. However, a huge amount of speaker
information in SSL representations degrades timbre similarity and the quality
of converted speech significantly. To address this problem, we proposed a
high-similarity any-to-one voice conversion method with the input of SSL
representations. We incorporated adversarial training mechanisms in the
synthesis module using external unannotated corpora. Two auxiliary
discriminators were trained to distinguish whether a sequence of
mel-spectrograms has been converted by the acoustic model and whether a
sequence of content embeddings contains speaker information from external
corpora. Experimental results show that our proposed method achieves comparable
similarity and higher naturalness than the supervised method, which needs a
huge amount of annotated corpora for training and is applicable to improve
similarity for VC methods with other SSL representations as input. | cs.SD | Adversarial Speaker Disentanglement Using Unannotated External Data for Self-supervised Representation Based Voice Conversion |
2023-05-16T04:15:25Z | http://arxiv.org/pdf/2305.09154v1 | http://arxiv.org/abs/2305.09154v1 | Chaojun Wang, Yang Liu, Wai Lam | 2023-05-16T04:15:25Z | cs.CL | Previous studies show that intermediate supervision signals benefit various
Natural Language Processing tasks. However, it is not clear whether there exist
intermediate signals that benefit Neural Machine Translation (NMT). Borrowing
techniques from Statistical Machine Translation, we propose intermediate
signals which are intermediate sequences from the "source-like" structure to
the "target-like" structure. Such intermediate sequences introduce an inductive
bias that reflects a domain-agnostic principle of translation, which reduces
spurious correlations that are harmful to out-of-domain generalisation.
Furthermore, we introduce a full-permutation multi-task learning to alleviate
the spurious causal relations from intermediate sequences to the target, which
results from exposure bias. The Minimum Bayes Risk decoding algorithm is used
to pick the best candidate translation from all permutations to further improve
the performance. Experiments show that the introduced intermediate signals can
effectively improve the domain robustness of NMT and reduces the amount of
hallucinations on out-of-domain translation. Further analysis shows that our
methods are especially promising in low-resource scenarios. | cs.CL | Progressive Translation: Improving Domain Robustness of Neural Machine Translation with Intermediate Sequences |
2023-05-16T03:53:30Z | http://arxiv.org/pdf/2305.09148v1 | http://arxiv.org/abs/2305.09148v1 | Ziheng Li, Shaohan Huang, Zihan Zhang, Zhi-Hong Deng, Qiang Lou, Haizhen Huang, Jian Jiao, Furu Wei, Weiwei Deng, Qi Zhang | 2023-05-16T03:53:30Z | cs.CL, cs.AI | Recent studies have shown that dual encoder models trained with the
sentence-level translation ranking task are effective methods for cross-lingual
sentence embedding. However, our research indicates that token-level alignment
is also crucial in multilingual scenarios, which has not been fully explored
previously. Based on our findings, we propose a dual-alignment pre-training
(DAP) framework for cross-lingual sentence embedding that incorporates both
sentence-level and token-level alignment. To achieve this, we introduce a novel
representation translation learning (RTL) task, where the model learns to use
one-side contextualized token representation to reconstruct its translation
counterpart. This reconstruction objective encourages the model to embed
translation information into the token representation. Compared to other
token-level alignment methods such as translation language modeling, RTL is
more suitable for dual encoder architectures and is computationally efficient.
Extensive experiments on three sentence-level cross-lingual benchmarks
demonstrate that our approach can significantly improve sentence embedding. Our
code is available at https://github.com/ChillingDream/DAP. | cs.CL | Dual-Alignment Pre-training for Cross-lingual Sentence Embedding |
2023-05-16T03:50:38Z | http://arxiv.org/pdf/2305.09144v2 | http://arxiv.org/abs/2305.09144v2 | Boxi Cao, Qiaoyu Tang, Hongyu Lin, Shanshan Jiang, Bin Dong, Xianpei Han, Jiawei Chen, Tianshu Wang, Le Sun | 2024-03-13T12:34:17Z | cs.CL, cs.AI | Memory is one of the most essential cognitive functions serving as a
repository of world knowledge and episodes of activities. In recent years,
large-scale pre-trained language models have shown remarkable memorizing
ability. On the contrary, vanilla neural networks without pre-training have
been long observed suffering from the catastrophic forgetting problem. To
investigate such a retentive-forgetful contradiction and understand the memory
mechanism of language models, we conduct thorough experiments by controlling
the target knowledge types, the learning strategies and the learning schedules.
We find that: 1) Vanilla language models are forgetful; 2) Pre-training leads
to retentive language models; 3) Knowledge relevance and diversification
significantly influence the memory formation. These conclusions are useful for
understanding the abilities of pre-trained language models and shed light on
designing and evaluating new learning and inference algorithms of language
models. | cs.CL | Retentive or Forgetful? Diving into the Knowledge Memorizing Mechanism of Language Models |
2023-05-16T03:38:06Z | http://arxiv.org/pdf/2305.09137v1 | http://arxiv.org/abs/2305.09137v1 | Yuxian Gu, Li Dong, Furu Wei, Minlie Huang | 2023-05-16T03:38:06Z | cs.CL | In-context learning, where pre-trained language models learn to perform tasks
from task examples and instructions in their contexts, has attracted much
attention in the NLP community. However, the ability of in-context learning is
not fully exploited because language models are not explicitly trained to learn
in context. To this end, we propose PICL (Pre-training for In-Context
Learning), a framework to enhance the language models' in-context learning
ability by pre-training the model on a large collection of "intrinsic tasks" in
the general plain-text corpus using the simple language modeling objective.
PICL encourages the model to infer and perform tasks by conditioning on the
contexts while maintaining task generalization of pre-trained models. We
evaluate the in-context learning performance of the model trained with PICL on
seven widely-used text classification datasets and the Super-NaturalInstrctions
benchmark, which contains 100+ NLP tasks formulated to text generation. Our
experiments show that PICL is more effective and task-generalizable than a
range of baselines, outperforming larger language models with nearly 4x
parameters. The code is publicly available at https://github.com/thu-coai/PICL. | cs.CL | Pre-Training to Learn in Context |
2023-05-16T02:12:57Z | http://arxiv.org/pdf/2305.09107v1 | http://arxiv.org/abs/2305.09107v1 | Chenyang Lyu, Tianbo Ji, Yvette Graham, Jennifer Foster | 2023-05-16T02:12:57Z | cs.CV, cs.AI, cs.CL, cs.MM | Conventional Transformer-based Video Question Answering (VideoQA) approaches
generally encode frames independently through one or more image encoders
followed by interaction between frames and question. However, such schema would
incur significant memory use and inevitably slow down the training and
inference speed. In this work, we present a highly efficient approach for
VideoQA based on existing vision-language pre-trained models where we
concatenate video frames to a $n\times n$ matrix and then convert it to one
image. By doing so, we reduce the use of the image encoder from $n^{2}$ to $1$
while maintaining the temporal structure of the original video. Experimental
results on MSRVTT and TrafficQA show that our proposed approach achieves
state-of-the-art performance with nearly $4\times$ faster speed and only 30%
memory use. We show that by integrating our approach into VideoQA systems we
can achieve comparable, even superior, performance with a significant speed up
for training and inference. We believe the proposed approach can facilitate
VideoQA-related research by reducing the computational requirements for those
who have limited access to budgets and resources. Our code will be made
publicly available for research use. | cs.CV | Is a Video worth $n\times n$ Images? A Highly Efficient Approach to Transformer-based Video Question Answering |
2023-05-16T01:51:22Z | http://arxiv.org/pdf/2305.09098v2 | http://arxiv.org/abs/2305.09098v2 | Taiqiang Wu, Cheng Hou, Shanshan Lao, Jiayi Li, Ngai Wong, Zhe Zhao, Yujiu Yang | 2024-03-20T15:41:07Z | cs.CL, cs.LG | Knowledge Distillation (KD) is a predominant approach for BERT compression.
Previous KD-based methods focus on designing extra alignment losses for the
student model to mimic the behavior of the teacher model. These methods
transfer the knowledge in an indirect way. In this paper, we propose a novel
Weight-Inherited Distillation (WID), which directly transfers knowledge from
the teacher. WID does not require any additional alignment loss and trains a
compact student by inheriting the weights, showing a new perspective of
knowledge distillation. Specifically, we design the row compactors and column
compactors as mappings and then compress the weights via structural
re-parameterization. Experimental results on the GLUE and SQuAD benchmarks show
that WID outperforms previous state-of-the-art KD-based baselines. Further
analysis indicates that WID can also learn the attention patterns from the
teacher model without any alignment loss on attention distributions. The code
is available at https://github.com/wutaiqiang/WID-NAACL2024. | cs.CL | Weight-Inherited Distillation for Task-Agnostic BERT Compression |
2023-05-15T23:29:56Z | http://arxiv.org/pdf/2305.09067v1 | http://arxiv.org/abs/2305.09067v1 | Xiaoying Zhang, Baolin Peng, Kun Li, Jingyan Zhou, Helen Meng | 2023-05-15T23:29:56Z | cs.CL | Building end-to-end task bots and maintaining their integration with new
functionalities using minimal human efforts is a long-standing challenge in
dialog research. Recently large language models (LLMs) have demonstrated
exceptional proficiency in conversational engagement and adherence to
instructions across various downstream tasks. In this work, we introduce
SGP-TOD, Schema-Guided Prompting for building Task-Oriented Dialog systems
effortlessly based on LLMs. Utilizing the symbolic knowledge -- task schema, we
instruct fixed LLMs to generate appropriate responses on novel tasks,
circumventing the need for training data. Specifically, SGP-TOD comprises three
components: a LLM for engaging with users, a DST Prompter to aid the LLM with
dialog state tracking, which is then used to retrieve database items, and a
Policy Prompter to elicit proper responses adhering to the provided dialog
policy. Experimental results on Multiwoz, RADDLE and STAR datasets show that
our training-free strategy SGP-TOD, without any task-specific data, yields
state-of-the-art (SOTA) zero-shot performance, greatly surpasses the few-shot
approaches. In a domain-extension setting, SGP-TOD aptly adapts to new
functionalities by merely adding supplementary schema rules. We make our code
and data publicly available. | cs.CL | SGP-TOD: Building Task Bots Effortlessly via Schema-Guided LLM Prompting |
2023-05-15T21:17:17Z | http://arxiv.org/pdf/2305.09025v1 | http://arxiv.org/abs/2305.09025v1 | Zhiqi Huang, Hansi Zeng, Hamed Zamani, James Allan | 2023-05-15T21:17:17Z | cs.IR, cs.CL | In this work, we explore a Multilingual Information Retrieval (MLIR) task,
where the collection includes documents in multiple languages. We demonstrate
that applying state-of-the-art approaches developed for cross-lingual
information retrieval to MLIR tasks leads to sub-optimal performance. This is
due to the heterogeneous and imbalanced nature of multilingual collections --
some languages are better represented in the collection and some benefit from
large-scale training data. To address this issue, we present KD-SPD, a novel
soft prompt decoding approach for MLIR that implicitly "translates" the
representation of documents in different languages into the same embedding
space. To address the challenges of data scarcity and imbalance, we introduce a
knowledge distillation strategy. The teacher model is trained on rich English
retrieval data, and by leveraging bi-text data, our distillation framework
transfers its retrieval knowledge to the multilingual document encoder.
Therefore, our approach does not require any multilingual retrieval training
data. Extensive experiments on three MLIR datasets with a total of 15 languages
demonstrate that KD-SPD significantly outperforms competitive baselines in all
cases. We conduct extensive analyses to show that our method has less language
bias and better zero-shot transfer ability towards new languages. | cs.IR | Soft Prompt Decoding for Multilingual Dense Retrieval |
2023-05-15T21:12:07Z | http://arxiv.org/pdf/2305.09022v1 | http://arxiv.org/abs/2305.09022v1 | Arjun Subramonian, Xingdi Yuan, Hal Daumé III, Su Lin Blodgett | 2023-05-15T21:12:07Z | cs.CL | Progress in NLP is increasingly measured through benchmarks; hence,
contextualizing progress requires understanding when and why practitioners may
disagree about the validity of benchmarks. We develop a taxonomy of
disagreement, drawing on tools from measurement modeling, and distinguish
between two types of disagreement: 1) how tasks are conceptualized and 2) how
measurements of model performance are operationalized. To provide evidence for
our taxonomy, we conduct a meta-analysis of relevant literature to understand
how NLP tasks are conceptualized, as well as a survey of practitioners about
their impressions of different factors that affect benchmark validity. Our
meta-analysis and survey across eight tasks, ranging from coreference
resolution to question answering, uncover that tasks are generally not clearly
and consistently conceptualized and benchmarks suffer from operationalization
disagreements. These findings support our proposed taxonomy of disagreement.
Finally, based on our taxonomy, we present a framework for constructing
benchmarks and documenting their limitations. | cs.CL | It Takes Two to Tango: Navigating Conceptualizations of NLP Tasks and Measurements of Performance |
2023-05-15T19:48:59Z | http://arxiv.org/pdf/2305.08982v1 | http://arxiv.org/abs/2305.08982v1 | Shang-Ling Hsu, Raj Sanjay Shah, Prathik Senthil, Zahra Ashktorab, Casey Dugan, Werner Geyer, Diyi Yang | 2023-05-15T19:48:59Z | cs.HC, cs.CL | Millions of users come to online peer counseling platforms to seek support on
diverse topics ranging from relationship stress to anxiety. However, studies
show that online peer support groups are not always as effective as expected
largely due to users' negative experiences with unhelpful counselors. Peer
counselors are key to the success of online peer counseling platforms, but most
of them often do not have systematic ways to receive guidelines or supervision.
In this work, we introduce CARE: an interactive AI-based tool to empower peer
counselors through automatic suggestion generation. During the practical
training stage, CARE helps diagnose which specific counseling strategies are
most suitable in the given context and provides tailored example responses as
suggestions. Counselors can choose to select, modify, or ignore any suggestion
before replying to the support seeker. Building upon the Motivational
Interviewing framework, CARE utilizes large-scale counseling conversation data
together with advanced natural language generation techniques to achieve these
functionalities. We demonstrate the efficacy of CARE by performing both
quantitative evaluations and qualitative user studies through simulated chats
and semi-structured interviews. We also find that CARE especially helps novice
counselors respond better in challenging situations. | cs.HC | Helping the Helper: Supporting Peer Counselors via AI-Empowered Practice and Feedback |
2023-05-15T19:40:28Z | http://arxiv.org/pdf/2305.08978v1 | http://arxiv.org/abs/2305.08978v1 | Yoshi Meke Bird, Sarah E. Grobe, Michael V. Arnold, Sean P. Rogers, Mikaela I. Fudolig, Julia Witte Zimmerman, Christopher M. Danforth, Peter Sheridan Dodds | 2023-05-15T19:40:28Z | cs.SI, cs.CL, cs.CY | Recent studies suggest social media activity can function as a proxy for
measures of state-level public health, detectable through natural language
processing. We present results of our efforts to apply this approach to
estimate homelessness at the state level throughout the US during the period
2010-2019 and 2022 using a dataset of roughly 1 million geotagged tweets
containing the substring ``homeless.'' Correlations between
homelessness-related tweet counts and ranked per capita homelessness volume,
but not general-population densities, suggest a relationship between the
likelihood of Twitter users to personally encounter or observe homelessness in
their everyday lives and their likelihood to communicate about it online. An
increase to the log-odds of ``homeless'' appearing in an English-language
tweet, as well as an acceleration in the increase in average tweet sentiment,
suggest that tweets about homelessness are also affected by trends at the
nation-scale. Additionally, changes to the lexical content of tweets over time
suggest that reversals to the polarity of national or state-level trends may be
detectable through an increase in political or service-sector language over the
semantics of charity or direct appeals. An analysis of user account type also
revealed changes to Twitter-use patterns by accounts authored by individuals
versus entities that may provide an additional signal to confirm changes to
homelessness density in a given jurisdiction. While a computational approach to
social media analysis may provide a low-cost, real-time dataset rich with
information about nationwide and localized impacts of homelessness and
homelessness policy, we find that practical issues abound, limiting the
potential of social media as a proxy to complement other measures of
homelessness. | cs.SI | An assessment of measuring local levels of homelessness through proxy social media signals |
2023-05-15T18:00:39Z | http://arxiv.org/pdf/2305.09688v1 | http://arxiv.org/abs/2305.09688v1 | Fazle Rabbi Rakib, Souhardya Saha Dip, Samiul Alam, Nazia Tasnim, Md. Istiak Hossain Shihab, Md. Nazmuddoha Ansary, Syed Mobassir Hossen, Marsia Haque Meghla, Mamunur Mamun, Farig Sadeque, Sayma Sultana Chowdhury, Tahsin Reasat, Asif Sushmit, Ahmed Imtiaz Humayun | 2023-05-15T18:00:39Z | eess.AS, cs.CL, cs.LG | We present OOD-Speech, the first out-of-distribution (OOD) benchmarking
dataset for Bengali automatic speech recognition (ASR). Being one of the most
spoken languages globally, Bengali portrays large diversity in dialects and
prosodic features, which demands ASR frameworks to be robust towards
distribution shifts. For example, islamic religious sermons in Bengali are
delivered with a tonality that is significantly different from regular speech.
Our training dataset is collected via massively online crowdsourcing campaigns
which resulted in 1177.94 hours collected and curated from $22,645$ native
Bengali speakers from South Asia. Our test dataset comprises 23.03 hours of
speech collected and manually annotated from 17 different sources, e.g.,
Bengali TV drama, Audiobook, Talk show, Online class, and Islamic sermons to
name a few. OOD-Speech is jointly the largest publicly available speech
dataset, as well as the first out-of-distribution ASR benchmarking dataset for
Bengali. | eess.AS | OOD-Speech: A Large Bengali Speech Recognition Dataset for Out-of-Distribution Benchmarking |
2023-05-15T17:59:41Z | http://arxiv.org/pdf/2305.08853v1 | http://arxiv.org/abs/2305.08853v1 | Satya Almasian, Vivian Kazakova, Philip Göldner, Michael Gertz | 2023-05-15T17:59:41Z | cs.CL, I.7; I.7.1; I.7.5 | Quantities are essential in documents to describe factual information. They
are ubiquitous in application domains such as finance, business, medicine, and
science in general. Compared to other information extraction approaches,
interestingly only a few works exist that describe methods for a proper
extraction and representation of quantities in text. In this paper, we present
such a comprehensive quantity extraction framework from text data. It
efficiently detects combinations of values and units, the behavior of a
quantity (e.g., rising or falling), and the concept a quantity is associated
with. Our framework makes use of dependency parsing and a dictionary of units,
and it provides for a proper normalization and standardization of detected
quantities. Using a novel dataset for evaluation, we show that our open source
framework outperforms other systems and -- to the best of our knowledge -- is
the first to detect concepts associated with identified quantities. The code
and data underlying our framework are available at
https://github.com/vivkaz/CQE. | cs.CL | CQE: A Comprehensive Quantity Extractor |
2023-05-15T17:59:01Z | http://arxiv.org/pdf/2305.08848v1 | http://arxiv.org/abs/2305.08848v1 | Canwen Xu, Yichong Xu, Shuohang Wang, Yang Liu, Chenguang Zhu, Julian McAuley | 2023-05-15T17:59:01Z | cs.CL, cs.AI, cs.LG | Large language models (LLMs) such as GPT-3 and GPT-4 are powerful but their
weights are often publicly unavailable and their immense sizes make the models
difficult to be tuned with common hardware. As a result, effectively tuning
these models with large-scale supervised data can be challenging. As an
alternative, In-Context Learning (ICL) can only use a small number of
supervised examples due to context length limits. In this paper, we propose
Super In-Context Learning (SuperICL) which allows black-box LLMs to work with
locally fine-tuned smaller models, resulting in superior performance on
supervised tasks. Our experiments demonstrate that SuperICL can improve
performance beyond state-of-the-art fine-tuned models while addressing the
instability problem of in-context learning. Furthermore, SuperICL can enhance
the capabilities of smaller models, such as multilinguality and
interpretability. | cs.CL | Small Models are Valuable Plug-ins for Large Language Models |
2023-05-15T17:57:39Z | http://arxiv.org/pdf/2305.08845v2 | http://arxiv.org/abs/2305.08845v2 | Yupeng Hou, Junjie Zhang, Zihan Lin, Hongyu Lu, Ruobing Xie, Julian McAuley, Wayne Xin Zhao | 2024-01-24T04:41:01Z | cs.IR, cs.CL | Recently, large language models (LLMs) (e.g., GPT-4) have demonstrated
impressive general-purpose task-solving abilities, including the potential to
approach recommendation tasks. Along this line of research, this work aims to
investigate the capacity of LLMs that act as the ranking model for recommender
systems. We first formalize the recommendation problem as a conditional ranking
task, considering sequential interaction histories as conditions and the items
retrieved by other candidate generation models as candidates. To solve the
ranking task by LLMs, we carefully design the prompting template and conduct
extensive experiments on two widely-used datasets. We show that LLMs have
promising zero-shot ranking abilities but (1) struggle to perceive the order of
historical interactions, and (2) can be biased by popularity or item positions
in the prompts. We demonstrate that these issues can be alleviated using
specially designed prompting and bootstrapping strategies. Equipped with these
insights, zero-shot LLMs can even challenge conventional recommendation models
when ranking candidates are retrieved by multiple candidate generators. The
code and processed datasets are available at
https://github.com/RUCAIBox/LLMRank. | cs.IR | Large Language Models are Zero-Shot Rankers for Recommender Systems |
2023-05-15T17:57:16Z | http://arxiv.org/pdf/2305.08844v2 | http://arxiv.org/abs/2305.08844v2 | Afra Feyza Akyürek, Ekin Akyürek, Aman Madaan, Ashwin Kalyan, Peter Clark, Derry Wijaya, Niket Tandon | 2023-07-11T18:29:12Z | cs.CL | Despite their unprecedented success, even the largest language models make
mistakes. Similar to how humans learn and improve using feedback, previous work
proposed providing language models with natural language feedback to guide them
in repairing their outputs. Because human-generated critiques are expensive to
obtain, researchers have devised learned critique generators in lieu of human
critics while assuming one can train downstream models to utilize generated
feedback. However, this approach does not apply to black-box or limited access
models such as ChatGPT, as they cannot be fine-tuned. Moreover, in the era of
large general-purpose language agents, fine-tuning is neither computationally
nor spatially efficient as it results in multiple copies of the network. In
this work, we introduce RL4F (Reinforcement Learning for Feedback), a
multi-agent collaborative framework where the critique generator is trained to
maximize end-task performance of GPT-3, a fixed model more than 200 times its
size. RL4F produces critiques that help GPT-3 revise its outputs. We study
three datasets for action planning, summarization and alphabetization and show
relative improvements up to 10% in multiple text similarity metrics over other
learned, retrieval-augmented or prompting-based critique generators. | cs.CL | RL4F: Generating Natural Language Feedback with Reinforcement Learning for Repairing Model Outputs |
2023-05-15T17:41:15Z | http://arxiv.org/pdf/2305.08828v2 | http://arxiv.org/abs/2305.08828v2 | Ashok Urlana, Pinzhen Chen, Zheng Zhao, Shay B. Cohen, Manish Shrivastava, Barry Haddow | 2023-10-20T00:42:27Z | cs.CL, I.2.7 | This paper introduces PMIndiaSum, a multilingual and massively parallel
summarization corpus focused on languages in India. Our corpus provides a
training and testing ground for four language families, 14 languages, and the
largest to date with 196 language pairs. We detail our construction workflow
including data acquisition, processing, and quality assurance. Furthermore, we
publish benchmarks for monolingual, cross-lingual, and multilingual
summarization by fine-tuning, prompting, as well as translate-and-summarize.
Experimental results confirm the crucial role of our data in aiding
summarization between Indian languages. Our dataset is publicly available and
can be freely modified and re-distributed. | cs.CL | PMIndiaSum: Multilingual and Cross-lingual Headline Summarization for Languages in India |
2023-05-15T17:28:59Z | http://arxiv.org/pdf/2305.08818v1 | http://arxiv.org/abs/2305.08818v1 | Sean Paulsen | 2023-05-15T17:28:59Z | cs.CL, cs.LG | Designing machine intelligence to converse with a human user necessarily
requires an understanding of how humans participate in conversation, and thus
conversation modeling is an important task in natural language processing. New
breakthroughs in architecture and data gathering continue to push the
performance of such conversational AI models. However, designs neglect the
gradual buildup in sentence structure and complexity experienced by humans as
we learn to communicate. During training, our model accepts one or more
sentences as input and attempts to predict the next sentence in the
conversation one word at a time, so our goal is to separate training into
segments, with each segment's corpus comprised of longer sentence pairs than
the previous one. This will mimic the desired "buildup" component of human
learning. We begin with only "short" length sentence pairs, then only "medium"
length pairs, and so on. A majority of our experiments were toward optimizing
this technique, ensuring a proper representation of the technique's potential,
since many of the details were new questions. Our segment-trained models were
then able to achieve lower validation loss at the end of training than models
trained with standard text preparation. This segmented training is
straightforward to implement and our results provide a general direction for
future research to implement and improve it. | cs.CL | Sentence Level Curriculum Learning for Improved Neural Conversational Models |
2023-05-15T17:15:40Z | http://arxiv.org/pdf/2305.08809v3 | http://arxiv.org/abs/2305.08809v3 | Zhengxuan Wu, Atticus Geiger, Thomas Icard, Christopher Potts, Noah D. Goodman | 2024-02-06T22:30:07Z | cs.CL | Obtaining human-interpretable explanations of large, general-purpose language
models is an urgent goal for AI safety. However, it is just as important that
our interpretability methods are faithful to the causal dynamics underlying
model behavior and able to robustly generalize to unseen inputs. Distributed
Alignment Search (DAS) is a powerful gradient descent method grounded in a
theory of causal abstraction that has uncovered perfect alignments between
interpretable symbolic algorithms and small deep learning models fine-tuned for
specific tasks. In the present paper, we scale DAS significantly by replacing
the remaining brute-force search steps with learned parameters -- an approach
we call Boundless DAS. This enables us to efficiently search for interpretable
causal structure in large language models while they follow instructions. We
apply Boundless DAS to the Alpaca model (7B parameters), which, off the shelf,
solves a simple numerical reasoning problem. With Boundless DAS, we discover
that Alpaca does this by implementing a causal model with two interpretable
boolean variables. Furthermore, we find that the alignment of neural
representations with these variables is robust to changes in inputs and
instructions. These findings mark a first step toward faithfully understanding
the inner-workings of our ever-growing and most widely deployed language
models. Our tool is extensible to larger LLMs and is released publicly at
`https://github.com/stanfordnlp/pyvene`. | cs.CL | Interpretability at Scale: Identifying Causal Mechanisms in Alpaca |
2023-05-15T17:10:19Z | http://arxiv.org/pdf/2305.08804v1 | http://arxiv.org/abs/2305.08804v1 | Hanieh Khorashadizadeh, Nandana Mihindukulasooriya, Sanju Tiwari, Jinghua Groppe, Sven Groppe | 2023-05-15T17:10:19Z | cs.CL | Knowledge graphs can represent information about the real-world using
entities and their relations in a structured and semantically rich manner and
they enable a variety of downstream applications such as question-answering,
recommendation systems, semantic search, and advanced analytics. However, at
the moment, building a knowledge graph involves a lot of manual effort and thus
hinders their application in some situations and the automation of this process
might benefit especially for small organizations. Automatically generating
structured knowledge graphs from a large volume of natural language is still a
challenging task and the research on sub-tasks such as named entity extraction,
relation extraction, entity and relation linking, and knowledge graph
construction aims to improve the state of the art of automatic construction and
completion of knowledge graphs from text. The recent advancement of foundation
models with billions of parameters trained in a self-supervised manner with
large volumes of training data that can be adapted to a variety of downstream
tasks has helped to demonstrate high performance on a large range of Natural
Language Processing (NLP) tasks. In this context, one emerging paradigm is
in-context learning where a language model is used as it is with a prompt that
provides instructions and some examples to perform a task without changing the
parameters of the model using traditional approaches such as fine-tuning. This
way, no computing resources are needed for re-training/fine-tuning the models
and the engineering effort is minimal. Thus, it would be beneficial to utilize
such capabilities for generating knowledge graphs from text. | cs.CL | Exploring In-Context Learning Capabilities of Foundation Models for Generating Knowledge Graphs from Text |
2023-05-15T17:05:45Z | http://arxiv.org/pdf/2305.08800v1 | http://arxiv.org/abs/2305.08800v1 | Zewen Chi, Heyan Huang, Xian-Ling Mao | 2023-05-15T17:05:45Z | cs.CL | Recent studies have exhibited remarkable capabilities of pre-trained
multilingual Transformers, especially cross-lingual transferability. However,
current methods do not measure cross-lingual transferability well, hindering
the understanding of multilingual Transformers. In this paper, we propose IGap,
a cross-lingual transferability metric for multilingual Transformers on
sentence classification tasks. IGap takes training error into consideration,
and can also estimate transferability without end-task data. Experimental
results show that IGap outperforms baseline metrics for transferability
measuring and transfer direction ranking. Besides, we conduct extensive
systematic experiments where we compare transferability among various
multilingual Transformers, fine-tuning algorithms, and transfer directions.
More importantly, our results reveal three findings about cross-lingual
transfer, which helps us to better understand multilingual Transformers. | cs.CL | Measuring Cross-Lingual Transferability of Multilingual Transformers on Sentence Classification |
2023-05-15T16:46:47Z | http://arxiv.org/pdf/2305.08787v1 | http://arxiv.org/abs/2305.08787v1 | Christopher Meaney, Therese A Stukel, Peter C Austin, Michael Escobar | 2023-05-15T16:46:47Z | cs.CL | Background & Objective: Biomedical text data are increasingly available for
research. Tokenization is an initial step in many biomedical text mining
pipelines. Tokenization is the process of parsing an input biomedical sentence
(represented as a digital character sequence) into a discrete set of word/token
symbols, which convey focused semantic/syntactic meaning. The objective of this
study is to explore variation in tokenizer outputs when applied across a series
of challenging biomedical sentences.
Method: Diaz [2015] introduce 24 challenging example biomedical sentences for
comparing tokenizer performance. In this study, we descriptively explore
variation in outputs of eight tokenizers applied to each example biomedical
sentence. The tokenizers compared in this study are the NLTK white space
tokenizer, the NLTK Penn Tree Bank tokenizer, Spacy and SciSpacy tokenizers,
Stanza/Stanza-Craft tokenizers, the UDPipe tokenizer, and R-tokenizers.
Results: For many examples, tokenizers performed similarly effectively;
however, for certain examples, there were meaningful variation in returned
outputs. The white space tokenizer often performed differently than other
tokenizers. We observed performance similarities for tokenizers implementing
rule-based systems (e.g. pattern matching and regular expressions) and
tokenizers implementing neural architectures for token classification.
Oftentimes, the challenging tokens resulting in the greatest variation in
outputs, are those words which convey substantive and focused
biomedical/clinical meaning (e.g. x-ray, IL-10, TCR/CD3, CD4+ CD8+, and
(Ca2+)-regulated).
Conclusion: When state-of-the-art, open-source tokenizers from Python and R
were applied to a series of challenging biomedical example sentences, we
observed subtle variation in the returned outputs. | cs.CL | Comparing Variation in Tokenizer Outputs Using a Series of Problematic and Challenging Biomedical Sentences |
2023-05-15T16:39:35Z | http://arxiv.org/pdf/2305.10447v1 | http://arxiv.org/abs/2305.10447v1 | Oscar Morris | 2023-05-15T16:39:35Z | cs.CL, cs.AI | Neural networks and in particular the attention mechanism have brought
significant advances to the field of Automated Essay Scoring. Many of these
systems use a regression-based model which may be prone to underfitting when
the model only predicts the mean of the training data. In this paper, we
present a dynamic loss function that creates an incentive for the model to
predict with the correct distribution, as well as predicting the correct
values. Our loss function achieves this goal without sacrificing any
performance achieving a Quadratic Weighted Kappa score of 0.752 on the
Automated Student Assessment Prize Automated Essay Scoring dataset. | cs.CL | The Effectiveness of a Dynamic Loss Function in Neural Network Based Automated Essay Scoring |
2023-05-15T16:37:00Z | http://arxiv.org/pdf/2305.08777v2 | http://arxiv.org/abs/2305.08777v2 | Maria Mahbub, Ian Goethert, Ioana Danciu, Kathryn Knight, Sudarshan Srinivasan, Suzanne Tamang, Karine Rozenberg-Ben-Dror, Hugo Solares, Susana Martins, Jodie Trafton, Edmon Begoli, Gregory Peterson | 2023-12-28T16:24:30Z | cs.AI, cs.CL, cs.LG | Background: Injection drug use (IDU) is a dangerous health behavior that
increases mortality and morbidity. Identifying IDU early and initiating harm
reduction interventions can benefit individuals at risk. However, extracting
IDU behaviors from patients' electronic health records (EHR) is difficult
because there is no International Classification of Disease (ICD) code and the
only place IDU information can be indicated is unstructured free-text clinical
notes. Although natural language processing can efficiently extract this
information from unstructured data, there are no validated tools. Methods: To
address this gap in clinical information, we design and demonstrate a
question-answering (QA) framework to extract information on IDU from clinical
notes. Our framework involves two main steps: (1) generating a gold-standard QA
dataset and (2) developing and testing the QA model. We utilize 2323 clinical
notes of 1145 patients sourced from the VA Corporate Data Warehouse to
construct the gold-standard dataset for developing and evaluating the QA model.
We also demonstrate the QA model's ability to extract IDU-related information
on temporally out-of-distribution data. Results: Here we show that for a strict
match between gold-standard and predicted answers, the QA model achieves 51.65%
F1 score. For a relaxed match between the gold-standard and predicted answers,
the QA model obtains 78.03% F1 score, along with 85.38% Precision and 79.02%
Recall scores. Moreover, the QA model demonstrates consistent performance when
subjected to temporally out-of-distribution data. Conclusions: Our study
introduces a QA framework designed to extract IDU information from clinical
notes, aiming to enhance the accurate and efficient detection of people who
inject drugs, extract relevant information, and ultimately facilitate informed
patient care. | cs.AI | Question-Answering System Extracts Information on Injection Drug Use from Clinical Notes |
2023-05-15T15:47:09Z | http://arxiv.org/pdf/2305.08732v3 | http://arxiv.org/abs/2305.08732v3 | Yunzhi Yao, Peng Wang, Shengyu Mao, Chuanqi Tan, Fei Huang, Huajun Chen, Ningyu Zhang | 2023-10-11T10:51:12Z | cs.CL, cs.AI, cs.IR, cs.LG | Previous studies have revealed that vanilla pre-trained language models
(PLMs) lack the capacity to handle knowledge-intensive NLP tasks alone; thus,
several works have attempted to integrate external knowledge into PLMs.
However, despite the promising outcome, we empirically observe that PLMs may
have already encoded rich knowledge in their pre-trained parameters but fail to
fully utilize them when applying them to knowledge-intensive tasks. In this
paper, we propose a new paradigm dubbed Knowledge Rumination to help the
pre-trained language model utilize that related latent knowledge without
retrieving it from the external corpus. By simply adding a prompt like "As far
as I know" to the PLMs, we try to review related latent knowledge and inject
them back into the model for knowledge consolidation. We apply the proposed
knowledge rumination to various language models, including RoBERTa, DeBERTa,
and GPT-3. Experimental results on six commonsense reasoning tasks and GLUE
benchmarks demonstrate the effectiveness of our proposed approach, which proves
that the knowledge stored in PLMs can be better exploited to enhance
performance. Code is available in
https://github.com/zjunlp/knowledge-rumination. | cs.CL | Knowledge Rumination for Pre-trained Language Models |
2023-05-15T15:19:08Z | http://arxiv.org/pdf/2305.08714v2 | http://arxiv.org/abs/2305.08714v2 | Chengguang Gan, Tatsunori Mori | 2023-06-08T02:14:20Z | cs.CL, cs.AI | Prompt engineering relevance research has seen a notable surge in recent
years, primarily driven by advancements in pre-trained language models and
large language models. However, a critical issue has been identified within
this domain: the inadequate of sensitivity and robustness of these models
towards Prompt Templates, particularly in lesser-studied languages such as
Japanese. This paper explores this issue through a comprehensive evaluation of
several representative Large Language Models (LLMs) and a widely-utilized
pre-trained model(PLM). These models are scrutinized using a benchmark dataset
in Japanese, with the aim to assess and analyze the performance of the current
multilingual models in this context. Our experimental results reveal startling
discrepancies. A simple modification in the sentence structure of the Prompt
Template led to a drastic drop in the accuracy of GPT-4 from 49.21 to 25.44.
This observation underscores the fact that even the highly performance GPT-4
model encounters significant stability issues when dealing with diverse
Japanese prompt templates, rendering the consistency of the model's output
results questionable. In light of these findings, we conclude by proposing
potential research trajectories to further enhance the development and
performance of Large Language Models in their current stage. | cs.CL | Sensitivity and Robustness of Large Language Models to Prompt Template in Japanese Text Classification Tasks |
2023-05-15T15:16:19Z | http://arxiv.org/pdf/2305.08711v3 | http://arxiv.org/abs/2305.08711v3 | Lars Hillebrand, Maren Pielka, David Leonhard, Tobias Deußer, Tim Dilmaghani, Bernd Kliem, Rüdiger Loitz, Milad Morad, Christian Temath, Thiago Bell, Robin Stenzel, Rafet Sifa | 2023-05-26T07:49:33Z | cs.CL, cs.AI, cs.LG, H.3.3 | We present sustainAI, an intelligent, context-aware recommender system that
assists auditors and financial investors as well as the general public to
efficiently analyze companies' sustainability reports. The tool leverages an
end-to-end trainable architecture that couples a BERT-based encoding module
with a multi-label classification head to match relevant text passages from
sustainability reports to their respective law regulations from the Global
Reporting Initiative (GRI) standards. We evaluate our model on two novel German
sustainability reporting data sets and consistently achieve a significantly
higher recommendation performance compared to multiple strong baselines.
Furthermore, sustainAI is publicly available for everyone at
https://sustain.ki.nrw/. | cs.CL | sustain.AI: a Recommender System to analyze Sustainability Reports |
2023-05-15T15:12:40Z | http://arxiv.org/pdf/2305.08709v1 | http://arxiv.org/abs/2305.08709v1 | Qingkai Fang, Yang Feng | 2023-05-15T15:12:40Z | cs.CL, cs.SD, eess.AS, I.2.7 | The success of end-to-end speech-to-text translation (ST) is often achieved
by utilizing source transcripts, e.g., by pre-training with automatic speech
recognition (ASR) and machine translation (MT) tasks, or by introducing
additional ASR and MT data. Unfortunately, transcripts are only sometimes
available since numerous unwritten languages exist worldwide. In this paper, we
aim to utilize large amounts of target-side monolingual data to enhance ST
without transcripts. Motivated by the remarkable success of back translation in
MT, we develop a back translation algorithm for ST (BT4ST) to synthesize pseudo
ST data from monolingual target data. To ease the challenges posed by
short-to-long generation and one-to-many mapping, we introduce self-supervised
discrete units and achieve back translation by cascading a target-to-unit model
and a unit-to-speech model. With our synthetic ST data, we achieve an average
boost of 2.3 BLEU on MuST-C En-De, En-Fr, and En-Es datasets. More experiments
show that our method is especially effective in low-resource scenarios. | cs.CL | Back Translation for Speech-to-text Translation Without Transcripts |
2023-05-15T15:09:18Z | http://arxiv.org/pdf/2305.08706v1 | http://arxiv.org/abs/2305.08706v1 | Qingkai Fang, Yang Feng | 2023-05-15T15:09:18Z | cs.CL, cs.SD, eess.AS, I.2.7 | How to achieve better end-to-end speech translation (ST) by leveraging (text)
machine translation (MT) data? Among various existing techniques, multi-task
learning is one of the effective ways to share knowledge between ST and MT in
which additional MT data can help to learn source-to-target mapping. However,
due to the differences between speech and text, there is always a gap between
ST and MT. In this paper, we first aim to understand this modality gap from the
target-side representation differences, and link the modality gap to another
well-known problem in neural machine translation: exposure bias. We find that
the modality gap is relatively small during training except for some difficult
cases, but keeps increasing during inference due to the cascading effect. To
address these problems, we propose the Cross-modal Regularization with
Scheduled Sampling (Cress) method. Specifically, we regularize the output
predictions of ST and MT, whose target-side contexts are derived by sampling
between ground truth words and self-generated words with a varying probability.
Furthermore, we introduce token-level adaptive training which assigns different
training weights to target tokens to handle difficult cases with large modality
gaps. Experiments and analysis show that our approach effectively bridges the
modality gap, and achieves promising results in all eight directions of the
MuST-C dataset. | cs.CL | Understanding and Bridging the Modality Gap for Speech Translation |
2023-05-15T15:06:20Z | http://arxiv.org/pdf/2305.08703v4 | http://arxiv.org/abs/2305.08703v4 | Hongbin Ye, Honghao Gui, Xin Xu, Xi Chen, Huajun Chen, Ningyu Zhang | 2023-11-15T12:55:56Z | cs.CL, cs.AI, cs.DB, cs.IR, cs.LG | Conventional Knowledge Graph Construction (KGC) approaches typically follow
the static information extraction paradigm with a closed set of pre-defined
schema. As a result, such approaches fall short when applied to dynamic
scenarios or domains, whereas a new type of knowledge emerges. This
necessitates a system that can handle evolving schema automatically to extract
information for KGC. To address this need, we propose a new task called
schema-adaptable KGC, which aims to continually extract entity, relation, and
event based on a dynamically changing schema graph without re-training. We
first split and convert existing datasets based on three principles to build a
benchmark, i.e., horizontal schema expansion, vertical schema expansion, and
hybrid schema expansion; then investigate the schema-adaptable performance of
several well-known approaches such as Text2Event, TANL, UIE and GPT-3.5. We
further propose a simple yet effective baseline dubbed \textsc{AdaKGC}, which
contains schema-enriched prefix instructor and schema-conditioned dynamic
decoding to better handle evolving schema. Comprehensive experimental results
illustrate that AdaKGC can outperform baselines but still have room for
improvement. We hope the proposed work can deliver benefits to the community.
Code and datasets available at https://github.com/zjunlp/AdaKGC. | cs.CL | Schema-adaptable Knowledge Graph Construction |
2023-05-15T15:05:44Z | http://arxiv.org/pdf/2305.08702v1 | http://arxiv.org/abs/2305.08702v1 | Yujia Qin, Cheng Qian, Xu Han, Yankai Lin, Huadong Wang, Ruobing Xie, Zhiyuan Liu, Maosong Sun, Jie Zhou | 2023-05-15T15:05:44Z | cs.CL, cs.AI | Continual pre-training is the paradigm where pre-trained language models
(PLMs) continually acquire fresh knowledge from growing data and gradually get
upgraded. Before an upgraded PLM is released, we may have tuned the original
PLM for various tasks and stored the adapted weights. However, when tuning the
upgraded PLM, these outdated adapted weights will typically be ignored and
discarded, causing a potential waste of resources. We bring this issue to the
forefront and contend that proper algorithms for recycling outdated adapted
weights should be developed. To this end, we formulate the task of recyclable
tuning for continual pre-training. In pilot studies, we find that after
continual pre-training, the upgraded PLM remains compatible with the outdated
adapted weights to some extent. Motivated by this finding, we analyze the
connection between continually pre-trained PLMs from two novel aspects, i.e.,
mode connectivity, and functional similarity. Based on the corresponding
findings, we propose both an initialization-based method and a
distillation-based method for our task. We demonstrate their feasibility in
improving the convergence and performance for tuning the upgraded PLM. We also
show that both methods can be combined to achieve better performance. The
source codes are publicly available at
https://github.com/thunlp/RecyclableTuning. | cs.CL | Recyclable Tuning for Continual Pre-training |
2023-05-15T14:58:28Z | http://arxiv.org/pdf/2305.08698v3 | http://arxiv.org/abs/2305.08698v3 | Xiang Chen, Jintian Zhang, Xiaohan Wang, Ningyu Zhang, Tongtong Wu, Yuxiang Wang, Yongheng Wang, Huajun Chen | 2024-05-26T16:29:05Z | cs.CL, cs.AI, cs.DB, cs.LG, cs.MM | Current Multimodal Knowledge Graph Construction (MKGC) models struggle with
the real-world dynamism of continuously emerging entities and relations, often
succumbing to catastrophic forgetting-loss of previously acquired knowledge.
This study introduces benchmarks aimed at fostering the development of the
continual MKGC domain. We further introduce MSPT framework, designed to
surmount the shortcomings of existing MKGC approaches during multimedia data
processing. MSPT harmonizes the retention of learned knowledge (stability) and
the integration of new data (plasticity), outperforming current continual
learning and multimodal methods. Our results confirm MSPT's superior
performance in evolving knowledge environments, showcasing its capacity to
navigate balance between stability and plasticity. | cs.CL | Continual Multimodal Knowledge Graph Construction |
2023-05-15T14:35:00Z | http://arxiv.org/pdf/2305.08677v2 | http://arxiv.org/abs/2305.08677v2 | Harsh Jhamtani, Hao Fang, Patrick Xia, Eran Levy, Jacob Andreas, Ben Van Durme | 2024-01-08T06:33:25Z | cs.CL | Designing natural language interfaces has historically required collecting
supervised data to translate user requests into carefully designed intent
representations. This requires enumerating and labeling a long tail of user
requests, which is challenging. At the same time, large language models (LLMs)
encode knowledge about goals and plans that can help conversational assistants
interpret user requests requiring numerous steps to complete. We introduce an
approach to handle complex-intent-bearing utterances from a user via a process
of hierarchical natural language decomposition and interpretation. Our approach
uses a pre-trained language model to decompose a complex utterance into a
sequence of simpler natural language steps and interprets each step using the
language-to-program model designed for the interface. To test our approach, we
collect and release DeCU -- a new NL-to-program benchmark to evaluate
Decomposition of Complex Utterances. Experiments show that the proposed
approach enables the interpretation of complex utterances with almost no
complex training data, while outperforming standard few-shot prompting
approaches. | cs.CL | Natural Language Decomposition and Interpretation of Complex Utterances |
2023-05-15T13:59:23Z | http://arxiv.org/pdf/2305.08655v1 | http://arxiv.org/abs/2305.08655v1 | Bing Wang, Ximing Li, Zhiyao Yang, Yuanyuan Guan, Jiayin Li, Shengsheng Wang | 2023-05-15T13:59:23Z | cs.CL | Pre-trained Language Model (PLM) is nowadays the mainstay of Unsupervised
Sentence Representation Learning (USRL). However, PLMs are sensitive to the
frequency information of words from their pre-training corpora, resulting in
anisotropic embedding space, where the embeddings of high-frequency words are
clustered but those of low-frequency words disperse sparsely. This anisotropic
phenomenon results in two problems of similarity bias and information bias,
lowering the quality of sentence embeddings. To solve the problems, we
fine-tune PLMs by leveraging the frequency information of words and propose a
novel USRL framework, namely Sentence Representation Learning with
Frequency-induced Adversarial tuning and Incomplete sentence filtering
(SLT-FAI). We calculate the word frequencies over the pre-training corpora of
PLMs and assign words thresholding frequency labels. With them, (1) we
incorporate a similarity discriminator used to distinguish the embeddings of
high-frequency and low-frequency words, and adversarially tune the PLM with it,
enabling to achieve uniformly frequency-invariant embedding space; and (2) we
propose a novel incomplete sentence detection task, where we incorporate an
information discriminator to distinguish the embeddings of original sentences
and incomplete sentences by randomly masking several low-frequency words,
enabling to emphasize the more informative low-frequency words. Our SLT-FAI is
a flexible and plug-and-play framework, and it can be integrated with existing
USRL techniques. We evaluate SLT-FAI with various backbones on benchmark
datasets. Empirical results indicate that SLT-FAI can be superior to the
existing USRL baselines. Our code is released in
\url{https://github.com/wangbing1416/SLT-FAI}. | cs.CL | Unsupervised Sentence Representation Learning with Frequency-induced Adversarial Tuning and Incomplete Sentence Filtering |
2023-05-15T13:58:21Z | http://arxiv.org/pdf/2305.08654v1 | http://arxiv.org/abs/2305.08654v1 | Taichi Aida, Danushka Bollegala | 2023-05-15T13:58:21Z | cs.CL | Languages are dynamic entities, where the meanings associated with words
constantly change with time. Detecting the semantic variation of words is an
important task for various NLP applications that must make time-sensitive
predictions. Existing work on semantic variation prediction have predominantly
focused on comparing some form of an averaged contextualised representation of
a target word computed from a given corpus. However, some of the previously
associated meanings of a target word can become obsolete over time (e.g.
meaning of gay as happy), while novel usages of existing words are observed
(e.g. meaning of cell as a mobile phone). We argue that mean representations
alone cannot accurately capture such semantic variations and propose a method
that uses the entire cohort of the contextualised embeddings of the target
word, which we refer to as the sibling distribution. Experimental results on
SemEval-2020 Task 1 benchmark dataset for semantic variation prediction show
that our method outperforms prior work that consider only the mean embeddings,
and is comparable to the current state-of-the-art. Moreover, a qualitative
analysis shows that our method detects important semantic changes in words that
are not captured by the existing methods. Source code is available at
https://github.com/a1da4/svp-gauss . | cs.CL | Unsupervised Semantic Variation Prediction using the Distribution of Sibling Embeddings |
2023-05-15T13:28:59Z | http://arxiv.org/pdf/2305.08636v1 | http://arxiv.org/abs/2305.08636v1 | Adam Rydelek, Daryna Dementieva, Georg Groh | 2023-05-15T13:28:59Z | cs.CL, cs.AI | The Explainable Detection of Online Sexism task presents the problem of
explainable sexism detection through fine-grained categorisation of sexist
cases with three subtasks. Our team experimented with different ways to combat
class imbalance throughout the tasks using data augmentation and loss
alteration techniques. We tackled the challenge by utilising ensembles of
Transformer models trained on different datasets, which are tested to find the
balance between performance and interpretability. This solution ranked us in
the top 40\% of teams for each of the tracks. | cs.CL | AdamR at SemEval-2023 Task 10: Solving the Class Imbalance Problem in Sexism Detection with Ensemble Learning |
2023-05-15T13:26:50Z | http://arxiv.org/pdf/2305.08633v1 | http://arxiv.org/abs/2305.08633v1 | Vishesh Thakur, Aneesh Tickoo | 2023-05-15T13:26:50Z | cs.CL, cs.AI | Deep learning techniques have gained a lot of traction in the field of NLP
research. The aim of this paper is to predict the age and gender of an
individual by inspecting their written text. We propose a supervised BERT-based
classification technique in order to predict the age and gender of bloggers.
The dataset used contains 681284 rows of data, with the information of the
blogger's age, gender, and text of the blog written by them. We compare our
algorithm to previous works in the same domain and achieve a better accuracy
and F1 score. The accuracy reported for the prediction of age group was 84.2%,
while the accuracy for the prediction of gender was 86.32%. This study relies
on the raw capabilities of BERT to predict the classes of textual data
efficiently. This paper shows promising capability in predicting the
demographics of the author with high accuracy and can have wide applicability
across multiple domains. | cs.CL | Text2Gender: A Deep Learning Architecture for Analysis of Blogger's Age and Gender |
2023-05-15T13:20:14Z | http://arxiv.org/pdf/2305.08625v1 | http://arxiv.org/abs/2305.08625v1 | Daniel Schroter, Daryna Dementieva, Georg Groh | 2023-05-15T13:20:14Z | cs.CL, cs.AI | This paper presents the best-performing approach alias "Adam Smith" for the
SemEval-2023 Task 4: "Identification of Human Values behind Arguments". The
goal of the task was to create systems that automatically identify the values
within textual arguments. We train transformer-based models until they reach
their loss minimum or f1-score maximum. Ensembling the models by selecting one
global decision threshold that maximizes the f1-score leads to the
best-performing system in the competition. Ensembling based on stacking with
logistic regressions shows the best performance on an additional dataset
provided to evaluate the robustness ("Nahj al-Balagha"). Apart from outlining
the submitted system, we demonstrate that the use of the large ensemble model
is not necessary and that the system size can be significantly reduced. | cs.CL | Adam-Smith at SemEval-2023 Task 4: Discovering Human Values in Arguments with Ensembles of Transformer-based Models |
2023-05-15T12:23:10Z | http://arxiv.org/pdf/2305.08596v2 | http://arxiv.org/abs/2305.08596v2 | Youngjin Jin, Eugene Jang, Jian Cui, Jin-Woo Chung, Yongjae Lee, Seungwon Shin | 2023-05-18T05:02:29Z | cs.CL, I.2.7 | Recent research has suggested that there are clear differences in the
language used in the Dark Web compared to that of the Surface Web. As studies
on the Dark Web commonly require textual analysis of the domain, language
models specific to the Dark Web may provide valuable insights to researchers.
In this work, we introduce DarkBERT, a language model pretrained on Dark Web
data. We describe the steps taken to filter and compile the text data used to
train DarkBERT to combat the extreme lexical and structural diversity of the
Dark Web that may be detrimental to building a proper representation of the
domain. We evaluate DarkBERT and its vanilla counterpart along with other
widely used language models to validate the benefits that a Dark Web domain
specific model offers in various use cases. Our evaluations show that DarkBERT
outperforms current language models and may serve as a valuable resource for
future research on the Dark Web. | cs.CL | DarkBERT: A Language Model for the Dark Side of the Internet |
2023-05-15T12:06:31Z | http://arxiv.org/pdf/2305.10446v1 | http://arxiv.org/abs/2305.10446v1 | Gustave Cortal, Alain Finkel, Patrick Paroubek, Lina Ye | 2023-05-15T12:06:31Z | cs.CL, cs.AI | Emotion regulation is a crucial element in dealing with emotional events and
has positive effects on mental health. This paper aims to provide a more
comprehensive understanding of emotional events by introducing a new French
corpus of emotional narratives collected using a questionnaire for emotion
regulation. We follow the theoretical framework of the Component Process Model
which considers emotions as dynamic processes composed of four interrelated
components (behavior, feeling, thinking and territory). Each narrative is
related to a discrete emotion and is structured based on all emotion components
by the writers. We study the interaction of components and their impact on
emotion classification with machine learning methods and pre-trained language
models. Our results show that each component improves prediction performance,
and that the best results are achieved by jointly considering all components.
Our results also show the effectiveness of pre-trained language models in
predicting discrete emotion from certain components, which reveal differences
in how emotion components are expressed. | cs.CL | Emotion Recognition based on Psychological Components in Guided Narratives for Emotion Regulation |
2023-05-15T12:01:09Z | http://arxiv.org/pdf/2305.08572v1 | http://arxiv.org/abs/2305.08572v1 | Julia Rozanova, Marco Valentino, Andre Freitas | 2023-05-15T12:01:09Z | cs.CL | Rigorous evaluation of the causal effects of semantic features on language
model predictions can be hard to achieve for natural language reasoning
problems. However, this is such a desirable form of analysis from both an
interpretability and model evaluation perspective, that it is valuable to zone
in on specific patterns of reasoning with enough structure and regularity to be
able to identify and quantify systematic reasoning failures in widely-used
models. In this vein, we pick a portion of the NLI task for which an explicit
causal diagram can be systematically constructed: in particular, the case where
across two sentences (the premise and hypothesis), two related words/terms
occur in a shared context. In this work, we apply causal effect estimation
strategies to measure the effect of context interventions (whose effect on the
entailment label is mediated by the semantic monotonicity characteristic) and
interventions on the inserted word-pair (whose effect on the entailment label
is mediated by the relation between these words.). Following related work on
causal analysis of NLP models in different settings, we adapt the methodology
for the NLI task to construct comparative model profiles in terms of robustness
to irrelevant changes and sensitivity to impactful changes. | cs.CL | Estimating the Causal Effects of Natural Logic Features in Neural NLI Models |
2023-05-15T11:51:55Z | http://arxiv.org/pdf/2305.08566v4 | http://arxiv.org/abs/2305.08566v4 | Iftitahu Ni'mah, Meng Fang, Vlado Menkovski, Mykola Pechenizkiy | 2023-05-26T07:30:35Z | cs.CL | In this study, we analyze automatic evaluation metrics for Natural Language
Generation (NLG), specifically task-agnostic metrics and human-aligned metrics.
Task-agnostic metrics, such as Perplexity, BLEU, BERTScore, are cost-effective
and highly adaptable to diverse NLG tasks, yet they have a weak correlation
with human. Human-aligned metrics (CTC, CtrlEval, UniEval) improves correlation
level by incorporating desirable human-like qualities as training objective.
However, their effectiveness at discerning system-level performance and quality
of system outputs remain unclear.
We present metric preference checklist as a framework to assess the
effectiveness of automatic metrics in three NLG tasks: Text Summarization,
Dialogue Response Generation, and Controlled Generation. Our proposed framework
provides access: (i) for verifying whether automatic metrics are faithful to
human preference, regardless of their correlation level to human; and (ii) for
inspecting the strengths and limitations of NLG systems via pairwise
evaluation. We show that automatic metrics provide a better guidance than human
on discriminating system-level performance in Text Summarization and Controlled
Generation tasks. We also show that multi-aspect human-aligned metric (UniEval)
is not necessarily dominant over single-aspect human-aligned metrics (CTC,
CtrlEval) and task-agnostic metrics (BLEU, BERTScore), particularly in
Controlled Generation tasks. | cs.CL | NLG Evaluation Metrics Beyond Correlation Analysis: An Empirical Metric Preference Checklist |
2023-05-15T10:32:26Z | http://arxiv.org/pdf/2305.08524v2 | http://arxiv.org/abs/2305.08524v2 | Linyi Yang, Yingpeng Ma, Yue Zhang | 2023-06-02T05:13:40Z | cs.CL, cs.AI, econ.GN, q-fin.EC | Financial forecasting has been an important and active area of machine
learning research, as even the most modest advantage in predictive accuracy can
be parlayed into significant financial gains. Recent advances in natural
language processing (NLP) bring the opportunity to leverage textual data, such
as earnings reports of publicly traded companies, to predict the return rate
for an asset. However, when dealing with such a sensitive task, the consistency
of models -- their invariance under meaning-preserving alternations in input --
is a crucial property for building user trust. Despite this, current financial
forecasting methods do not consider consistency. To address this problem, we
propose FinTrust, an evaluation tool that assesses logical consistency in
financial text. Using FinTrust, we show that the consistency of
state-of-the-art NLP models for financial forecasting is poor. Our analysis of
the performance degradation caused by meaning-preserving alternations suggests
that current text-based methods are not suitable for robustly predicting market
information. All resources are available at
https://github.com/yingpengma/fintrust. | cs.CL | Measuring Consistency in Text-based Financial Forecasting Models |
2023-05-15T10:28:36Z | http://arxiv.org/pdf/2305.08518v1 | http://arxiv.org/abs/2305.08518v1 | Derguene Mbaye, Moussa Diallo | 2023-05-15T10:28:36Z | cs.CL, cs.AI | The progress of Natural Language Processing (NLP), although fast in recent
years, is not at the same pace for all languages. African languages in
particular are still behind and lack automatic processing tools. Some of these
tools are very important for the development of these languages but also have
an important role in many NLP applications. This is particularly the case for
automatic spell checkers. Several approaches have been studied to address this
task and the one modeling spelling correction as a translation task from
misspelled (noisy) text to well-spelled (correct) text shows promising results.
However, this approach requires a parallel corpus of noisy data on the one hand
and correct data on the other hand, whereas Wolof is a low-resource language
and does not have such a corpus. In this paper, we present a way to address the
constraint related to the lack of data by generating synthetic data and we
present sequence-to-sequence models using Deep Learning for spelling correction
in Wolof. We evaluated these models in three different scenarios depending on
the subwording method applied to the data and showed that the latter had a
significant impact on the performance of the models, which opens the way for
future research in Wolof spelling correction. | cs.CL | Beqi: Revitalize the Senegalese Wolof Language with a Robust Spelling Corrector |
2023-05-15T10:03:31Z | http://arxiv.org/pdf/2305.08503v5 | http://arxiv.org/abs/2305.08503v5 | Chenhui Shen, Liying Cheng, Xuan-Phi Nguyen, Yang You, Lidong Bing | 2023-11-01T09:18:34Z | cs.CL | Pre-trained language models (PLMs) have achieved outstanding achievements in
abstractive single-document summarization (SDS). However, such benefits may not
fully extend to multi-document summarization (MDS), where the handling of
cross-document information is more complex. Previous works either design new
MDS architectures or apply PLMs bluntly with concatenated source documents as a
reformulated SDS task. While the former does not utilize previous pre-training
efforts and may not generalize well across different domains, the latter may
not sufficiently attend to the intricate cross-document relationships unique to
MDS tasks. Instead, we enforce hierarchy on both the encoder and decoder to
better utilize a PLM to facilitate multi-document interactions for the MDS
task. Across 10 MDS benchmarks from various domains, our method outperforms or
is competitive with the previous best models, including those with additional
MDS pre-training or with more parameters. It outperforms its corresponding PLM
backbone by up to 3 Rouge-L and is favored by humans. | cs.CL | A Hierarchical Encoding-Decoding Scheme for Abstractive Multi-document Summarization |
2023-05-15T10:02:47Z | http://arxiv.org/pdf/2305.08502v1 | http://arxiv.org/abs/2305.08502v1 | Reut Apel, Tom Braude, Amir Kantor, Eyal Kolman | 2023-05-15T10:02:47Z | cs.CL, cs.LG | We present MeeQA, a dataset for natural-language question answering over
meeting transcripts. It includes real questions asked during meetings by its
participants. The dataset contains 48K question-answer pairs, extracted from
422 meeting transcripts, spanning multiple domains. Questions in transcripts
pose a special challenge as they are not always clear, and considerable context
may be required in order to provide an answer. Further, many questions asked
during meetings are left unanswered. To improve baseline model performance on
this type of questions, we also propose a novel loss function, \emph{Flat
Hierarchical Loss}, designed to enhance performance over questions with no
answer in the text. Our experiments demonstrate the advantage of using our
approach over standard QA models. | cs.CL | MeeQA: Natural Questions in Meeting Transcripts |
2023-05-15T09:52:36Z | http://arxiv.org/pdf/2305.08495v1 | http://arxiv.org/abs/2305.08495v1 | Moritz Plenz, Juri Opitz, Philipp Heinisch, Philipp Cimiano, Anette Frank | 2023-05-15T09:52:36Z | cs.CL, cs.DB | Arguments often do not make explicit how a conclusion follows from its
premises. To compensate for this lack, we enrich arguments with structured
background knowledge to support knowledge-intense argumentation tasks. We
present a new unsupervised method for constructing Contextualized Commonsense
Knowledge Graphs (CCKGs) that selects contextually relevant knowledge from
large knowledge graphs (KGs) efficiently and at high quality. Our work goes
beyond context-insensitive knowledge extraction heuristics by computing
semantic similarity between KG triplets and textual arguments. Using these
triplet similarities as weights, we extract contextualized knowledge paths that
connect a conclusion to its premise, while maximizing similarity to the
argument. We combine multiple paths into a CCKG that we optionally prune to
reduce noise and raise precision. Intrinsic evaluation of the quality of our
graphs shows that our method is effective for (re)constructing human
explanation graphs. Manual evaluations in a large-scale knowledge selection
setup confirm high recall and precision of implicit CSK in the CCKGs. Finally,
we demonstrate the effectiveness of CCKGs in a knowledge-insensitive argument
quality rating task, outperforming strong baselines and rivaling a GPT-3 based
system. | cs.CL | Similarity-weighted Construction of Contextualized Commonsense Knowledge Graphs for Knowledge-intense Argumentation Tasks |
2023-05-15T09:50:15Z | http://arxiv.org/pdf/2305.08493v2 | http://arxiv.org/abs/2305.08493v2 | Mohamad Elzohbi, Richard Zhao | 2023-06-26T03:50:55Z | cs.CL | The rapid advancement in machine learning has led to a surge in automatic
data generation, making it increasingly challenging to differentiate between
naturally or human-generated data and machine-generated data. Despite these
advancements, the generation of creative data remains a challenge. This paper
aims to investigate and comprehend the essence of creativity, both in general
and within the context of natural language generation. We review various
approaches to creative writing devices and tasks, with a specific focus on the
generation of poetry. We aim to shed light on the challenges and opportunities
in the field of creative data generation. | cs.CL | Creative Data Generation: A Review Focusing on Text and Poetry |
2023-05-15T09:43:32Z | http://arxiv.org/pdf/2305.08487v2 | http://arxiv.org/abs/2305.08487v2 | Chunlan Ma, Ayyoob ImaniGooghari, Haotian Ye, Renhao Pei, Ehsaneddin Asgari, Hinrich Schütze | 2024-06-04T15:03:12Z | cs.CL | While natural language processing tools have been developed extensively for
some of the world's languages, a significant portion of the world's over 7000
languages are still neglected. One reason for this is that evaluation datasets
do not yet cover a wide range of languages, including low-resource and
endangered ones. We aim to address this issue by creating a text classification
dataset encompassing a large number of languages, many of which currently have
little to no annotated data available. We leverage parallel translations of the
Bible to construct such a dataset by first developing applicable topics and
employing a crowdsourcing tool to collect annotated data. By annotating the
English side of the data and projecting the labels onto other languages through
aligned verses, we generate text classification datasets for more than 1500
languages. We extensively benchmark several existing multilingual language
models using our dataset. To facilitate the advancement of research in this
area, we will release our dataset and code. | cs.CL | Taxi1500: A Multilingual Dataset for Text Classification in 1500 Languages |
2023-05-15T09:27:34Z | http://arxiv.org/pdf/2305.08475v2 | http://arxiv.org/abs/2305.08475v2 | Yihong Liu, Haotian Ye, Leonie Weissweiler, Philipp Wicke, Renhao Pei, Robert Zangenfeind, Hinrich Schütze | 2023-05-26T18:29:24Z | cs.CL | Languages differ in how they divide up the world into concepts and words;
e.g., in contrast to English, Swahili has a single concept for `belly' and
`womb'. We investigate these differences in conceptualization across 1,335
languages by aligning concepts in a parallel corpus. To this end, we propose
Conceptualizer, a method that creates a bipartite directed alignment graph
between source language concepts and sets of target language strings. In a
detailed linguistic analysis across all languages for one concept (`bird') and
an evaluation on gold standard data for 32 Swadesh concepts, we show that
Conceptualizer has good alignment accuracy. We demonstrate the potential of
research on conceptualization in NLP with two experiments. (1) We define
crosslingual stability of a concept as the degree to which it has 1-1
correspondences across languages, and show that concreteness predicts
stability. (2) We represent each language by its conceptualization pattern for
83 concepts, and define a similarity measure on these representations. The
resulting measure for the conceptual similarity of two languages is
complementary to standard genealogical, typological, and surface similarity
measures. For four out of six language families, we can assign languages to
their correct family based on conceptual similarity with accuracy between 54%
and 87%. | cs.CL | A Crosslingual Investigation of Conceptualization in 1335 Languages |
2023-05-15T09:24:48Z | http://arxiv.org/pdf/2305.08473v2 | http://arxiv.org/abs/2305.08473v2 | Songning Lai, Jiakang Li, Guinan Guo, Xifeng Hu, Yulong Li, Yuan Tan, Zichen Song, Yutong Liu, Zhaoxia Ren, Chun Wan, Danmin Miao, Zhi Liu | 2024-03-19T07:59:52Z | cs.CL, cs.CV | Designing an effective representation learning method for multimodal
sentiment analysis tasks is a crucial research direction. The challenge lies in
learning both shared and private information in a complete modal
representation, which is difficult with uniform multimodal labels and a raw
feature fusion approach. In this work, we propose a deep modal shared
information learning module based on the covariance matrix to capture the
shared information between modalities. Additionally, we use a label generation
module based on a self-supervised learning strategy to capture the private
information of the modalities. Our module is plug-and-play in multimodal tasks,
and by changing the parameterization, it can adjust the information exchange
relationship between the modes and learn the private or shared information
between the specified modes. We also employ a multi-task learning strategy to
help the model focus its attention on the modal differentiation training data.
We provide a detailed formulation derivation and feasibility proof for the
design of the deep modal shared information learning module. We conduct
extensive experiments on three common multimodal sentiment analysis baseline
datasets, and the experimental results validate the reliability of our model.
Furthermore, we explore more combinatorial techniques for the use of the
module. Our approach outperforms current state-of-the-art methods on most of
the metrics of the three public datasets. | cs.CL | Shared and Private Information Learning in Multimodal Sentiment Analysis with Deep Modal Alignment and Self-supervised Multi-Task Learning |
2023-05-15T08:54:32Z | http://arxiv.org/pdf/2305.08455v3 | http://arxiv.org/abs/2305.08455v3 | Jordy Van Landeghem, Rubén Tito, Łukasz Borchmann, Michał Pietruszka, Paweł Józiak, Rafał Powalski, Dawid Jurkiewicz, Mickaël Coustaty, Bertrand Ackaert, Ernest Valveny, Matthew Blaschko, Sien Moens, Tomasz Stanisławek | 2023-09-11T10:36:41Z | cs.CV, cs.CL, cs.LG | We call on the Document AI (DocAI) community to reevaluate current
methodologies and embrace the challenge of creating more practically-oriented
benchmarks. Document Understanding Dataset and Evaluation (DUDE) seeks to
remediate the halted research progress in understanding visually-rich documents
(VRDs). We present a new dataset with novelties related to types of questions,
answers, and document layouts based on multi-industry, multi-domain, and
multi-page VRDs of various origins, and dates. Moreover, we are pushing the
boundaries of current methods by creating multi-task and multi-domain
evaluation setups that more accurately simulate real-world situations where
powerful generalization and adaptation under low-resource settings are desired.
DUDE aims to set a new standard as a more practical, long-standing benchmark
for the community, and we hope that it will lead to future extensions and
contributions that address real-world challenges. Finally, our work illustrates
the importance of finding more efficient ways to model language, images, and
layout in DocAI. | cs.CV | Document Understanding Dataset and Evaluation (DUDE) |
2023-05-15T08:21:32Z | http://arxiv.org/pdf/2305.08433v1 | http://arxiv.org/abs/2305.08433v1 | Mariia Zyrianova, Dmytro Kalpakchi, Johan Boye | 2023-05-15T08:21:32Z | cs.CL | When training and evaluating machine reading comprehension models, it is very
important to work with high-quality datasets that are also representative of
real-world reading comprehension tasks. This requirement includes, for
instance, having questions that are based on texts of different genres and
require generating inferences or reflecting on the reading material.
In this article we turn our attention to RACE, a dataset of English texts and
corresponding multiple-choice questions (MCQs). Each MCQ consists of a question
and four alternatives (of which one is the correct answer). RACE was
constructed by Chinese teachers of English for human reading comprehension and
is widely used as training material for machine reading comprehension models.
By construction, RACE should satisfy the aforementioned quality requirements
and the purpose of this article is to check whether they are indeed satisfied.
We provide a detailed analysis of the test set of RACE for high-school
students (1045 texts and 3498 corresponding MCQs) including (1) an evaluation
of the difficulty of each MCQ and (2) annotations for the relevant pieces of
the texts (called "bases") that are used to justify the plausibility of each
alternative. A considerable number of MCQs appear not to fulfill basic
requirements for this type of reading comprehension tasks, so we additionally
identify the high-quality subset of the evaluated RACE corpus. We also
demonstrate that the distribution of the positions of the bases for the
alternatives is biased towards certain parts of texts, which is not necessarily
desirable when evaluating MCQ answering and generation models. | cs.CL | EMBRACE: Evaluation and Modifications for Boosting RACE |
2023-05-15T08:13:00Z | http://arxiv.org/pdf/2305.08428v1 | http://arxiv.org/abs/2305.08428v1 | Emmanuel Bauer, Dominik Stammbach, Nianlong Gu, Elliott Ash | 2023-05-15T08:13:00Z | cs.CL | This paper tackles the task of legal extractive summarization using a dataset
of 430K U.S. court opinions with key passages annotated. According to automated
summary quality metrics, the reinforcement-learning-based MemSum model is best
and even out-performs transformer-based models. In turn, expert human
evaluation shows that MemSum summaries effectively capture the key points of
lengthy court opinions. Motivated by these results, we open-source our models
to the general public. This represents progress towards democratizing law and
making U.S. court opinions more accessible to the general public. | cs.CL | Legal Extractive Summarization of U.S. Court Opinions |
2023-05-15T07:48:31Z | http://arxiv.org/pdf/2305.08414v1 | http://arxiv.org/abs/2305.08414v1 | Simone Tedeschi, Johan Bos, Thierry Declerck, Jan Hajic, Daniel Hershcovich, Eduard H. Hovy, Alexander Koller, Simon Krek, Steven Schockaert, Rico Sennrich, Ekaterina Shutova, Roberto Navigli | 2023-05-15T07:48:31Z | cs.CL, cs.AI | In the last five years, there has been a significant focus in Natural
Language Processing (NLP) on developing larger Pretrained Language Models
(PLMs) and introducing benchmarks such as SuperGLUE and SQuAD to measure their
abilities in language understanding, reasoning, and reading comprehension.
These PLMs have achieved impressive results on these benchmarks, even
surpassing human performance in some cases. This has led to claims of
superhuman capabilities and the provocative idea that certain tasks have been
solved. In this position paper, we take a critical look at these claims and ask
whether PLMs truly have superhuman abilities and what the current benchmarks
are really evaluating. We show that these benchmarks have serious limitations
affecting the comparison between humans and PLMs and provide recommendations
for fairer and more transparent benchmarks. | cs.CL | What's the Meaning of Superhuman Performance in Today's NLU? |
2023-05-15T07:14:41Z | http://arxiv.org/pdf/2305.08391v2 | http://arxiv.org/abs/2305.08391v2 | Yaxin Fan, Feng Jiang, Peifeng Li, Haizhou Li | 2024-03-05T08:52:20Z | cs.CL | Large language models, like ChatGPT, have shown remarkable capability in many
downstream tasks, yet their ability to understand discourse structures of
dialogues remains less explored, where it requires higher level capabilities of
understanding and reasoning. In this paper, we aim to systematically inspect
ChatGPT's performance in two discourse analysis tasks: topic segmentation and
discourse parsing, focusing on its deep semantic understanding of linear and
hierarchical discourse structures underlying dialogue. To instruct ChatGPT to
complete these tasks, we initially craft a prompt template consisting of the
task description, output format, and structured input. Then, we conduct
experiments on four popular topic segmentation datasets and two discourse
parsing datasets. The experimental results showcase that ChatGPT demonstrates
proficiency in identifying topic structures in general-domain conversations yet
struggles considerably in specific-domain conversations. We also found that
ChatGPT hardly understands rhetorical structures that are more complex than
topic structures. Our deeper investigation indicates that ChatGPT can give more
reasonable topic structures than human annotations but only linearly parses the
hierarchical rhetorical structures. In addition, we delve into the impact of
in-context learning (e.g., chain-of-thought) on ChatGPT and conduct the
ablation study on various prompt components, which can provide a research
foundation for future work. The code is available at
\url{https://github.com/yxfanSuda/GPTforDDA}. | cs.CL | Uncovering the Potential of ChatGPT for Discourse Analysis in Dialogue: An Empirical Study |
2023-05-15T06:43:44Z | http://arxiv.org/pdf/2305.08383v2 | http://arxiv.org/abs/2305.08383v2 | Takumi Nishi | 2023-09-21T17:18:37Z | cs.CL | The study involved the analysis of emotion-associated language in the UK
Conservative and Labour party general election manifestos between 2000 to 2019.
While previous research have shown a general correlation between ideological
positioning and overlap of public policies, there are still conflicting results
in matters of sentiments in such manifestos. Using new data, we present how
valence level can be swayed by party status within government with incumbent
parties presenting a higher frequency in positive emotion-associated words
while negative emotion-associated words are more prevalent in opposition
parties. We also demonstrate that parties with ideological similitude use
positive language prominently further adding to the literature on the
relationship between sentiments and party status. | cs.CL | The Impact of Incumbent/Opposition Status and Ideological Similitude on Emotions in Political Manifestos |
2023-05-15T06:33:45Z | http://arxiv.org/pdf/2305.08379v2 | http://arxiv.org/abs/2305.08379v2 | Rabeeh Karimi Mahabadi, Hamish Ivison, Jaesung Tae, James Henderson, Iz Beltagy, Matthew E. Peters, Arman Cohan | 2024-02-21T00:06:20Z | cs.CL, cs.LG | Diffusion models have emerged as a powerful paradigm for generation,
obtaining strong performance in various continuous domains. However, applying
continuous diffusion models to natural language remains challenging due to its
discrete nature and the need for a large number of diffusion steps to generate
text, making diffusion-based generation expensive. In this work, we propose
Text-to-text Self-conditioned Simplex Diffusion (TESS), a text diffusion model
that is fully non-autoregressive, employs a new form of self-conditioning, and
applies the diffusion process on the logit simplex space rather than the
learned embedding space. Through extensive experiments on natural language
understanding and generation tasks including summarization, text
simplification, paraphrase generation, and question generation, we demonstrate
that TESS outperforms state-of-the-art non-autoregressive models, requires
fewer diffusion steps with minimal drop in performance, and is competitive with
pretrained autoregressive sequence-to-sequence models. We publicly release our
codebase at https://github.com/allenai/tess-diffusion. | cs.CL | TESS: Text-to-Text Self-Conditioned Simplex Diffusion |
2023-05-15T06:24:45Z | http://arxiv.org/pdf/2305.08377v3 | http://arxiv.org/abs/2305.08377v3 | Xiaofei Sun, Xiaoya Li, Jiwei Li, Fei Wu, Shangwei Guo, Tianwei Zhang, Guoyin Wang | 2023-10-09T15:52:30Z | cs.CL | Despite the remarkable success of large-scale Language Models (LLMs) such as
GPT-3, their performances still significantly underperform fine-tuned models in
the task of text classification. This is due to (1) the lack of reasoning
ability in addressing complex linguistic phenomena (e.g., intensification,
contrast, irony etc); (2) limited number of tokens allowed in in-context
learning.
In this paper, we introduce Clue And Reasoning Prompting (CARP). CARP adopts
a progressive reasoning strategy tailored to addressing the complex linguistic
phenomena involved in text classification: CARP first prompts LLMs to find
superficial clues (e.g., keywords, tones, semantic relations, references, etc),
based on which a diagnostic reasoning process is induced for final decisions.
To further address the limited-token issue, CARP uses a fine-tuned model on the
supervised dataset for $k$NN demonstration search in the in-context learning,
allowing the model to take the advantage of both LLM's generalization ability
and the task-specific evidence provided by the full labeled dataset.
Remarkably, CARP yields new SOTA performances on 4 out of 5 widely-used
text-classification benchmarks, 97.39 (+1.24) on SST-2, 96.40 (+0.72) on
AGNews, 98.78 (+0.25) on R8 and 96.95 (+0.6) on R52, and a performance
comparable to SOTA on MR (92.39 v.s. 93.3). More importantly, we find that CARP
delivers impressive abilities on low-resource and domain-adaptation setups.
Specifically, using 16 examples per class, CARP achieves comparable
performances to supervised models with 1,024 examples per class. | cs.CL | Text Classification via Large Language Models |
2023-05-15T06:14:36Z | http://arxiv.org/pdf/2305.08372v2 | http://arxiv.org/abs/2305.08372v2 | Peipei Liu, Hong Li, Yimo Ren, Jie Liu, Shuaizong Si, Hongsong Zhu, Limin Sun | 2024-01-04T10:15:28Z | cs.CL, cs.MM | Mining structured knowledge from tweets using named entity recognition (NER)
can be beneficial for many down stream applications such as recommendation and
intention understanding. With tweet posts tending to be multimodal, multimodal
named entity recognition (MNER) has attracted more attention. In this paper, we
propose a novel approach, which can dynamically align the image and text
sequence and achieve the multi-level cross-modal learning to augment textual
word representation for MNER improvement. To be specific, our framework can be
split into three main stages: the first stage focuses on intra-modality
representation learning to derive the implicit global and local knowledge of
each modality, the second evaluates the relevance between the text and its
accompanying image and integrates different grained visual information based on
the relevance, the third enforces semantic refinement via iterative cross-modal
interactions and co-attention. We conduct experiments on two open datasets, and
the results and detailed analysis demonstrate the advantage of our model. | cs.CL | Hierarchical Aligned Multimodal Learning for NER on Tweet Posts |
2023-05-15T06:08:01Z | http://arxiv.org/pdf/2305.08371v2 | http://arxiv.org/abs/2305.08371v2 | Junfeng Jiang, Chengzhang Dong, Sadao Kurohashi, Akiko Aizawa | 2023-10-15T15:03:17Z | cs.CL | Dialogue segmentation is a crucial task for dialogue systems allowing a
better understanding of conversational texts. Despite recent progress in
unsupervised dialogue segmentation methods, their performances are limited by
the lack of explicit supervised signals for training. Furthermore, the precise
definition of segmentation points in conversations still remains as a
challenging problem, increasing the difficulty of collecting manual
annotations. In this paper, we provide a feasible definition of dialogue
segmentation points with the help of document-grounded dialogues and release a
large-scale supervised dataset called SuperDialseg, containing 9,478 dialogues
based on two prevalent document-grounded dialogue corpora, and also inherit
their useful dialogue-related annotations. Moreover, we provide a benchmark
including 18 models across five categories for the dialogue segmentation task
with several proper evaluation metrics. Empirical studies show that supervised
learning is extremely effective in in-domain datasets and models trained on
SuperDialseg can achieve good generalization ability on out-of-domain data.
Additionally, we also conducted human verification on the test set and the
Kappa score confirmed the quality of our automatically constructed dataset. We
believe our work is an important step forward in the field of dialogue
segmentation. Our codes and data can be found from:
https://github.com/Coldog2333/SuperDialseg. | cs.CL | SuperDialseg: A Large-scale Dataset for Supervised Dialogue Segmentation |
2023-05-15T05:42:34Z | http://arxiv.org/pdf/2305.10445v2 | http://arxiv.org/abs/2305.10445v2 | Samuel Stevens, Yu Su | 2023-10-13T18:25:11Z | cs.CL, cs.AI | Over-parameterized neural language models (LMs) can memorize and recite long
sequences of training data. While such memorization is normally associated with
undesired properties such as overfitting and information leaking, our work
casts memorization as an unexplored capability of LMs. We propose the first
symmetric encryption algorithm with autoregressive language models (SELM). We
show that autoregressive LMs can encode arbitrary data into a compact
real-valued vector (i.e., encryption) and then losslessly decode the vector to
the original message (i.e., decryption) via random subspace optimization and
greedy decoding. While SELM is not amenable to conventional cryptanalysis, we
investigate its security through a novel empirical variant of the classic
IND-CPA (indistinguishability under chosen-plaintext attack) game and show
promising results on security. Our code and datasets are available at
https://github.com/OSU-NLP-Group/SELM. | cs.CL | Memorization for Good: Encryption with Autoregressive Language Models |
2023-05-15T05:01:29Z | http://arxiv.org/pdf/2305.08348v2 | http://arxiv.org/abs/2305.08348v2 | Yanling Li, Bowei Zou, Yifan Fan, Mengxing Dong, Yu Hong | 2023-05-22T04:42:40Z | cs.CL | We tackle Multi-party Dialogue Reading Comprehension (abbr., MDRC). MDRC
stands for an extractive reading comprehension task grounded on a batch of
dialogues among multiple interlocutors. It is challenging due to the
requirement of understanding cross-utterance contexts and relationships in a
multi-turn multi-party conversation. Previous studies have made great efforts
on the utterance profiling of a single interlocutor and graph-based interaction
modeling. The corresponding solutions contribute to the answer-oriented
reasoning on a series of well-organized and thread-aware conversational
contexts. However, the current MDRC models still suffer from two bottlenecks.
On the one hand, a pronoun like "it" most probably produces multi-skip
reasoning throughout the utterances of different interlocutors. On the other
hand, an MDRC encoder is potentially puzzled by fuzzy features, i.e., the
mixture of inner linguistic features in utterances and external interactive
features among utterances. To overcome the bottlenecks, we propose a
coreference-aware attention modeling method to strengthen the reasoning
ability. In addition, we construct a two-channel encoding network. It
separately encodes utterance profiles and interactive relationships, so as to
relieve the confusion among heterogeneous features. We experiment on the
benchmark corpora Molweni and FriendsQA. Experimental results demonstrate that
our approach yields substantial improvements on both corpora, compared to the
fine-tuned BERT and ELECTRA baselines. The maximum performance gain is about
2.5\% F1-score. Besides, our MDRC models outperform the state-of-the-art in
most cases. | cs.CL | Coreference-aware Double-channel Attention Network for Multi-party Dialogue Reading Comprehension |
2023-05-15T04:58:37Z | http://arxiv.org/pdf/2305.08347v1 | http://arxiv.org/abs/2305.08347v1 | Zhifeng Li, Bowei Zou, Yifan Fan, Yu Hong | 2023-05-15T04:58:37Z | cs.CL, cs.AI | Generative commonsense question answering (GenCQA) is a task of automatically
generating a list of answers given a question. The answer list is required to
cover all reasonable answers. This presents the considerable challenges of
producing diverse answers and ranking them properly. Incorporating a variety of
closely-related background knowledge into the encoding of questions enables the
generation of different answers. Meanwhile, learning to distinguish positive
answers from negative ones potentially enhances the probabilistic estimation of
plausibility, and accordingly, the plausibility-based ranking. Therefore, we
propose a Knowledge Enhancement and Plausibility Ranking (KEPR) approach
grounded on the Generate-Then-Rank pipeline architecture. Specifically, we
expand questions in terms of Wiktionary commonsense knowledge of keywords, and
reformulate them with normalized patterns. Dense passage retrieval is utilized
for capturing relevant knowledge, and different PLM-based (BART, GPT2 and T5)
networks are used for generating answers. On the other hand, we develop an
ELECTRA-based answer ranking model, where logistic regression is conducted
during training, with the aim of approximating different levels of plausibility
in a polar classification scenario. Extensive experiments on the benchmark
ProtoQA show that KEPR obtains substantial improvements, compared to the strong
baselines. Within the experimental models, the T5-based GenCQA with KEPR
obtains the best performance, which is up to 60.91% at the primary canonical
metric Inc@3. It outperforms the existing GenCQA models on the current
leaderboard of ProtoQA. | cs.CL | KEPR: Knowledge Enhancement and Plausibility Ranking for Generative Commonsense Question Answering |
2023-05-15T04:10:13Z | http://arxiv.org/pdf/2305.08339v4 | http://arxiv.org/abs/2305.08339v4 | Danni Yu, Luyang Li, Hang Su, Matteo Fuoli | 2024-03-18T09:56:09Z | cs.CL, cs.AI | Certain forms of linguistic annotation, like part of speech and semantic
tagging, can be automated with high accuracy. However, manual annotation is
still necessary for complex pragmatic and discursive features that lack a
direct mapping to lexical forms. This manual process is time-consuming and
error-prone, limiting the scalability of function-to-form approaches in corpus
linguistics. To address this, our study explores automating pragma-discursive
corpus annotation using large language models (LLMs). We compare ChatGPT, the
Bing chatbot, and a human coder in annotating apology components in English
based on the local grammar framework. We find that the Bing chatbot
outperformed ChatGPT, with accuracy approaching that of a human coder. These
results suggest that AI can be successfully deployed to aid pragma-discursive
corpus annotation, making the process more efficient and scalable. Keywords:
linguistic annotation, function-to-form approaches, large language models,
local grammar analysis, Bing chatbot, ChatGPT | cs.CL | Assessing the potential of AI-assisted pragmatic annotation: The case of apologies |
2023-05-15T03:20:19Z | http://arxiv.org/pdf/2305.08322v3 | http://arxiv.org/abs/2305.08322v3 | Yuzhen Huang, Yuzhuo Bai, Zhihao Zhu, Junlei Zhang, Jinghan Zhang, Tangjun Su, Junteng Liu, Chuancheng Lv, Yikai Zhang, Jiayi Lei, Yao Fu, Maosong Sun, Junxian He | 2023-11-06T13:24:16Z | cs.CL | New NLP benchmarks are urgently needed to align with the rapid development of
large language models (LLMs). We present C-Eval, the first comprehensive
Chinese evaluation suite designed to assess advanced knowledge and reasoning
abilities of foundation models in a Chinese context. C-Eval comprises
multiple-choice questions across four difficulty levels: middle school, high
school, college, and professional. The questions span 52 diverse disciplines,
ranging from humanities to science and engineering. C-Eval is accompanied by
C-Eval Hard, a subset of very challenging subjects in C-Eval that requires
advanced reasoning abilities to solve. We conduct a comprehensive evaluation of
the most advanced LLMs on C-Eval, including both English- and Chinese-oriented
models. Results indicate that only GPT-4 could achieve an average accuracy of
over 60%, suggesting that there is still significant room for improvement for
current LLMs. We anticipate C-Eval will help analyze important strengths and
shortcomings of foundation models, and foster their development and growth for
Chinese users. | cs.CL | C-Eval: A Multi-Level Multi-Discipline Chinese Evaluation Suite for Foundation Models |
2023-05-15T03:19:42Z | http://arxiv.org/pdf/2305.16328v1 | http://arxiv.org/abs/2305.16328v1 | Rohan Pandey | 2023-05-15T03:19:42Z | cs.CL, cs.LG | What is sentence meaning and its ideal representation? Much of the expressive
power of human language derives from semantic composition, the mind's ability
to represent meaning hierarchically & relationally over constituents. At the
same time, much sentential meaning is outside the text and requires grounding
in sensory, motor, and experiential modalities to be adequately learned.
Although large language models display considerable compositional ability,
recent work shows that visually-grounded language models drastically fail to
represent compositional structure. In this thesis, we explore whether & how
models compose visually grounded semantics, and how we might improve their
ability to do so.
Specifically, we introduce 1) WinogroundVQA, a new compositional visual
question answering benchmark, 2) Syntactic Neural Module Distillation, a
measure of compositional ability in sentence embedding models, 3) Causal
Tracing for Image Captioning Models to locate neural representations vital for
vision-language composition, 4) Syntactic MeanPool to inject a compositional
inductive bias into sentence embeddings, and 5) Cross-modal Attention
Congruence Regularization, a self-supervised objective function for
vision-language relation alignment. We close by discussing connections of our
work to neuroscience, psycholinguistics, formal semantics, and philosophy. | cs.CL | Semantic Composition in Visually Grounded Language Models |
2023-05-15T02:01:20Z | http://arxiv.org/pdf/2305.08300v1 | http://arxiv.org/abs/2305.08300v1 | Zexue He, An Yan, Amilcare Gentili, Julian McAuley, Chun-Nan Hsu | 2023-05-15T02:01:20Z | cs.CL | Sharing medical reports is essential for patient-centered care. A recent line
of work has focused on automatically generating reports with NLP methods.
However, different audiences have different purposes when writing/reading
medical reports -- for example, healthcare professionals care more about
pathology, whereas patients are more concerned with the diagnosis ("Is there
any abnormality?"). The expectation gap results in a common situation where
patients find their medical reports to be ambiguous and therefore unsure about
the next steps. In this work, we explore the audience expectation gap in
healthcare and summarize common ambiguities that lead patients to be confused
about their diagnosis into three categories: medical jargon, contradictory
findings, and misleading grammatical errors. Based on our analysis, we define a
disambiguation rewriting task to regenerate an input to be unambiguous while
preserving information about the original content. We further propose a
rewriting algorithm based on contrastive pretraining and perturbation-based
rewriting. In addition, we create two datasets, OpenI-Annotated based on chest
reports and VA-Annotated based on general medical reports, with available
binary labels for ambiguity and abnormality presence annotated by radiology
specialists. Experimental results on these datasets show that our proposed
algorithm effectively rewrites input sentences in a less ambiguous way with
high content fidelity. Our code and annotated data are released to facilitate
future research. | cs.CL | "Nothing Abnormal": Disambiguating Medical Reports via Contrastive Knowledge Infusion |
2023-05-15T01:59:58Z | http://arxiv.org/pdf/2305.08298v2 | http://arxiv.org/abs/2305.08298v2 | Jerry Wei, Le Hou, Andrew Lampinen, Xiangning Chen, Da Huang, Yi Tay, Xinyun Chen, Yifeng Lu, Denny Zhou, Tengyu Ma, Quoc V. Le | 2023-12-30T21:23:17Z | cs.CL | We present symbol tuning - finetuning language models on in-context
input-label pairs where natural language labels (e.g., "positive/negative
sentiment") are replaced with arbitrary symbols (e.g., "foo/bar"). Symbol
tuning leverages the intuition that when a model cannot use instructions or
natural language labels to figure out a task, it must instead do so by learning
the input-label mappings.
We experiment with symbol tuning across Flan-PaLM models up to 540B
parameters and observe benefits across various settings. First, symbol tuning
boosts performance on unseen in-context learning tasks and is much more robust
to underspecified prompts, such as those without instructions or without
natural language labels. Second, symbol-tuned models are much stronger at
algorithmic reasoning tasks, with up to 18.2% better performance on the List
Functions benchmark and up to 15.3% better performance on the Simple Turing
Concepts benchmark. Finally, symbol-tuned models show large improvements in
following flipped-labels presented in-context, meaning that they are more
capable of using in-context information to override prior semantic knowledge. | cs.CL | Symbol tuning improves in-context learning in language models |
2023-05-15T01:18:23Z | http://arxiv.org/pdf/2305.08291v1 | http://arxiv.org/abs/2305.08291v1 | Jieyi Long | 2023-05-15T01:18:23Z | cs.AI, cs.CL, cs.CV, cs.LG, cs.NE | In this paper, we introduce the Tree-of-Thought (ToT) framework, a novel
approach aimed at improving the problem-solving capabilities of auto-regressive
large language models (LLMs). The ToT technique is inspired by the human mind's
approach for solving complex reasoning tasks through trial and error. In this
process, the human mind explores the solution space through a tree-like thought
process, allowing for backtracking when necessary. To implement ToT as a
software system, we augment an LLM with additional modules including a prompter
agent, a checker module, a memory module, and a ToT controller. In order to
solve a given problem, these modules engage in a multi-round conversation with
the LLM. The memory module records the conversation and state history of the
problem solving process, which allows the system to backtrack to the previous
steps of the thought-process and explore other directions from there. To verify
the effectiveness of the proposed technique, we implemented a ToT-based solver
for the Sudoku Puzzle. Experimental results show that the ToT framework can
significantly increase the success rate of Sudoku puzzle solving. Our
implementation of the ToT-based Sudoku solver is available on GitHub:
\url{https://github.com/jieyilong/tree-of-thought-puzzle-solver}. | cs.AI | Large Language Model Guided Tree-of-Thought |
2023-05-15T00:21:08Z | http://arxiv.org/pdf/2305.08285v3 | http://arxiv.org/abs/2305.08285v3 | Yunqi Zhu, Xuebing Yang, Yuanyuan Wu, Wensheng Zhang | 2023-05-19T01:29:08Z | cs.CL, cs.AI | The increasing size of language models raises great research interests in
parameter-efficient fine-tuning such as LoRA that freezes the pre-trained
model, and injects small-scale trainable parameters for multiple downstream
tasks (e.g., summarization, question answering and translation). To further
enhance the efficiency of fine-tuning, we propose a framework that integrates
LoRA and structured layer pruning. The integrated framework is validated on two
created deidentified medical report summarization datasets based on
MIMIC-IV-Note and two public medical dialogue datasets. By tuning 0.6%
parameters of the original model and pruning over 30% Transformer-layers, our
framework can reduce 50% of GPU memory usage and speed up 100% of the training
phase, while preserving over 92% generation qualities on free-text
sequence-to-sequence tasks. | cs.CL | Parameter-Efficient Fine-Tuning with Layer Pruning on Free-Text Sequence-to-Sequence Modeling |
2023-05-15T00:06:30Z | http://arxiv.org/pdf/2305.08283v3 | http://arxiv.org/abs/2305.08283v3 | Shangbin Feng, Chan Young Park, Yuhan Liu, Yulia Tsvetkov | 2023-07-06T00:40:53Z | cs.CL | Language models (LMs) are pretrained on diverse data sources, including news,
discussion forums, books, and online encyclopedias. A significant portion of
this data includes opinions and perspectives which, on one hand, celebrate
democracy and diversity of ideas, and on the other hand are inherently socially
biased. Our work develops new methods to (1) measure political biases in LMs
trained on such corpora, along social and economic axes, and (2) measure the
fairness of downstream NLP models trained on top of politically biased LMs. We
focus on hate speech and misinformation detection, aiming to empirically
quantify the effects of political (social, economic) biases in pretraining data
on the fairness of high-stakes social-oriented tasks. Our findings reveal that
pretrained LMs do have political leanings that reinforce the polarization
present in pretraining corpora, propagating social biases into hate speech
predictions and misinformation detectors. We discuss the implications of our
findings for NLP research and propose future directions to mitigate unfairness. | cs.CL | From Pretraining Data to Language Models to Downstream Tasks: Tracking the Trails of Political Biases Leading to Unfair NLP Models |
2023-05-14T23:58:05Z | http://arxiv.org/pdf/2305.08281v2 | http://arxiv.org/abs/2305.08281v2 | Shangbin Feng, Vidhisha Balachandran, Yuyang Bai, Yulia Tsvetkov | 2023-10-18T23:36:43Z | cs.CL | Evaluating the factual consistency of automatically generated summaries is
essential for the progress and adoption of reliable summarization systems.
Despite recent advances, existing factuality evaluation models are not robust,
being especially prone to entity and relation errors in new domains. We propose
FactKB, a simple new approach to factuality evaluation that is generalizable
across domains, in particular with respect to entities and relations. FactKB is
based on language models pretrained using facts extracted from external
knowledge bases. We introduce three types of complementary factuality
pretraining objectives based on direct entity facts, facts grounded in
auxiliary knowledge about entities, and facts constructed compositionally
through knowledge base walks. The resulting factuality evaluation model
achieves state-of-the-art performance on two in-domain news summarization
benchmarks as well as on three out-of-domain scientific literature datasets.
Further analysis of FactKB shows improved ability to detect erroneous entities
and relations in summaries and is robust and generalizable across domains. | cs.CL | FactKB: Generalizable Factuality Evaluation using Language Models Enhanced with Factual Knowledge |
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.