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-11-07T12:08:21Z | http://arxiv.org/pdf/2311.03928v1 | http://arxiv.org/abs/2311.03928v1 | Taehee Jeon, Bongseok Yang, Changhwan Kim, Yoonseob Lim | 2023-11-07T12:08:21Z | cs.CL, 68T50 | We introduce a morpheme-aware subword tokenization method that utilizes
sub-character decomposition to address the challenges of applying Byte Pair
Encoding (BPE) to Korean, a language characterized by its rich morphology and
unique writing system. Our approach balances linguistic accuracy with
computational efficiency in Pre-trained Language Models (PLMs). Our evaluations
show that this technique achieves good performances overall, notably improving
results in the syntactic task of NIKL-CoLA. This suggests that integrating
morpheme type information can enhance language models' syntactic and semantic
capabilities, indicating that adopting more linguistic insights can further
improve performance beyond standard morphological analysis. | cs.CL | Improving Korean NLP Tasks with Linguistically Informed Subword Tokenization and Sub-character Decomposition |
2023-11-07T11:19:06Z | http://arxiv.org/pdf/2311.03896v2 | http://arxiv.org/abs/2311.03896v2 | Xiancai Xu, Jia-Dong Zhang, Lei Xiong, Zhishang Liu | 2024-06-22T05:01:21Z | cs.CL | Aspect-based sentiment analysis (ABSA) have been extensively studied, but
little light has been shed on the quadruple extraction consisting of four
fundamental elements: aspects, categories, opinions and sentiments, especially
with implicit aspects and opinions. In this paper, we propose a new method
iACOS for extracting Implicit Aspects with Categories and Opinions with
Sentiments. First, iACOS appends two implicit tokens at the end of a text to
capture the context-aware representation of all tokens including implicit
aspects and opinions. Second, iACOS develops a sequence labeling model over the
context-aware token representation to co-extract explicit and implicit aspects
and opinions. Third, iACOS devises a multi-label classifier with a specialized
multi-head attention for discovering aspect-opinion pairs and predicting their
categories and sentiments simultaneously. Fourth, iACOS leverages informative
and adaptive negative examples to jointly train the multi-label classifier and
the other two classifiers on categories and sentiments by multi-task learning.
Finally, the experimental results show that iACOS significantly outperforms
other quadruple extraction baselines according to the F1 score on two public
benchmark datasets. | cs.CL | iACOS: Advancing Implicit Sentiment Extraction with Informative and Adaptive Negative Examples |
2023-11-07T11:17:55Z | http://arxiv.org/pdf/2311.04250v1 | http://arxiv.org/abs/2311.04250v1 | Sang-Hyun Je, Wontae Choi, Kwangjin Oh | 2023-11-07T11:17:55Z | cs.AI, cs.CL, cs.LG | The goal of knowledge graph completion (KGC) is to predict missing links in a
KG using trained facts that are already known. In recent, pre-trained language
model (PLM) based methods that utilize both textual and structural information
are emerging, but their performances lag behind state-of-the-art (SOTA)
structure-based methods or some methods lose their inductive inference
capabilities in the process of fusing structure embedding to text encoder. In
this paper, we propose a novel method to effectively unify structure
information and language semantics without losing the power of inductive
reasoning. We adopt entity anchors and these anchors and textual description of
KG elements are fed together into the PLM-based encoder to learn unified
representations. In addition, the proposed method utilizes additional random
negative samples which can be reused in the each mini-batch during contrastive
learning to learn a generalized entity representations. We verify the
effectiveness of the our proposed method through various experiments and
analysis. The experimental results on standard benchmark widely used in link
prediction task show that the proposed model outperforms existing the SOTA KGC
models. Especially, our method show the largest performance improvement on
FB15K-237, which is competitive to the SOTA of structure-based KGC methods. | cs.AI | Unifying Structure and Language Semantic for Efficient Contrastive Knowledge Graph Completion with Structured Entity Anchors |
2023-11-07T10:54:45Z | http://arxiv.org/pdf/2311.03881v1 | http://arxiv.org/abs/2311.03881v1 | Ruize An, Chen Zhang, Dawei Song | 2023-11-07T10:54:45Z | cs.CL | Recently, SimCSE has shown the feasibility of contrastive learning in
training sentence embeddings and illustrates its expressiveness in spanning an
aligned and uniform embedding space. However, prior studies have shown that
dense models could contain harmful parameters that affect the model
performance, and it is no wonder that SimCSE can as well be invented with such
parameters. Driven by this, parameter sparsification is applied, where
alignment and uniformity scores are used to measure the contribution of each
parameter to the overall quality of sentence embeddings. Drawing from a
preliminary study, we consider parameters with minimal contributions to be
detrimental, as their sparsification results in improved model performance. To
discuss the ubiquity of detrimental parameters and remove them, more
experiments on the standard semantic textual similarity (STS) tasks and
transfer learning tasks are conducted, and the results show that the proposed
sparsified SimCSE (SparseCSE) has excellent performance in comparison with
SimCSE. Furthermore, through in-depth analysis, we establish the validity and
stability of our sparsification method, showcasing that the embedding space
generated by SparseCSE exhibits improved alignment compared to that produced by
SimCSE. Importantly, the uniformity yet remains uncompromised. | cs.CL | Sparse Contrastive Learning of Sentence Embeddings |
2023-11-07T09:39:22Z | http://arxiv.org/pdf/2311.07585v2 | http://arxiv.org/abs/2311.07585v2 | Fei Zheng | 2023-11-24T07:46:23Z | cs.CL, cs.AI, cs.CR | Recently, large language models (LLMs) have drawn extensive attention from
academia and the public, due to the advent of the ChatGPT. While LLMs show
their astonishing ability in text generation for various tasks, privacy
concerns limit their usage in real-life businesses. More specifically, either
the user's inputs (the user sends the query to the model-hosting server) or the
model (the user downloads the complete model) itself will be revealed during
the usage. Vertical federated learning (VFL) is a promising solution to this
kind of problem. It protects both the user's input and the knowledge of the
model by splitting the model into a bottom part and a top part, which is
maintained by the user and the model provider, respectively. However, in this
paper, we demonstrate that in LLMs, VFL fails to protect the user input since
it is simple and cheap to reconstruct the input from the intermediate
embeddings. Experiments show that even with a commercial GPU, the input
sentence can be reconstructed in only one second. We also discuss several
possible solutions to enhance the privacy of vertical federated LLMs. | cs.CL | Input Reconstruction Attack against Vertical Federated Large Language Models |
2023-11-07T09:39:12Z | http://arxiv.org/pdf/2311.03839v3 | http://arxiv.org/abs/2311.03839v3 | Romuald A. Janik | 2024-04-08T13:47:49Z | cs.CL, cs.AI, cs.LG, q-bio.NC | Large Language Models (LLMs) are huge artificial neural networks which
primarily serve to generate text, but also provide a very sophisticated
probabilistic model of language use. Since generating a semantically consistent
text requires a form of effective memory, we investigate the memory properties
of LLMs and find surprising similarities with key characteristics of human
memory. We argue that the human-like memory properties of the Large Language
Model do not follow automatically from the LLM architecture but are rather
learned from the statistics of the training textual data. These results
strongly suggest that the biological features of human memory leave an imprint
on the way that we structure our textual narratives. | cs.CL | Aspects of human memory and Large Language Models |
2023-11-07T09:34:20Z | http://arxiv.org/pdf/2311.03837v1 | http://arxiv.org/abs/2311.03837v1 | Sven Hertling, Heiko Paulheim | 2023-11-07T09:34:20Z | cs.IR, cs.CL | Ontology (and more generally: Knowledge Graph) Matching is a challenging task
where information in natural language is one of the most important signals to
process. With the rise of Large Language Models, it is possible to incorporate
this knowledge in a better way into the matching pipeline. A number of
decisions still need to be taken, e.g., how to generate a prompt that is useful
to the model, how information in the KG can be formulated in prompts, which
Large Language Model to choose, how to provide existing correspondences to the
model, how to generate candidates, etc. In this paper, we present a prototype
that explores these questions by applying zero-shot and few-shot prompting with
multiple open Large Language Models to different tasks of the Ontology
Alignment Evaluation Initiative (OAEI). We show that with only a handful of
examples and a well-designed prompt, it is possible to achieve results that are
en par with supervised matching systems which use a much larger portion of the
ground truth. | cs.IR | OLaLa: Ontology Matching with Large Language Models |
2023-11-07T08:52:28Z | http://arxiv.org/pdf/2311.03812v1 | http://arxiv.org/abs/2311.03812v1 | Eliseo Bao, Anxo Pérez, Javier Parapar | 2023-11-07T08:52:28Z | cs.CL | The recent proliferation of Large Conversation Language Models has
highlighted the economic significance of widespread access to this type of AI
technologies in the current information age. Nevertheless, prevailing models
have primarily been trained on corpora consisting of documents written in
popular languages. The dearth of such cutting-edge tools for low-resource
languages further exacerbates their underrepresentation in the current economic
landscape, thereby impacting their native speakers. This paper introduces two
novel resources designed to enhance Natural Language Processing (NLP) for the
Galician language. We present a Galician adaptation of the Alpaca dataset,
comprising 52,000 instructions and demonstrations. This dataset proves
invaluable for enhancing language models by fine-tuning them to more accurately
adhere to provided instructions. Additionally, as a demonstration of the
dataset utility, we fine-tuned LLaMA-7B to comprehend and respond in Galician,
a language not originally supported by the model, by following the Alpaca
format. This work contributes to the research on multilingual models tailored
for low-resource settings, a crucial endeavor in ensuring the inclusion of all
linguistic communities in the development of Large Language Models. Another
noteworthy aspect of this research is the exploration of how knowledge of a
closely related language, in this case, Portuguese, can assist in generating
coherent text when training resources are scarce. Both the Galician Alpaca
dataset and Cabuxa-7B are publicly accessible on our Huggingface Hub, and we
have made the source code available to facilitate replication of this
experiment and encourage further advancements for underrepresented languages. | cs.CL | Conversations in Galician: a Large Language Model for an Underrepresented Language |
2023-11-07T08:48:46Z | http://arxiv.org/pdf/2311.03810v1 | http://arxiv.org/abs/2311.03810v1 | Yuhao Zhang, Chen Xu, Bei Li, Hao Chen, Tong Xiao, Chunliang Zhang, Jingbo Zhu | 2023-11-07T08:48:46Z | cs.CL, cs.AI, cs.SD, eess.AS | Significant improvements in end-to-end speech translation (ST) have been
achieved through the application of multi-task learning. However, the extent to
which auxiliary tasks are highly consistent with the ST task, and how much this
approach truly helps, have not been thoroughly studied. In this paper, we
investigate the consistency between different tasks, considering different
times and modules. We find that the textual encoder primarily facilitates
cross-modal conversion, but the presence of noise in speech impedes the
consistency between text and speech representations. Furthermore, we propose an
improved multi-task learning (IMTL) approach for the ST task, which bridges the
modal gap by mitigating the difference in length and representation. We conduct
experiments on the MuST-C dataset. The results demonstrate that our method
attains state-of-the-art results. Moreover, when additional data is used, we
achieve the new SOTA result on MuST-C English to Spanish task with 20.8% of the
training time required by the current SOTA method. | cs.CL | Rethinking and Improving Multi-task Learning for End-to-end Speech Translation |
2023-11-07T08:27:14Z | http://arxiv.org/pdf/2311.03798v1 | http://arxiv.org/abs/2311.03798v1 | Hang Zhang, Yeyun Gong, Xingwei He, Dayiheng Liu, Daya Guo, Jiancheng Lv, Jian Guo | 2023-11-07T08:27:14Z | cs.CL | Most dense retrieval models contain an implicit assumption: the training
query-document pairs are exactly matched. Since it is expensive to annotate the
corpus manually, training pairs in real-world applications are usually
collected automatically, which inevitably introduces mismatched-pair noise. In
this paper, we explore an interesting and challenging problem in dense
retrieval, how to train an effective model with mismatched-pair noise. To solve
this problem, we propose a novel approach called Noisy Pair Corrector (NPC),
which consists of a detection module and a correction module. The detection
module estimates noise pairs by calculating the perplexity between annotated
positive and easy negative documents. The correction module utilizes an
exponential moving average (EMA) model to provide a soft supervised signal,
aiding in mitigating the effects of noise. We conduct experiments on
text-retrieval benchmarks Natural Question and TriviaQA, code-search benchmarks
StaQC and SO-DS. Experimental results show that NPC achieves excellent
performance in handling both synthetic and realistic noise. | cs.CL | Noisy Pair Corrector for Dense Retrieval |
2023-11-07T08:20:06Z | http://arxiv.org/pdf/2311.03792v1 | http://arxiv.org/abs/2311.03792v1 | Jakir Hasan, Shrestha Datta, Ameya Debnath | 2023-11-07T08:20:06Z | cs.CL | The International Phonetic Alphabet (IPA) is indispensable in language
learning and understanding, aiding users in accurate pronunciation and
comprehension. Additionally, it plays a pivotal role in speech therapy,
linguistic research, accurate transliteration, and the development of
text-to-speech systems, making it an essential tool across diverse fields.
Bangla being 7th as one of the widely used languages, gives rise to the need
for IPA in its domain. Its IPA mapping is too diverse to be captured manually
giving the need for Artificial Intelligence and Machine Learning in this field.
In this study, we have utilized a transformer-based sequence-to-sequence model
at the letter and symbol level to get the IPA of each Bangla word as the
variation of IPA in association of different words is almost null. Our
transformer model only consisted of 8.5 million parameters with only a single
decoder and encoder layer. Additionally, to handle the punctuation marks and
the occurrence of foreign languages in the text, we have utilized manual
mapping as the model won't be able to learn to separate them from Bangla words
while decreasing our required computational resources. Finally, maintaining the
relative position of the sentence component IPAs and generation of the combined
IPA has led us to achieve the top position with a word error rate of 0.10582 in
the public ranking of DataVerse Challenge - ITVerse 2023
(https://www.kaggle.com/competitions/dataverse_2023/). | cs.CL | Character-Level Bangla Text-to-IPA Transcription Using Transformer Architecture with Sequence Alignment |
2023-11-07T08:16:16Z | http://arxiv.org/pdf/2311.03788v1 | http://arxiv.org/abs/2311.03788v1 | Shaoyang Xu, Junzhuo Li, Deyi Xiong | 2023-11-07T08:16:16Z | cs.CL | Multilingual pretrained language models serve as repositories of multilingual
factual knowledge. Nevertheless, a substantial performance gap of factual
knowledge probing exists between high-resource languages and low-resource
languages, suggesting limited implicit factual knowledge transfer across
languages in multilingual pretrained language models. This paper investigates
the feasibility of explicitly transferring relatively rich factual knowledge
from English to non-English languages. To accomplish this, we propose two
parameter-free $\textbf{L}$anguage $\textbf{R}$epresentation
$\textbf{P}$rojection modules (LRP2). The first module converts non-English
representations into English-like equivalents, while the second module reverts
English-like representations back into representations of the corresponding
non-English language. Experimental results on the mLAMA dataset demonstrate
that LRP2 significantly improves factual knowledge retrieval accuracy and
facilitates knowledge transferability across diverse non-English languages. We
further investigate the working mechanism of LRP2 from the perspectives of
representation space and cross-lingual knowledge neuron. | cs.CL | Language Representation Projection: Can We Transfer Factual Knowledge across Languages in Multilingual Language Models? |
2023-11-07T07:53:06Z | http://arxiv.org/pdf/2311.03780v2 | http://arxiv.org/abs/2311.03780v2 | Ananjan Nandi, Navdeep Kaur, Parag Singla, Mausam | 2024-07-02T06:54:56Z | cs.CL, cs.AI, cs.LG, I.2.7 | We consider two popular approaches to Knowledge Graph Completion (KGC):
textual models that rely on textual entity descriptions, and structure-based
models that exploit the connectivity structure of the Knowledge Graph (KG).
Preliminary experiments show that these approaches have complementary
strengths: structure-based models perform exceptionally well when the gold
answer is easily reachable from the query head in the KG, while textual models
exploit descriptions to give good performance even when the gold answer is not
easily reachable. In response, we propose DynaSemble, a novel method for
learning query-dependent ensemble weights to combine these approaches by using
the distributions of scores assigned by the models in the ensemble to all
candidate entities. DynaSemble achieves state-of-the-art results on three
standard KGC datasets, with up to 6.8 pt MRR and 8.3 pt Hits@1 gains over the
best baseline model for the WN18RR dataset. | cs.CL | DynaSemble: Dynamic Ensembling of Textual and Structure-Based Models for Knowledge Graph Completion |
2023-11-07T07:09:59Z | http://arxiv.org/pdf/2311.03767v1 | http://arxiv.org/abs/2311.03767v1 | Pushpdeep Singh | 2023-11-07T07:09:59Z | cs.CL | Neural Machine Translation (NMT) models are state-of-the-art for machine
translation. However, these models are known to have various social biases,
especially gender bias. Most of the work on evaluating gender bias in NMT has
focused primarily on English as the source language. For source languages
different from English, most of the studies use gender-neutral sentences to
evaluate gender bias. However, practically, many sentences that we encounter do
have gender information. Therefore, it makes more sense to evaluate for bias
using such sentences. This allows us to determine if NMT models can identify
the correct gender based on the grammatical gender cues in the source sentence
rather than relying on biased correlations with, say, occupation terms. To
demonstrate our point, in this work, we use Hindi as the source language and
construct two sets of gender-specific sentences: OTSC-Hindi and WinoMT-Hindi
that we use to evaluate different Hindi-English (HI-EN) NMT systems
automatically for gender bias. Our work highlights the importance of
considering the nature of language when designing such extrinsic bias
evaluation datasets. | cs.CL | Gender Inflected or Bias Inflicted: On Using Grammatical Gender Cues for Bias Evaluation in Machine Translation |
2023-11-07T06:42:15Z | http://arxiv.org/pdf/2311.03755v2 | http://arxiv.org/abs/2311.03755v2 | Albert Q. Jiang, Wenda Li, Mateja Jamnik | 2023-11-09T09:58:15Z | cs.CL, cs.LG | Autoformalization is the task of translating natural language materials into
machine-verifiable formalisations. Progress in autoformalization research is
hindered by the lack of a sizeable dataset consisting of informal-formal pairs
expressing the same essence. Existing methods tend to circumvent this challenge
by manually curating small corpora or using few-shot learning with large
language models. But these methods suffer from data scarcity and formal
language acquisition difficulty. In this work, we create $\texttt{MMA}$, a
large, flexible, multilingual, and multi-domain dataset of informal-formal
pairs, by using a language model to translate in the reverse direction, that
is, from formal mathematical statements into corresponding informal ones.
Experiments show that language models fine-tuned on $\texttt{MMA}$ produce
$16-18\%$ of statements acceptable with minimal corrections on the
$\texttt{miniF2F}$ and $\texttt{ProofNet}$ benchmarks, up from $0\%$ with the
base model. We demonstrate that fine-tuning on multilingual formal data results
in more capable autoformalization models even when deployed on monolingual
tasks. | cs.CL | Multilingual Mathematical Autoformalization |
2023-11-07T06:36:39Z | http://arxiv.org/pdf/2311.03754v1 | http://arxiv.org/abs/2311.03754v1 | Joonghoon Kim, Saeran Park, Kiyoon Jeong, Sangmin Lee, Seung Hun Han, Jiyoon Lee, Pilsung Kang | 2023-11-07T06:36:39Z | cs.CL | This paper describes the DSBA submissions to the Prompting Large Language
Models as Explainable Metrics shared task, where systems were submitted to two
tracks: small and large summarization tracks. With advanced Large Language
Models (LLMs) such as GPT-4, evaluating the quality of Natural Language
Generation (NLG) has become increasingly paramount. Traditional
similarity-based metrics such as BLEU and ROUGE have shown to misalign with
human evaluation and are ill-suited for open-ended generation tasks. To address
this issue, we explore the potential capability of LLM-based metrics,
especially leveraging open-source LLMs. In this study, wide range of prompts
and prompting techniques are systematically analyzed with three approaches:
prompting strategy, score aggregation, and explainability. Our research focuses
on formulating effective prompt templates, determining the granularity of NLG
quality scores and assessing the impact of in-context examples on LLM-based
evaluation. Furthermore, three aggregation strategies are compared to identify
the most reliable method for aggregating NLG quality scores. To examine
explainability, we devise a strategy that generates rationales for the scores
and analyzes the characteristics of the explanation produced by the open-source
LLMs. Extensive experiments provide insights regarding evaluation capabilities
of open-source LLMs and suggest effective prompting strategies. | cs.CL | Which is better? Exploring Prompting Strategy For LLM-based Metrics |
2023-11-07T06:29:59Z | http://arxiv.org/pdf/2311.03753v1 | http://arxiv.org/abs/2311.03753v1 | Jipeng Han | 2023-11-07T06:29:59Z | cs.AI, cs.CL, cs.DC, cs.FL, cs.HC | This paper explores the integration of neural networks with logic
programming, addressing the longstanding challenges of combining the
generalization and learning capabilities of neural networks with the precision
of symbolic logic. Traditional attempts at this integration have been hampered
by difficulties in initial data acquisition, the reliability of undertrained
networks, and the complexity of reusing and augmenting trained models. To
overcome these issues, we introduce the COOL (Constraint Object-Oriented Logic)
programming language, an innovative approach that seamlessly combines logical
reasoning with neural network technologies. COOL is engineered to autonomously
handle data collection, mitigating the need for user-supplied initial data. It
incorporates user prompts into the coding process to reduce the risks of
undertraining and enhances the interaction among models throughout their
lifecycle to promote the reuse and augmentation of networks. Furthermore, the
foundational principles and algorithms in COOL's design and its compilation
system could provide valuable insights for future developments in programming
languages and neural network architectures. | cs.AI | COOL: A Constraint Object-Oriented Logic Programming Language and its Neural-Symbolic Compilation System |
2023-11-07T06:19:37Z | http://arxiv.org/pdf/2311.03748v1 | http://arxiv.org/abs/2311.03748v1 | Sarkar Snigdha Sarathi Das, Ranran Haoran Zhang, Peng Shi, Wenpeng Yin, Rui Zhang | 2023-11-07T06:19:37Z | cs.CL | Unified Sequence Labeling that articulates different sequence labeling
problems such as Named Entity Recognition, Relation Extraction, Semantic Role
Labeling, etc. in a generalized sequence-to-sequence format opens up the
opportunity to make the maximum utilization of large language model knowledge
toward structured prediction. Unfortunately, this requires formatting them into
specialized augmented format unknown to the base pretrained language model
(PLMs) necessitating finetuning to the target format. This significantly bounds
its usefulness in data-limited settings where finetuning large models cannot
properly generalize to the target format. To address this challenge and
leverage PLM knowledge effectively, we propose FISH-DIP, a sample-aware dynamic
sparse finetuning strategy that selectively focuses on a fraction of
parameters, informed by feedback from highly regressing examples, during the
fine-tuning process. By leveraging the dynamism of sparsity, our approach
mitigates the impact of well-learned samples and prioritizes underperforming
instances for improvement in generalization. Across five tasks of sequence
labeling, we demonstrate that FISH-DIP can smoothly optimize the model in low
resource settings offering upto 40% performance improvements over full
fine-tuning depending on target evaluation settings. Also, compared to
in-context learning and other parameter-efficient fine-tuning approaches,
FISH-DIP performs comparably or better, notably in extreme low-resource
settings. | cs.CL | Unified Low-Resource Sequence Labeling by Sample-Aware Dynamic Sparse Finetuning |
2023-11-07T05:32:39Z | http://arxiv.org/pdf/2311.03734v1 | http://arxiv.org/abs/2311.03734v1 | Ruosen Li, Xinya Du | 2023-11-07T05:32:39Z | cs.CL | Neural models, including large language models (LLMs), achieve superior
performance on multi-hop question-answering. To elicit reasoning capabilities
from LLMs, recent works propose using the chain-of-thought (CoT) mechanism to
generate both the reasoning chain and the answer, which enhances the model's
capabilities in conducting multi-hop reasoning. However, several challenges
still remain: such as struggling with inaccurate reasoning, hallucinations, and
lack of interpretability. On the other hand, information extraction (IE)
identifies entities, relations, and events grounded to the text. The extracted
structured information can be easily interpreted by humans and machines
(Grishman, 2019). In this work, we investigate constructing and leveraging
extracted semantic structures (graphs) for multi-hop question answering,
especially the reasoning process. Empirical results and human evaluations show
that our framework: generates more faithful reasoning chains and substantially
improves the QA performance on two benchmark datasets. Moreover, the extracted
structures themselves naturally provide grounded explanations that are
preferred by humans, as compared to the generated reasoning chains and
saliency-based explanations. | cs.CL | Leveraging Structured Information for Explainable Multi-hop Question Answering and Reasoning |
2023-11-07T05:22:11Z | http://arxiv.org/pdf/2311.03732v4 | http://arxiv.org/abs/2311.03732v4 | Stella Ho, Ming Liu, Shang Gao, Longxiang Gao | 2024-05-31T03:07:23Z | cs.LG, cs.CL | Continual learning strives to ensure stability in solving previously seen
tasks while demonstrating plasticity in a novel domain. Recent advances in
continual learning are mostly confined to a supervised learning setting,
especially in NLP domain. In this work, we consider a few-shot continual active
learning setting where labeled data are inadequate, and unlabeled data are
abundant but with a limited annotation budget. We exploit meta-learning and
propose a method, called Meta-Continual Active Learning. This method
sequentially queries the most informative examples from a pool of unlabeled
data for annotation to enhance task-specific performance and tackle continual
learning problems through meta-objective. Specifically, we employ meta-learning
and experience replay to address inter-task confusion and catastrophic
forgetting. We further incorporate textual augmentations to avoid memory
over-fitting caused by experience replay and sample queries, thereby ensuring
generalization. We conduct extensive experiments on benchmark text
classification datasets from diverse domains to validate the feasibility and
effectiveness of meta-continual active learning. We also analyze the impact of
different active learning strategies on various meta continual learning models.
The experimental results demonstrate that introducing randomness into sample
selection is the best default strategy for maintaining generalization in
meta-continual learning framework. | cs.LG | Learning to Learn for Few-shot Continual Active Learning |
2023-11-07T05:20:09Z | http://arxiv.org/pdf/2311.03731v2 | http://arxiv.org/abs/2311.03731v2 | Dongfang Li, Zetian Sun, Xinshuo Hu, Zhenyu Liu, Ziyang Chen, Baotian Hu, Aiguo Wu, Min Zhang | 2023-12-14T09:31:50Z | cs.CL | Open-domain generative systems have gained significant attention in the field
of conversational AI (e.g., generative search engines). This paper presents a
comprehensive review of the attribution mechanisms employed by these systems,
particularly large language models. Though attribution or citation improve the
factuality and verifiability, issues like ambiguous knowledge reservoirs,
inherent biases, and the drawbacks of excessive attribution can hinder the
effectiveness of these systems. The aim of this survey is to provide valuable
insights for researchers, aiding in the refinement of attribution methodologies
to enhance the reliability and veracity of responses generated by open-domain
generative systems. We believe that this field is still in its early stages;
hence, we maintain a repository to keep track of ongoing studies at
https://github.com/HITsz-TMG/awesome-llm-attributions. | cs.CL | A Survey of Large Language Models Attribution |
2023-11-07T04:44:40Z | http://arxiv.org/pdf/2311.03716v1 | http://arxiv.org/abs/2311.03716v1 | Allen Roush, Emil Zakirov, Artemiy Shirokov, Polina Lunina, Jack Gane, Alexander Duffy, Charlie Basil, Aber Whitcomb, Jim Benedetto, Chris DeWolfe | 2023-11-07T04:44:40Z | cs.CL, cs.AI, cs.CV | Recent advancements in text-to-image generation have revolutionized numerous
fields, including art and cinema, by automating the generation of high-quality,
context-aware images and video. However, the utility of these technologies is
often limited by the inadequacy of text prompts in guiding the generator to
produce artistically coherent and subject-relevant images. In this paper, We
describe the techniques that can be used to make Large Language Models (LLMs)
act as Art Directors that enhance image and video generation. We describe our
unified system for this called "LaDi". We explore how LaDi integrates multiple
techniques for augmenting the capabilities of text-to-image generators (T2Is)
and text-to-video generators (T2Vs), with a focus on constrained decoding,
intelligent prompting, fine-tuning, and retrieval. LaDi and these techniques
are being used today in apps and platforms developed by Plai Labs. | cs.CL | LLM as an Art Director (LaDi): Using LLMs to improve Text-to-Media Generators |
2023-11-07T03:50:25Z | http://arxiv.org/pdf/2311.03696v1 | http://arxiv.org/abs/2311.03696v1 | Haiyue Song, Raj Dabre, Chenhui Chu, Atsushi Fujita, Sadao Kurohashi | 2023-11-07T03:50:25Z | cs.CL | Lecture transcript translation helps learners understand online courses,
however, building a high-quality lecture machine translation system lacks
publicly available parallel corpora. To address this, we examine a framework
for parallel corpus mining, which provides a quick and effective way to mine a
parallel corpus from publicly available lectures on Coursera. To create the
parallel corpora, we propose a dynamic programming based sentence alignment
algorithm which leverages the cosine similarity of machine-translated
sentences. The sentence alignment F1 score reaches 96%, which is higher than
using the BERTScore, LASER, or sentBERT methods. For both English--Japanese and
English--Chinese lecture translations, we extracted parallel corpora of
approximately 50,000 lines and created development and test sets through manual
filtering for benchmarking translation performance. Through machine translation
experiments, we show that the mined corpora enhance the quality of lecture
transcript translation when used in conjunction with out-of-domain parallel
corpora via multistage fine-tuning. Furthermore, this study also suggests
guidelines for gathering and cleaning corpora, mining parallel sentences,
cleaning noise in the mined data, and creating high-quality evaluation splits.
For the sake of reproducibility, we have released the corpora as well as the
code to create them. The dataset is available at
https://github.com/shyyhs/CourseraParallelCorpusMining. | cs.CL | Bilingual Corpus Mining and Multistage Fine-Tuning for Improving Machine Translation of Lecture Transcripts |
2023-11-07T03:25:56Z | http://arxiv.org/pdf/2311.03687v2 | http://arxiv.org/abs/2311.03687v2 | Longteng Zhang, Xiang Liu, Zeyu Li, Xinglin Pan, Peijie Dong, Ruibo Fan, Rui Guo, Xin Wang, Qiong Luo, Shaohuai Shi, Xiaowen Chu | 2023-12-01T15:37:07Z | cs.PF, cs.CL, cs.LG | Large Language Models (LLMs) have seen great advance in both academia and
industry, and their popularity results in numerous open-source frameworks and
techniques in accelerating LLM pre-training, fine-tuning, and inference.
Training and deploying LLMs are expensive as it requires considerable computing
resources and memory, hence many efficient approaches have been developed for
improving system pipelines as well as operators. However, the runtime
performance can vary significantly across hardware and software stacks, which
makes it difficult to choose the best configuration. In this work, we aim to
benchmark the performance from both macro and micro perspectives. First, we
benchmark the end-to-end performance of pre-training, fine-tuning, and serving
LLMs in different sizes , i.e., 7, 13, and 70 billion parameters (7B, 13B, and
70B) on three 8-GPU platforms with and without individual optimization
techniques, including ZeRO, quantization, recomputation, FlashAttention. Then,
we dive deeper to provide a detailed runtime analysis of the sub-modules,
including computing and communication operators in LLMs. For end users, our
benchmark and findings help better understand different optimization
techniques, training and inference frameworks, together with hardware platforms
in choosing configurations for deploying LLMs. For researchers, our in-depth
module-wise analyses discover potential opportunities for future work to
further optimize the runtime performance of LLMs. | cs.PF | Dissecting the Runtime Performance of the Training, Fine-tuning, and Inference of Large Language Models |
2023-11-07T02:44:45Z | http://arxiv.org/pdf/2311.03672v1 | http://arxiv.org/abs/2311.03672v1 | Mengge Liu, Wen Zhang, Xiang Li, Yanzhi Tian, Yuhang Guo, Jian Luan, Bin Wang, Shuoying Chen | 2023-11-07T02:44:45Z | cs.CL | Simultaneous machine translation (SiMT) is a challenging task that requires
starting translation before the full source sentence is available.
Prefix-to-prefix framework is often applied to SiMT, which learns to predict
target tokens using only a partial source prefix. However, due to the word
order difference between languages, misaligned prefix pairs would make SiMT
models suffer from serious hallucination problems, i.e. target outputs that are
unfaithful to source inputs. Such problems can not only produce target tokens
that are not supported by the source prefix, but also hinder generating the
correct translation by receiving more source words. In this work, we propose a
Confidence-Based Simultaneous Machine Translation (CBSiMT) framework, which
uses model confidence to perceive hallucination tokens and mitigates their
negative impact with weighted prefix-to-prefix training. Specifically,
token-level and sentence-level weights are calculated based on model confidence
and acted on the loss function. We explicitly quantify the faithfulness of the
generated target tokens using the token-level weight, and employ the
sentence-level weight to alleviate the disturbance of sentence pairs with
serious word order differences on the model. Experimental results on MuST-C
English-to-Chinese and WMT15 German-to-English SiMT tasks demonstrate that our
method can consistently improve translation quality at most latency regimes,
with up to 2 BLEU scores improvement at low latency. | cs.CL | CBSiMT: Mitigating Hallucination in Simultaneous Machine Translation with Weighted Prefix-to-Prefix Training |
2023-11-07T02:17:25Z | http://arxiv.org/pdf/2311.03663v3 | http://arxiv.org/abs/2311.03663v3 | Aparna Elangovan, Jiayuan He, Yuan Li, Karin Verspoor | 2024-04-02T02:27:12Z | cs.CL | The NLP community typically relies on performance of a model on a held-out
test set to assess generalization. Performance drops observed in datasets
outside of official test sets are generally attributed to "out-of-distribution"
effects. Here, we explore the foundations of generalizability and study the
factors that affect it, articulating lessons from clinical studies. In clinical
research, generalizability is an act of reasoning that depends on (a) internal
validity of experiments to ensure controlled measurement of cause and effect,
and (b) external validity or transportability of the results to the wider
population. We demonstrate how learning spurious correlations, such as the
distance between entities in relation extraction tasks, can affect a model's
internal validity and in turn adversely impact generalization. We, therefore,
present the need to ensure internal validity when building machine learning
models in NLP. Our recommendations also apply to generative large language
models, as they are known to be sensitive to even minor semantic preserving
alterations. We also propose adapting the idea of matching in randomized
controlled trials and observational studies to NLP evaluation to measure
causation. | cs.CL | Principles from Clinical Research for NLP Model Generalization |
2023-11-07T01:59:11Z | http://arxiv.org/pdf/2311.03658v1 | http://arxiv.org/abs/2311.03658v1 | Kiho Park, Yo Joong Choe, Victor Veitch | 2023-11-07T01:59:11Z | cs.CL, cs.AI, cs.LG, stat.ML | Informally, the 'linear representation hypothesis' is the idea that
high-level concepts are represented linearly as directions in some
representation space. In this paper, we address two closely related questions:
What does "linear representation" actually mean? And, how do we make sense of
geometric notions (e.g., cosine similarity or projection) in the representation
space? To answer these, we use the language of counterfactuals to give two
formalizations of "linear representation", one in the output (word)
representation space, and one in the input (sentence) space. We then prove
these connect to linear probing and model steering, respectively. To make sense
of geometric notions, we use the formalization to identify a particular
(non-Euclidean) inner product that respects language structure in a sense we
make precise. Using this causal inner product, we show how to unify all notions
of linear representation. In particular, this allows the construction of probes
and steering vectors using counterfactual pairs. Experiments with LLaMA-2
demonstrate the existence of linear representations of concepts, the connection
to interpretation and control, and the fundamental role of the choice of inner
product. | cs.CL | The Linear Representation Hypothesis and the Geometry of Large Language Models |
2023-11-07T00:41:15Z | http://arxiv.org/pdf/2311.03633v1 | http://arxiv.org/abs/2311.03633v1 | Vítor Bandeira Borges, Daniel Oliveira Cajueiro | 2023-11-07T00:41:15Z | cs.LG, cs.CL | In this study, we delve into the dynamic landscape of machine learning
research evolution. Initially, through the utilization of Latent Dirichlet
Allocation, we discern pivotal themes and fundamental concepts that have
emerged within the realm of machine learning. Subsequently, we undertake a
comprehensive analysis to track the evolutionary trajectories of these
identified themes. To quantify the novelty and divergence of research
contributions, we employ the Kullback-Leibler Divergence metric. This
statistical measure serves as a proxy for ``surprise'', indicating the extent
of differentiation between the content of academic papers and the subsequent
developments in research. By amalgamating these insights, we gain the ability
to ascertain the pivotal roles played by prominent researchers and the
significance of specific academic venues (periodicals and conferences) within
the machine learning domain. | cs.LG | Innovation and Word Usage Patterns in Machine Learning |
2023-11-07T00:24:14Z | http://arxiv.org/pdf/2311.03627v1 | http://arxiv.org/abs/2311.03627v1 | Tanzir Pial, Steven Skiena | 2023-11-07T00:24:14Z | cs.CL | Algorithmic sequence alignment identifies similar segments shared between
pairs of documents, and is fundamental to many NLP tasks. But it is difficult
to recognize similarities between distant versions of narratives such as
translations and retellings, particularly for summaries and abridgements which
are much shorter than the original novels.
We develop a general approach to narrative alignment coupling the
Smith-Waterman algorithm from bioinformatics with modern text similarity
metrics. We show that the background of alignment scores fits a Gumbel
distribution, enabling us to define rigorous p-values on the significance of
any alignment. We apply and evaluate our general narrative alignment tool
(GNAT) on four distinct problem domains differing greatly in both the relative
and absolute length of documents, namely summary-to-book alignment, translated
book alignment, short story alignment, and plagiarism detection --
demonstrating the power and performance of our methods. | cs.CL | GNAT: A General Narrative Alignment Tool |
2023-11-06T23:50:20Z | http://arxiv.org/pdf/2311.04931v1 | http://arxiv.org/abs/2311.04931v1 | Yuvanesh Anand, Zach Nussbaum, Adam Treat, Aaron Miller, Richard Guo, Ben Schmidt, GPT4All Community, Brandon Duderstadt, Andriy Mulyar | 2023-11-06T23:50:20Z | cs.CL, cs.AI | Large language models (LLMs) have recently achieved human-level performance
on a range of professional and academic benchmarks. The accessibility of these
models has lagged behind their performance. State-of-the-art LLMs require
costly infrastructure; are only accessible via rate-limited, geo-locked, and
censored web interfaces; and lack publicly available code and technical
reports. In this paper, we tell the story of GPT4All, a popular open source
repository that aims to democratize access to LLMs. We outline the technical
details of the original GPT4All model family, as well as the evolution of the
GPT4All project from a single model into a fully fledged open source ecosystem.
It is our hope that this paper acts as both a technical overview of the
original GPT4All models as well as a case study on the subsequent growth of the
GPT4All open source ecosystem. | cs.CL | GPT4All: An Ecosystem of Open Source Compressed Language Models |
2023-11-06T23:46:40Z | http://arxiv.org/pdf/2311.03614v1 | http://arxiv.org/abs/2311.03614v1 | Charuta Pethe, Allen Kim, Rajesh Prabhakar, Tanzir Pial, Steven Skiena | 2023-11-06T23:46:40Z | cs.CL | Books have historically been the primary mechanism through which narratives
are transmitted. We have developed a collection of resources for the
large-scale analysis of novels, including: (1) an open source end-to-end NLP
analysis pipeline for the annotation of novels into a standard XML format, (2)
a collection of 49,207 distinct cleaned and annotated novels, and (3) a
database with an associated web interface for the large-scale aggregate
analysis of these literary works. We describe the major functionalities
provided in the annotation system along with their utilities. We present
samples of analysis artifacts from our website, such as visualizations of
character occurrences and interactions, similar books, representative
vocabulary, part of speech statistics, and readability metrics. We also
describe the use of the annotated format in qualitative and quantitative
analysis across large corpora of novels. | cs.CL | STONYBOOK: A System and Resource for Large-Scale Analysis of Novels |
2023-11-06T22:34:17Z | http://arxiv.org/pdf/2311.03584v1 | http://arxiv.org/abs/2311.03584v1 | Matt Canute, Mali Jin, hannah holtzclaw, Alberto Lusoli, Philippa R Adams, Mugdha Pandya, Maite Taboada, Diana Maynard, Wendy Hui Kyong Chun | 2023-11-06T22:34:17Z | cs.CL | Agonism plays a vital role in democratic dialogue by fostering diverse
perspectives and robust discussions. Within the realm of online conflict there
is another type: hateful antagonism, which undermines constructive dialogue.
Detecting conflict online is central to platform moderation and monetization.
It is also vital for democratic dialogue, but only when it takes the form of
agonism. To model these two types of conflict, we collected Twitter
conversations related to trending controversial topics. We introduce a
comprehensive annotation schema for labelling different dimensions of conflict
in the conversations, such as the source of conflict, the target, and the
rhetorical strategies deployed. Using this schema, we annotated approximately
4,000 conversations with multiple labels. We then trained both logistic
regression and transformer-based models on the dataset, incorporating context
from the conversation, including the number of participants and the structure
of the interactions. Results show that contextual labels are helpful in
identifying conflict and make the models robust to variations in topic. Our
research contributes a conceptualization of different dimensions of conflict, a
richly annotated dataset, and promising results that can contribute to content
moderation. | cs.CL | Dimensions of Online Conflict: Towards Modeling Agonism |
2023-11-06T22:08:16Z | http://arxiv.org/pdf/2311.03566v1 | http://arxiv.org/abs/2311.03566v1 | Yuanchen Bai, Raoyi Huang, Vijay Viswanathan, Tzu-Sheng Kuo, Tongshuang Wu | 2023-11-06T22:08:16Z | cs.LG, cs.CL, cs.HC | In the era of widespread public use of AI systems across various domains,
ensuring adversarial robustness has become increasingly vital to maintain
safety and prevent undesirable errors. Researchers have curated various
adversarial datasets (through perturbations) for capturing model deficiencies
that cannot be revealed in standard benchmark datasets. However, little is
known about how these adversarial examples differ from the original data
points, and there is still no methodology to measure the intended and
unintended consequences of those adversarial transformations. In this research,
we conducted a systematic survey of existing quantifiable metrics that describe
text instances in NLP tasks, among dimensions of difficulty, diversity, and
disagreement. We selected several current adversarial effect datasets and
compared the distributions between the original and their adversarial
counterparts. The results provide valuable insights into what makes these
datasets more challenging from a metrics perspective and whether they align
with underlying assumptions. | cs.LG | Measuring Adversarial Datasets |
2023-11-06T21:34:49Z | http://arxiv.org/pdf/2311.03551v1 | http://arxiv.org/abs/2311.03551v1 | Daniel Yang, Aditya Kommineni, Mohammad Alshehri, Nilamadhab Mohanty, Vedant Modi, Jonathan Gratch, Shrikanth Narayanan | 2023-11-06T21:34:49Z | cs.CL, cs.AI | The lack of contextual information in text data can make the annotation
process of text-based emotion classification datasets challenging. As a result,
such datasets often contain labels that fail to consider all the relevant
emotions in the vocabulary. This misalignment between text inputs and labels
can degrade the performance of machine learning models trained on top of them.
As re-annotating entire datasets is a costly and time-consuming task that
cannot be done at scale, we propose to use the expressive capabilities of large
language models to synthesize additional context for input text to increase its
alignment with the annotated emotional labels. In this work, we propose a
formal definition of textual context to motivate a prompting strategy to
enhance such contextual information. We provide both human and empirical
evaluation to demonstrate the efficacy of the enhanced context. Our method
improves alignment between inputs and their human-annotated labels from both an
empirical and human-evaluated standpoint. | cs.CL | Context Unlocks Emotions: Text-based Emotion Classification Dataset Auditing with Large Language Models |
2023-11-06T21:14:40Z | http://arxiv.org/pdf/2311.03533v1 | http://arxiv.org/abs/2311.03533v1 | Sree Harsha Tanneru, Chirag Agarwal, Himabindu Lakkaraju | 2023-11-06T21:14:40Z | cs.CL | Large Language Models (LLMs) are increasingly used as powerful tools for
several high-stakes natural language processing (NLP) applications. Recent
prompting works claim to elicit intermediate reasoning steps and key tokens
that serve as proxy explanations for LLM predictions. However, there is no
certainty whether these explanations are reliable and reflect the LLMs
behavior. In this work, we make one of the first attempts at quantifying the
uncertainty in explanations of LLMs. To this end, we propose two novel metrics
-- $\textit{Verbalized Uncertainty}$ and $\textit{Probing Uncertainty}$ -- to
quantify the uncertainty of generated explanations. While verbalized
uncertainty involves prompting the LLM to express its confidence in its
explanations, probing uncertainty leverages sample and model perturbations as a
means to quantify the uncertainty. Our empirical analysis of benchmark datasets
reveals that verbalized uncertainty is not a reliable estimate of explanation
confidence. Further, we show that the probing uncertainty estimates are
correlated with the faithfulness of an explanation, with lower uncertainty
corresponding to explanations with higher faithfulness. Our study provides
insights into the challenges and opportunities of quantifying uncertainty in
LLM explanations, contributing to the broader discussion of the trustworthiness
of foundation models. | cs.CL | Quantifying Uncertainty in Natural Language Explanations of Large Language Models |
2023-11-06T20:36:55Z | http://arxiv.org/pdf/2311.03510v1 | http://arxiv.org/abs/2311.03510v1 | Ali Can Kocabiyikoglu, François Portet, Jean-Marc Babouchkine, Prudence Gibert, Hervé Blanchon, Gaëtan Gavazzi | 2023-11-06T20:36:55Z | cs.CL | Hospital information systems (HIS) have become an essential part of
healthcare institutions and now incorporate prescribing support software.
Prescription support software allows for structured information capture, which
improves the safety, appropriateness and efficiency of prescriptions and
reduces the number of adverse drug events (ADEs). However, such a system
increases the amount of time physicians spend at a computer entering
information instead of providing medical care. In addition, any new visiting
clinician must learn to manage complex interfaces since each HIS has its own
interfaces. In this paper, we present a natural language interface for
e-prescribing software in the form of a spoken dialogue system accessible on a
smartphone. This system allows prescribers to record their prescriptions
verbally, a form of interaction closer to their usual practice. The system
extracts the formal representation of the prescription ready to be checked by
the prescribing software and uses the dialogue to request mandatory
information, correct errors or warn of particular situations. Since, to the
best of our knowledge, there is no existing voice-based prescription dialogue
system, we present the system developed in a low-resource environment, focusing
on dialogue modeling, semantic extraction and data augmentation. The system was
evaluated in the wild with 55 participants. This evaluation showed that our
system has an average prescription time of 66.15 seconds for physicians and
35.64 seconds for other experts, and a task success rate of 76\% for physicians
and 72\% for other experts. All evaluation data were recorded and annotated to
form PxCorpus, the first spoken drug prescription corpus that has been made
fully available to the community
(\url{https://doi.org/10.5281/zenodo.6524162}). | cs.CL | Spoken Dialogue System for Medical Prescription Acquisition on Smartphone: Development, Corpus and Evaluation |
2023-11-06T20:13:29Z | http://arxiv.org/pdf/2311.03498v2 | http://arxiv.org/abs/2311.03498v2 | Jiachen Zhao | 2023-12-18T21:09:51Z | cs.CL, cs.LG | Recently, large language models (LLMs) have made remarkable progress in
natural language processing. The most representative ability of LLMs is
in-context learning (ICL), which enables LLMs to learn patterns from in-context
exemplars without training. The performance of ICL greatly depends on the
exemplars used. However, how to choose exemplars remains unclear due to the
lack of understanding of how in-context learning works. In this paper, we
present a novel perspective on ICL by conceptualizing it as contextual
retrieval from a model of associative memory. We establish a theoretical
framework of ICL based on Hopfield Networks. Based on our framework, we look
into how in-context exemplars influence the performance of ICL and propose more
efficient active exemplar selection. Our study sheds new light on the mechanism
of ICL by connecting it to memory retrieval, with potential implications for
advancing the understanding of LLMs. | cs.CL | In-Context Exemplars as Clues to Retrieving from Large Associative Memory |
2023-11-06T18:55:18Z | http://arxiv.org/pdf/2311.03348v2 | http://arxiv.org/abs/2311.03348v2 | Rusheb Shah, Quentin Feuillade--Montixi, Soroush Pour, Arush Tagade, Stephen Casper, Javier Rando | 2023-11-24T12:50:31Z | cs.CL, cs.AI, cs.LG | Despite efforts to align large language models to produce harmless responses,
they are still vulnerable to jailbreak prompts that elicit unrestricted
behaviour. In this work, we investigate persona modulation as a black-box
jailbreaking method to steer a target model to take on personalities that are
willing to comply with harmful instructions. Rather than manually crafting
prompts for each persona, we automate the generation of jailbreaks using a
language model assistant. We demonstrate a range of harmful completions made
possible by persona modulation, including detailed instructions for
synthesising methamphetamine, building a bomb, and laundering money. These
automated attacks achieve a harmful completion rate of 42.5% in GPT-4, which is
185 times larger than before modulation (0.23%). These prompts also transfer to
Claude 2 and Vicuna with harmful completion rates of 61.0% and 35.9%,
respectively. Our work reveals yet another vulnerability in commercial large
language models and highlights the need for more comprehensive safeguards. | cs.CL | Scalable and Transferable Black-Box Jailbreaks for Language Models via Persona Modulation |
2023-11-06T18:15:36Z | http://arxiv.org/pdf/2311.03320v1 | http://arxiv.org/abs/2311.03320v1 | Sumegh Roychowdhury, Karan Gupta, Siva Rajesh Kasa, Prasanna Srinivasa Murthy, Alok Chandra | 2023-11-06T18:15:36Z | cs.CL | Pre-trained language models (PLMs) have seen tremendous success in text
classification (TC) problems in the context of Natural Language Processing
(NLP). In many real-world text classification tasks, the class definitions
being learned do not remain constant but rather change with time - this is
known as Concept Shift. Most techniques for handling concept shift rely on
retraining the old classifiers with the newly labelled data. However, given the
amount of training data required to fine-tune large DL models for the new
concepts, the associated labelling costs can be prohibitively expensive and
time consuming. In this work, we propose a reformulation, converting vanilla
classification into an entailment-style problem that requires significantly
less data to re-train the text classifier to adapt to new concepts. We
demonstrate the effectiveness of our proposed method on both real world &
synthetic datasets achieving absolute F1 gains upto 7% and 40% respectively in
few-shot settings. Further, upon deployment, our solution also helped save 75%
of labeling costs overall. | cs.CL | Tackling Concept Shift in Text Classification using Entailment-style Modeling |
2023-11-06T18:12:55Z | http://arxiv.org/pdf/2311.03319v1 | http://arxiv.org/abs/2311.03319v1 | Dawei Li, Yaxuan Li, Dheeraj Mekala, Shuyao Li, Yulin wang, Xueqi Wang, William Hogan, Jingbo Shang | 2023-11-06T18:12:55Z | cs.CL, cs.AI | In-Context Learning (ICL) combined with pre-trained large language models has
achieved promising results on various NLP tasks. However, ICL requires
high-quality annotated demonstrations which might not be available in
real-world scenarios. To overcome this limitation, we propose \textbf{D}ata
\textbf{A}ugmentation for \textbf{I}n-Context \textbf{L}earning
(\textbf{DAIL}). DAIL leverages the intuition that large language models are
more familiar with the content generated by themselves. It first utilizes the
language model to generate paraphrases of the test sample and employs majority
voting to determine the final result based on individual predictions. Our
extensive empirical evaluation shows that DAIL outperforms the standard ICL
method and other ensemble-based methods in the low-resource scenario.
Additionally, we explore the use of voting consistency as a confidence score of
the model when the logits of predictions are inaccessible. We believe our work
will stimulate further research on ICL in low-resource settings. | cs.CL | DAIL: Data Augmentation for In-Context Learning via Self-Paraphrase |
2023-11-06T18:01:34Z | http://arxiv.org/pdf/2311.03311v1 | http://arxiv.org/abs/2311.03311v1 | Thiemo Wambsganss, Xiaotian Su, Vinitra Swamy, Seyed Parsa Neshaei, Roman Rietsche, Tanja Käser | 2023-11-06T18:01:34Z | cs.CL, cs.CY | Large Language Models (LLMs) are increasingly utilized in educational tasks
such as providing writing suggestions to students. Despite their potential,
LLMs are known to harbor inherent biases which may negatively impact learners.
Previous studies have investigated bias in models and data representations
separately, neglecting the potential impact of LLM bias on human writing. In
this paper, we investigate how bias transfers through an AI writing support
pipeline. We conduct a large-scale user study with 231 students writing
business case peer reviews in German. Students are divided into five groups
with different levels of writing support: one classroom group with
feature-based suggestions and four groups recruited from Prolific -- a control
group with no assistance, two groups with suggestions from fine-tuned GPT-2 and
GPT-3 models, and one group with suggestions from pre-trained GPT-3.5. Using
GenBit gender bias analysis, Word Embedding Association Tests (WEAT), and
Sentence Embedding Association Test (SEAT) we evaluate the gender bias at
various stages of the pipeline: in model embeddings, in suggestions generated
by the models, and in reviews written by students. Our results demonstrate that
there is no significant difference in gender bias between the resulting peer
reviews of groups with and without LLM suggestions. Our research is therefore
optimistic about the use of AI writing support in the classroom, showcasing a
context where bias in LLMs does not transfer to students' responses. | cs.CL | Unraveling Downstream Gender Bias from Large Language Models: A Study on AI Educational Writing Assistance |
2023-11-06T17:49:34Z | http://arxiv.org/pdf/2311.03301v2 | http://arxiv.org/abs/2311.03301v2 | Ruyi Gan, Ziwei Wu, Renliang Sun, Junyu Lu, Xiaojun Wu, Dixiang Zhang, Kunhao Pan, Junqing He, Yuanhe Tian, Ping Yang, Qi Yang, Hao Wang, Jiaxing Zhang, Yan Song | 2024-04-04T17:41:12Z | cs.CL | Various large language models (LLMs) have been proposed in recent years,
including closed- and open-source ones, continually setting new records on
multiple benchmarks. However, the development of LLMs still faces several
issues, such as high cost of training models from scratch, and continual
pre-training leading to catastrophic forgetting, etc. Although many such issues
are addressed along the line of research on LLMs, an important yet practical
limitation is that many studies overly pursue enlarging model sizes without
comprehensively analyzing and optimizing the use of pre-training data in their
learning process, as well as appropriate organization and leveraging of such
data in training LLMs under cost-effective settings. In this work, we propose
Ziya2, a model with 13 billion parameters adopting LLaMA2 as the foundation
model, and further pre-trained on 700 billion tokens, where we focus on
pre-training techniques and use data-centric optimization to enhance the
learning process of Ziya2 on different stages. We define three data attributes
and firstly establish data-centric scaling laws to illustrate how different
data impacts LLMs. Experiments show that Ziya2 significantly outperforms other
models in multiple benchmarks especially with promising results compared to
representative open-source ones. Ziya2 (Base) is released at
https://huggingface.co/IDEA-CCNL/Ziya2-13B-Base and
https://modelscope.cn/models/Fengshenbang/Ziya2-13B-Base/summary. | cs.CL | Ziya2: Data-centric Learning is All LLMs Need |
2023-11-06T17:26:59Z | http://arxiv.org/pdf/2311.03287v2 | http://arxiv.org/abs/2311.03287v2 | Chenhang Cui, Yiyang Zhou, Xinyu Yang, Shirley Wu, Linjun Zhang, James Zou, Huaxiu Yao | 2023-11-07T02:18:48Z | cs.LG, cs.CL, cs.CV | While GPT-4V(ision) impressively models both visual and textual information
simultaneously, it's hallucination behavior has not been systematically
assessed. To bridge this gap, we introduce a new benchmark, namely, the Bias
and Interference Challenges in Visual Language Models (Bingo). This benchmark
is designed to evaluate and shed light on the two common types of
hallucinations in visual language models: bias and interference. Here, bias
refers to the model's tendency to hallucinate certain types of responses,
possibly due to imbalance in its training data. Interference pertains to
scenarios where the judgment of GPT-4V(ision) can be disrupted due to how the
text prompt is phrased or how the input image is presented. We identify a
notable regional bias, whereby GPT-4V(ision) is better at interpreting Western
images or images with English writing compared to images from other countries
or containing text in other languages. Moreover, GPT-4V(ision) is vulnerable to
leading questions and is often confused when interpreting multiple images
together. Popular mitigation approaches, such as self-correction and
chain-of-thought reasoning, are not effective in resolving these challenges. We
also identified similar biases and interference vulnerabilities with LLaVA and
Bard. Our results characterize the hallucination challenges in GPT-4V(ision)
and state-of-the-art visual-language models, and highlight the need for new
solutions. The Bingo benchmark is available at https://github.com/gzcch/Bingo. | cs.LG | Holistic Analysis of Hallucination in GPT-4V(ision): Bias and Interference Challenges |
2023-11-06T16:40:13Z | http://arxiv.org/pdf/2311.03253v1 | http://arxiv.org/abs/2311.03253v1 | Zilin Xiao, Linjun Shou, Xingyao Zhang, Jie Wu, Ming Gong, Jian Pei, Daxin Jiang | 2023-11-06T16:40:13Z | cs.CL, cs.AI | Previous entity disambiguation (ED) methods adopt a discriminative paradigm,
where prediction is made based on matching scores between mention context and
candidate entities using length-limited encoders. However, these methods often
struggle to capture explicit discourse-level dependencies, resulting in
incoherent predictions at the abstract level (e.g. topic or category). We
propose CoherentED, an ED system equipped with novel designs aimed at enhancing
the coherence of entity predictions. Our method first introduces an
unsupervised variational autoencoder (VAE) to extract latent topic vectors of
context sentences. This approach not only allows the encoder to handle longer
documents more effectively, conserves valuable input space, but also keeps a
topic-level coherence. Additionally, we incorporate an external category
memory, enabling the system to retrieve relevant categories for undecided
mentions. By employing step-by-step entity decisions, this design facilitates
the modeling of entity-entity interactions, thereby maintaining maximum
coherence at the category level. We achieve new state-of-the-art results on
popular ED benchmarks, with an average improvement of 1.3 F1 points. Our model
demonstrates particularly outstanding performance on challenging long-text
scenarios. | cs.CL | Coherent Entity Disambiguation via Modeling Topic and Categorical Dependency |
2023-11-06T16:38:51Z | http://arxiv.org/pdf/2311.03250v1 | http://arxiv.org/abs/2311.03250v1 | Zilin Xiao, Ming Gong, Jie Wu, Xingyao Zhang, Linjun Shou, Jian Pei, Daxin Jiang | 2023-11-06T16:38:51Z | cs.CL, cs.AI | Generative approaches powered by large language models (LLMs) have
demonstrated emergent abilities in tasks that require complex reasoning
abilities. Yet the generative nature still makes the generated content suffer
from hallucinations, thus unsuitable for entity-centric tasks like entity
linking (EL) requiring precise entity predictions over a large knowledge base.
We present Instructed Generative Entity Linker (INSGENEL), the first approach
that enables casual language models to perform entity linking over knowledge
bases. Several methods to equip language models with EL capability were
proposed in this work, including (i) a sequence-to-sequence training EL
objective with instruction-tuning, (ii) a novel generative EL framework based
on a light-weight potential mention retriever that frees the model from heavy
and non-parallelizable decoding, achieving 4$\times$ speedup without compromise
on linking metrics. INSGENEL outperforms previous generative alternatives with
+6.8 F1 points gain on average, also with a huge advantage in training data
efficiency and training compute consumption. In addition, our skillfully
engineered in-context learning (ICL) framework for EL still lags behind
INSGENEL significantly, reaffirming that the EL task remains a persistent
hurdle for general LLMs. | cs.CL | Instructed Language Models with Retrievers Are Powerful Entity Linkers |
2023-11-06T16:31:48Z | http://arxiv.org/pdf/2311.03243v1 | http://arxiv.org/abs/2311.03243v1 | Davide Cifarelli, Leonardo Boiardi, Alessandro Puppo, Leon Jovanovic | 2023-11-06T16:31:48Z | cs.CL | This paper introduces Safurai-Csharp, an open-source model designed to
specialize in the generation, completion, and debugging of C# code.
Safurai-Csharp is built upon the novel CodeLlama 34B model and leverages the
EvolInstruct technique, creating a refined and expanded dataset for its
fine-tuning process. The results of its performance, a notable score of 56.33%
on the Manual MultiPL-E benchmark (Zero-Shot, Pass@1), signal its high capacity
to streamline developers' workflows and aid code learning. It shows promise in
setting new stakes in the landscape of open-source C# LLMs and hopes to inspire
more inclusive and wide-ranging development in the field of language-specific
LLMs. | cs.CL | Safurai-Csharp: Harnessing Synthetic Data to improve language-specific Code LLM |
2023-11-06T16:25:56Z | http://arxiv.org/pdf/2311.03235v1 | http://arxiv.org/abs/2311.03235v1 | Tuan Nguyen, Tam Nguyen, Vinh Nguyen, Tan M. Nguyen | 2023-11-06T16:25:56Z | cs.LG, cs.CL, stat.ML | $p$-Laplacian regularization, rooted in graph and image signal processing,
introduces a parameter $p$ to control the regularization effect on these data.
Smaller values of $p$ promote sparsity and interpretability, while larger
values encourage smoother solutions. In this paper, we first show that the
self-attention mechanism obtains the minimal Laplacian regularization ($p=2$)
and encourages the smoothness in the architecture. However, the smoothness is
not suitable for the heterophilic structure of self-attention in transformers
where attention weights between tokens that are in close proximity and
non-close ones are assigned indistinguishably. From that insight, we then
propose a novel class of transformers, namely the $p$-Laplacian Transformer
(p-LaT), which leverages $p$-Laplacian regularization framework to harness the
heterophilic features within self-attention layers. In particular, low $p$
values will effectively assign higher attention weights to tokens that are in
close proximity to the current token being processed. We empirically
demonstrate the advantages of p-LaT over the baseline transformers on a wide
range of benchmark datasets. | cs.LG | p-Laplacian Transformer |
2023-11-06T16:22:32Z | http://arxiv.org/pdf/2311.07584v1 | http://arxiv.org/abs/2311.07584v1 | Akshansh Mishra, Vijaykumar S Jatti, Vaishnavi More, Anish Dasgupta, Devarrishi Dixit, Eyob Messele Sefene | 2023-11-06T16:22:32Z | cs.CL, cs.AI, cs.IR, cs.IT, cs.LG, math.IT | The ability to interpret spoken language is connected to natural language
processing. It involves teaching the AI how words relate to one another, how
they are meant to be used, and in what settings. The goal of natural language
processing (NLP) is to get a machine intelligence to process words the same way
a human brain does. This enables machine intelligence to interpret, arrange,
and comprehend textual data by processing the natural language. The technology
can comprehend what is communicated, whether it be through speech or writing
because AI pro-cesses language more quickly than humans can. In the present
study, five NLP algorithms, namely, Geneism, Sumy, Luhn, Latent Semantic
Analysis (LSA), and Kull-back-Liebler (KL) al-gorithm, are implemented for the
first time for the knowledge summarization purpose of the High Entropy Alloys
(HEAs). The performance prediction of these algorithms is made by using the
BLEU score and ROUGE score. The results showed that the Luhn algorithm has the
highest accuracy score for the knowledge summarization tasks compared to the
other used algorithms. | cs.CL | Performance Prediction of Data-Driven Knowledge summarization of High Entropy Alloys (HEAs) literature implementing Natural Language Processing algorithms |
2023-11-06T16:12:25Z | http://arxiv.org/pdf/2311.03228v1 | http://arxiv.org/abs/2311.03228v1 | Peerat Limkonchotiwat, Wuttikorn Ponwitayarat, Lalita Lowphansirikul, Can Udomcharoenchaikit, Ekapol Chuangsuwanich, Sarana Nutanong | 2023-11-06T16:12:25Z | cs.CL, cs.AI | Self-supervised sentence representation learning is the task of constructing
an embedding space for sentences without relying on human annotation efforts.
One straightforward approach is to finetune a pretrained language model (PLM)
with a representation learning method such as contrastive learning. While this
approach achieves impressive performance on larger PLMs, the performance
rapidly degrades as the number of parameters decreases. In this paper, we
propose a framework called Self-supervised Cross-View Training (SCT) to narrow
the performance gap between large and small PLMs. To evaluate the effectiveness
of SCT, we compare it to 5 baseline and state-of-the-art competitors on seven
Semantic Textual Similarity (STS) benchmarks using 5 PLMs with the number of
parameters ranging from 4M to 340M. The experimental results show that STC
outperforms the competitors for PLMs with less than 100M parameters in 18 of 21
cases. | cs.CL | An Efficient Self-Supervised Cross-View Training For Sentence Embedding |
2023-11-06T16:03:46Z | http://arxiv.org/pdf/2311.03220v4 | http://arxiv.org/abs/2311.03220v4 | Shaoguang Mao, Yuzhe Cai, Yan Xia, Wenshan Wu, Xun Wang, Fengyi Wang, Tao Ge, Furu Wei | 2024-01-16T07:12:32Z | cs.CL, cs.AI, cs.GT | This paper introduces Alympics (Olympics for Agents), a systematic simulation
framework utilizing Large Language Model (LLM) agents for game theory research.
Alympics creates a versatile platform for studying complex game theory
problems, bridging the gap between theoretical game theory and empirical
investigations by providing a controlled environment for simulating human-like
strategic interactions with LLM agents. In our pilot case study, the "Water
Allocation Challenge," we explore Alympics through a challenging strategic game
focused on the multi-round auction on scarce survival resources. This study
demonstrates the framework's ability to qualitatively and quantitatively
analyze game determinants, strategies, and outcomes. Additionally, we conduct a
comprehensive human assessment and an in-depth evaluation of LLM agents in
strategic decision-making scenarios. Our findings not only expand the
understanding of LLM agents' proficiency in emulating human strategic behavior
but also highlight their potential in advancing game theory knowledge, thereby
enriching our understanding of both game theory and empowering further research
into strategic decision-making domains with LLM agents. Codes, prompts, and all
related resources are available at https://github.com/microsoft/Alympics. | cs.CL | ALYMPICS: LLM Agents Meet Game Theory -- Exploring Strategic Decision-Making with AI Agents |
2023-11-06T16:01:10Z | http://arxiv.org/pdf/2311.03216v1 | http://arxiv.org/abs/2311.03216v1 | Irina Proskurina, Guillaume Metzler, Julien Velcin | 2023-11-06T16:01:10Z | cs.CL, cs.AI, cs.LG | In this paper, we describe the University of Lyon 2 submission to the
Strict-Small track of the BabyLM competition. The shared task is created with
an emphasis on small-scale language modelling from scratch on limited-size data
and human language acquisition. Dataset released for the Strict-Small track has
10M words, which is comparable to children's vocabulary size. We approach the
task with an architecture search, minimizing masked language modelling loss on
the data of the shared task. Having found an optimal configuration, we
introduce two small-size language models (LMs) that were submitted for
evaluation, a 4-layer encoder with 8 attention heads and a 6-layer decoder
model with 12 heads which we term Bebeshka and Zlata, respectively. Despite
being half the scale of the baseline LMs, our proposed models achieve
comparable performance. We further explore the applicability of small-scale
language models in tasks involving moral judgment, aligning their predictions
with human values. These findings highlight the potential of compact LMs in
addressing practical language understanding tasks. | cs.CL | Mini Minds: Exploring Bebeshka and Zlata Baby Models |
2023-11-06T15:37:14Z | http://arxiv.org/pdf/2311.03196v1 | http://arxiv.org/abs/2311.03196v1 | Rabindra Nath Nandi, Mehadi Hasan Menon, Tareq Al Muntasir, Sagor Sarker, Quazi Sarwar Muhtaseem, Md. Tariqul Islam, Shammur Absar Chowdhury, Firoj Alam | 2023-11-06T15:37:14Z | cs.CL, cs.AI, 68T50, F.2.2; I.2.7 | One of the major challenges for developing automatic speech recognition (ASR)
for low-resource languages is the limited access to labeled data with
domain-specific variations. In this study, we propose a pseudo-labeling
approach to develop a large-scale domain-agnostic ASR dataset. With the
proposed methodology, we developed a 20k+ hours labeled Bangla speech dataset
covering diverse topics, speaking styles, dialects, noisy environments, and
conversational scenarios. We then exploited the developed corpus to design a
conformer-based ASR system. We benchmarked the trained ASR with publicly
available datasets and compared it with other available models. To investigate
the efficacy, we designed and developed a human-annotated domain-agnostic test
set composed of news, telephony, and conversational data among others. Our
results demonstrate the efficacy of the model trained on psuedo-label data for
the designed test-set along with publicly-available Bangla datasets. The
experimental resources will be publicly
available.(https://github.com/hishab-nlp/Pseudo-Labeling-for-Domain-Agnostic-Bangla-ASR) | cs.CL | Pseudo-Labeling for Domain-Agnostic Bangla Automatic Speech Recognition |
2023-11-06T15:25:30Z | http://arxiv.org/pdf/2311.03186v1 | http://arxiv.org/abs/2311.03186v1 | Ewoenam Kwaku Tokpo, Toon Calders | 2023-11-06T15:25:30Z | cs.CL | Counterfactual Data Augmentation (CDA) has been one of the preferred
techniques for mitigating gender bias in natural language models. CDA
techniques have mostly employed word substitution based on dictionaries.
Although such dictionary-based CDA techniques have been shown to significantly
improve the mitigation of gender bias, in this paper, we highlight some
limitations of such dictionary-based counterfactual data augmentation
techniques, such as susceptibility to ungrammatical compositions, and lack of
generalization outside the set of predefined dictionary words. Model-based
solutions can alleviate these problems, yet the lack of qualitative parallel
training data hinders development in this direction. Therefore, we propose a
combination of data processing techniques and a bi-objective training regime to
develop a model-based solution for generating counterfactuals to mitigate
gender bias. We implemented our proposed solution and performed an empirical
evaluation which shows how our model alleviates the shortcomings of
dictionary-based solutions. | cs.CL | Model-based Counterfactual Generator for Gender Bias Mitigation |
2023-11-06T15:24:18Z | http://arxiv.org/pdf/2311.03184v1 | http://arxiv.org/abs/2311.03184v1 | Yunze Xiao, Firoj Alam | 2023-11-06T15:24:18Z | cs.CL, cs.AI, cs.SI, 68T50, F.2.2; I.2.7 | The spread of disinformation and propagandistic content poses a threat to
societal harmony, undermining informed decision-making and trust in reliable
sources. Online platforms often serve as breeding grounds for such content, and
malicious actors exploit the vulnerabilities of audiences to shape public
opinion. Although there have been research efforts aimed at the automatic
identification of disinformation and propaganda in social media content, there
remain challenges in terms of performance. The ArAIEval shared task aims to
further research on these particular issues within the context of the Arabic
language. In this paper, we discuss our participation in these shared tasks. We
competed in subtasks 1A and 2A, where our submitted system secured positions
9th and 10th, respectively. Our experiments consist of fine-tuning transformer
models and using zero- and few-shot learning with GPT-4. | cs.CL | Nexus at ArAIEval Shared Task: Fine-Tuning Arabic Language Models for Propaganda and Disinformation Detection |
2023-11-06T15:21:19Z | http://arxiv.org/pdf/2311.03179v1 | http://arxiv.org/abs/2311.03179v1 | Maram Hasanain, Firoj Alam, Hamdy Mubarak, Samir Abdaljalil, Wajdi Zaghouani, Preslav Nakov, Giovanni Da San Martino, Abed Alhakim Freihat | 2023-11-06T15:21:19Z | cs.CL, cs.AI, 68T50, F.2.2; I.2.7 | We present an overview of the ArAIEval shared task, organized as part of the
first ArabicNLP 2023 conference co-located with EMNLP 2023. ArAIEval offers two
tasks over Arabic text: (i) persuasion technique detection, focusing on
identifying persuasion techniques in tweets and news articles, and (ii)
disinformation detection in binary and multiclass setups over tweets. A total
of 20 teams participated in the final evaluation phase, with 14 and 16 teams
participating in Tasks 1 and 2, respectively. Across both tasks, we observed
that fine-tuning transformer models such as AraBERT was at the core of the
majority of the participating systems. We provide a description of the task
setup, including a description of the dataset construction and the evaluation
setup. We further give a brief overview of the participating systems. All
datasets and evaluation scripts from the shared task are released to the
research community. (https://araieval.gitlab.io/) We hope this will enable
further research on these important tasks in Arabic. | cs.CL | ArAIEval Shared Task: Persuasion Techniques and Disinformation Detection in Arabic Text |
2023-11-06T14:47:48Z | http://arxiv.org/pdf/2311.03153v1 | http://arxiv.org/abs/2311.03153v1 | Philipp Heinisch, Matthias Orlikowski, Julia Romberg, Philipp Cimiano | 2023-11-06T14:47:48Z | cs.CL | Many annotation tasks in natural language processing are highly subjective in
that there can be different valid and justified perspectives on what is a
proper label for a given example. This also applies to the judgment of argument
quality, where the assignment of a single ground truth is often questionable.
At the same time, there are generally accepted concepts behind argumentation
that form a common ground. To best represent the interplay of individual and
shared perspectives, we consider a continuum of approaches ranging from models
that fully aggregate perspectives into a majority label to "share
nothing"-architectures in which each annotator is considered in isolation from
all other annotators. In between these extremes, inspired by models used in the
field of recommender systems, we investigate the extent to which architectures
that include layers to model the relations between different annotators are
beneficial for predicting single-annotator labels. By means of two tasks of
argument quality classification (argument concreteness and validity/novelty of
conclusions), we show that recommender architectures increase the averaged
annotator-individual F$_1$-scores up to $43\%$ over a majority label model. Our
findings indicate that approaches to subjectivity can benefit from relating
individual perspectives. | cs.CL | Architectural Sweet Spots for Modeling Human Label Variation by the Example of Argument Quality: It's Best to Relate Perspectives! |
2023-11-06T14:23:49Z | http://arxiv.org/pdf/2311.03127v1 | http://arxiv.org/abs/2311.03127v1 | Longyue Wang, Zhaopeng Tu, Yan Gu, Siyou Liu, Dian Yu, Qingsong Ma, Chenyang Lyu, Liting Zhou, Chao-Hong Liu, Yufeng Ma, Weiyu Chen, Yvette Graham, Bonnie Webber, Philipp Koehn, Andy Way, Yulin Yuan, Shuming Shi | 2023-11-06T14:23:49Z | cs.CL, cs.AI | Translating literary works has perennially stood as an elusive dream in
machine translation (MT), a journey steeped in intricate challenges. To foster
progress in this domain, we hold a new shared task at WMT 2023, the first
edition of the Discourse-Level Literary Translation. First, we (Tencent AI Lab
and China Literature Ltd.) release a copyrighted and document-level
Chinese-English web novel corpus. Furthermore, we put forth an
industry-endorsed criteria to guide human evaluation process. This year, we
totally received 14 submissions from 7 academia and industry teams. We employ
both automatic and human evaluations to measure the performance of the
submitted systems. The official ranking of the systems is based on the overall
human judgments. In addition, our extensive analysis reveals a series of
interesting findings on literary and discourse-aware MT. We release data,
system outputs, and leaderboard at
http://www2.statmt.org/wmt23/literary-translation-task.html. | cs.CL | Findings of the WMT 2023 Shared Task on Discourse-Level Literary Translation: A Fresh Orb in the Cosmos of LLMs |
2023-11-06T14:18:16Z | http://arxiv.org/pdf/2311.03420v1 | http://arxiv.org/abs/2311.03420v1 | Sumam Francis, Marie-Francine Moens | 2023-11-06T14:18:16Z | cs.CL, cs.IR, cs.LG | This paper presents models created for the Social Media Mining for Health
2023 shared task. Our team addressed the first task, classifying tweets that
self-report Covid-19 diagnosis. Our approach involves a classification model
that incorporates diverse textual augmentations and utilizes R-drop to augment
data and mitigate overfitting, boosting model efficacy. Our leading model,
enhanced with R-drop and augmentations like synonym substitution, reserved
words, and back translations, outperforms the task mean and median scores. Our
system achieves an impressive F1 score of 0.877 on the test set. | cs.CL | Text Augmentations with R-drop for Classification of Tweets Self Reporting Covid-19 |
2023-11-06T14:03:59Z | http://arxiv.org/pdf/2311.03113v1 | http://arxiv.org/abs/2311.03113v1 | Sumam Francis, Marie-Francine Moens | 2023-11-06T14:03:59Z | cs.CL, cs.IR, cs.LG | We present a simple approach to improve biomedical named entity recognition
(NER) by injecting categorical labels and Part-of-speech (POS) information into
the model. We use two approaches, in the first approach, we first train a
sequence-level classifier to classify the sentences into categories to obtain
the sentence-level tags (categorical labels). The sequence classifier is
modeled as an entailment problem by modifying the labels as a natural language
template. This helps to improve the accuracy of the classifier. Further, this
label information is injected into the NER model. In this paper, we demonstrate
effective ways to represent and inject these labels and POS attributes into the
NER model. In the second approach, we jointly learn the categorical labels and
NER labels. Here we also inject the POS tags into the model to increase the
syntactic context of the model. Experiments on three benchmark datasets show
that incorporating categorical label information with syntactic context is
quite useful and outperforms baseline BERT-based models. | cs.CL | Injecting Categorical Labels and Syntactic Information into Biomedical NER |
2023-11-06T13:43:07Z | http://arxiv.org/pdf/2311.03099v3 | http://arxiv.org/abs/2311.03099v3 | Le Yu, Bowen Yu, Haiyang Yu, Fei Huang, Yongbin Li | 2024-06-13T11:56:04Z | cs.CL, cs.LG | In this paper, we unveil that Language Models (LMs) can acquire new
capabilities by assimilating parameters from homologous models without
retraining or GPUs. We first introduce DARE to set most delta parameters (i.e.,
the disparity between fine-tuned and pre-trained parameters) to zeros without
affecting the abilities of Supervised Fine-Tuning (SFT) LMs, which randomly
Drops delta parameters with a ratio $p$ And REscales the remaining ones by $1 /
(1 - p)$ to approximate the original embeddings. Then, we use DARE as a
versatile plug-in to sparsify delta parameters of multiple SFT homologous
models for mitigating parameter interference and merge them into a single model
by parameter fusing. We experiment with encoder- and decoder-based LMs, showing
that: (1) SFT delta parameter value ranges are typically small (within 0.002)
with extreme redundancy, and DARE can effortlessly eliminate 90% or even 99% of
them; (2) DARE can merge multiple task-specific LMs into one LM with diverse
capabilities. Notably, this phenomenon is more pronounced in large-scale LMs,
where the merged LM reveals the potential to surpass the performance of any
source LM, providing a new discovery. We also utilize DARE to create a merged
LM that ranks first among models with 7 billion parameters on the Open LLM
Leaderboard. | cs.CL | Language Models are Super Mario: Absorbing Abilities from Homologous Models as a Free Lunch |
2023-11-06T13:11:02Z | http://arxiv.org/pdf/2311.03084v2 | http://arxiv.org/abs/2311.03084v2 | Harika Abburi, Kalyani Roy, Michael Suesserman, Nirmala Pudota, Balaji Veeramani, Edward Bowen, Sanmitra Bhattacharya | 2023-11-08T04:28:57Z | cs.CL, cs.AI | Recent Large Language Models (LLMs) have demonstrated remarkable capabilities
in generating text that closely resembles human writing across wide range of
styles and genres. However, such capabilities are prone to potential abuse,
such as fake news generation, spam email creation, and misuse in academic
assignments. Hence, it is essential to build automated approaches capable of
distinguishing between artificially generated text and human-authored text. In
this paper, we propose a simple yet efficient solution to this problem by
ensembling predictions from multiple constituent LLMs. Compared to previous
state-of-the-art approaches, which are perplexity-based or uses ensembles with
a number of LLMs, our condensed ensembling approach uses only two constituent
LLMs to achieve comparable performance. Experiments conducted on four benchmark
datasets for generative text classification show performance improvements in
the range of 0.5 to 100\% compared to previous state-of-the-art approaches. We
also study the influence that the training data from individual LLMs have on
model performance. We found that substituting commercially-restrictive
Generative Pre-trained Transformer (GPT) data with data generated from other
open language models such as Falcon, Large Language Model Meta AI (LLaMA2), and
Mosaic Pretrained Transformers (MPT) is a feasible alternative when developing
generative text detectors. Furthermore, to demonstrate zero-shot
generalization, we experimented with an English essays dataset, and results
suggest that our ensembling approach can handle new data effectively. | cs.CL | A Simple yet Efficient Ensemble Approach for AI-generated Text Detection |
2023-11-06T13:02:07Z | http://arxiv.org/pdf/2311.03078v1 | http://arxiv.org/abs/2311.03078v1 | Sadia Afrin, Md. Shahad Mahmud Chowdhury, Md. Ekramul Islam, Faisal Ahamed Khan, Labib Imam Chowdhury, MD. Motahar Mahtab, Nazifa Nuha Chowdhury, Massud Forkan, Neelima Kundu, Hakim Arif, Mohammad Mamun Or Rashid, Mohammad Ruhul Amin, Nabeel Mohammed | 2023-11-06T13:02:07Z | cs.CL | Lemmatization holds significance in both natural language processing (NLP)
and linguistics, as it effectively decreases data density and aids in
comprehending contextual meaning. However, due to the highly inflected nature
and morphological richness, lemmatization in Bangla text poses a complex
challenge. In this study, we propose linguistic rules for lemmatization and
utilize a dictionary along with the rules to design a lemmatizer specifically
for Bangla. Our system aims to lemmatize words based on their parts of speech
class within a given sentence. Unlike previous rule-based approaches, we
analyzed the suffix marker occurrence according to the morpho-syntactic values
and then utilized sequences of suffix markers instead of entire suffixes. To
develop our rules, we analyze a large corpus of Bangla text from various
domains, sources, and time periods to observe the word formation of inflected
words. The lemmatizer achieves an accuracy of 96.36% when tested against a
manually annotated test dataset by trained linguists and demonstrates
competitive performance on three previously published Bangla lemmatization
datasets. We are making the code and datasets publicly available at
https://github.com/eblict-gigatech/BanLemma in order to contribute to the
further advancement of Bangla NLP. | cs.CL | BanLemma: A Word Formation Dependent Rule and Dictionary Based Bangla Lemmatizer |
2023-11-06T12:36:46Z | http://arxiv.org/pdf/2311.03058v1 | http://arxiv.org/abs/2311.03058v1 | Jialiang Wei, Anne-Lise Courbis, Thomas Lambolais, Binbin Xu, Pierre Louis Bernard, Gérard Dray | 2023-11-06T12:36:46Z | cs.CL | App reviews from app stores are crucial for improving software requirements.
A large number of valuable reviews are continually being posted, describing
software problems and expected features. Effectively utilizing user reviews
necessitates the extraction of relevant information, as well as their
subsequent summarization. Due to the substantial volume of user reviews, manual
analysis is arduous. Various approaches based on natural language processing
(NLP) have been proposed for automatic user review mining. However, the
majority of them requires a manually crafted dataset to train their models,
which limits their usage in real-world scenarios. In this work, we propose
Mini-BAR, a tool that integrates large language models (LLMs) to perform
zero-shot mining of user reviews in both English and French. Specifically,
Mini-BAR is designed to (i) classify the user reviews, (ii) cluster similar
reviews together, (iii) generate an abstractive summary for each cluster and
(iv) rank the user review clusters. To evaluate the performance of Mini-BAR, we
created a dataset containing 6,000 English and 6,000 French annotated user
reviews and conducted extensive experiments. Preliminary results demonstrate
the effectiveness and efficiency of Mini-BAR in requirement engineering by
analyzing bilingual app reviews. (Replication package containing the code,
dataset, and experiment setups on https://github.com/Jl-wei/mini-bar ) | cs.CL | Zero-shot Bilingual App Reviews Mining with Large Language Models |
2023-11-06T11:04:39Z | http://arxiv.org/pdf/2311.03026v1 | http://arxiv.org/abs/2311.03026v1 | Laura Schauer, Jason Sweeney, Charlie Lyttle, Zein Said, Aron Szeles, Cale Clark, Katie McAskill, Xander Wickham, Tom Byars, Daniel Hernández Garcia, Nancie Gunson, Angus Addlesee, Oliver Lemon | 2023-11-06T11:04:39Z | cs.CL | Today, conversational systems are expected to handle conversations in
multi-party settings, especially within Socially Assistive Robots (SARs).
However, practical usability remains difficult as there are additional
challenges to overcome, such as speaker recognition, addressee recognition, and
complex turn-taking. In this paper, we present our work on a multi-party
conversational system, which invites two users to play a trivia quiz game. The
system detects users' agreement or disagreement on a final answer and responds
accordingly. Our evaluation includes both performance and user assessment
results, with a focus on detecting user agreement. Our annotated transcripts
and the code for the proposed system have been released open-source on GitHub. | cs.CL | Detecting Agreement in Multi-party Conversational AI |
2023-11-06T11:00:44Z | http://arxiv.org/pdf/2311.03021v1 | http://arxiv.org/abs/2311.03021v1 | Angus Addlesee, Daniel Denley, Andy Edmondson, Nancie Gunson, Daniel Hernández Garcia, Alexandre Kha, Oliver Lemon, James Ndubuisi, Neil O'Reilly, Lia Perochaud, Raphaël Valeri, Miebaka Worika | 2023-11-06T11:00:44Z | cs.CL | Conversational agents participating in multi-party interactions face
significant challenges in dialogue state tracking, since the identity of the
speaker adds significant contextual meaning. It is common to utilise
diarisation models to identify the speaker. However, it is not clear if these
are accurate enough to correctly identify specific conversational events such
as agreement or disagreement during a real-time interaction. This study uses a
cooperative quiz, where the conversational agent acts as quiz-show host, to
determine whether diarisation or a frequency-and-proximity-based method is more
accurate at determining agreement, and whether this translates to feelings of
engagement from the players. Experimental results show that our procedural
system was more engaging to players, and was more accurate at detecting
agreement, reaching an average accuracy of 0.44 compared to 0.28 for the
diarised system. | cs.CL | Detecting agreement in multi-party dialogue: evaluating speaker diarisation versus a procedural baseline to enhance user engagement |
2023-11-06T09:42:44Z | http://arxiv.org/pdf/2311.02985v2 | http://arxiv.org/abs/2311.02985v2 | Julien Guité-Vinet, Alexandre Blondin Massé, Fatiha Sadat | 2023-11-08T15:00:19Z | cs.CL | In the last years, several variants of transformers have emerged. In this
paper, we compare different transformer-based models for solving the reverse
dictionary task and explore their use in the context of a serious game called
The Dictionary Game. | cs.CL | Towards a Transformer-Based Reverse Dictionary Model for Quality Estimation of Definitions |
2023-11-06T09:03:21Z | http://arxiv.org/pdf/2311.02962v1 | http://arxiv.org/abs/2311.02962v1 | Yucan Guo, Zixuan Li, Xiaolong Jin, Yantao Liu, Yutao Zeng, Wenxuan Liu, Xiang Li, Pan Yang, Long Bai, Jiafeng Guo, Xueqi Cheng | 2023-11-06T09:03:21Z | cs.AI, cs.CL, cs.IR | Information Extraction (IE) aims to extract structural knowledge (e.g.,
entities, relations, events) from natural language texts, which brings
challenges to existing methods due to task-specific schemas and complex text
expressions. Code, as a typical kind of formalized language, is capable of
describing structural knowledge under various schemas in a universal way. On
the other hand, Large Language Models (LLMs) trained on both codes and texts
have demonstrated powerful capabilities of transforming texts into codes, which
provides a feasible solution to IE tasks. Therefore, in this paper, we propose
a universal retrieval-augmented code generation framework based on LLMs, called
Code4UIE, for IE tasks. Specifically, Code4UIE adopts Python classes to define
task-specific schemas of various structural knowledge in a universal way. By so
doing, extracting knowledge under these schemas can be transformed into
generating codes that instantiate the predefined Python classes with the
information in texts. To generate these codes more precisely, Code4UIE adopts
the in-context learning mechanism to instruct LLMs with examples. In order to
obtain appropriate examples for different tasks, Code4UIE explores several
example retrieval strategies, which can retrieve examples semantically similar
to the given texts. Extensive experiments on five representative IE tasks
across nine datasets demonstrate the effectiveness of the Code4UIE framework. | cs.AI | Retrieval-Augmented Code Generation for Universal Information Extraction |
2023-11-06T09:01:02Z | http://arxiv.org/pdf/2311.02961v1 | http://arxiv.org/abs/2311.02961v1 | Prabir Mallick, Tapas Nayak, Indrajit Bhattacharya | 2023-11-06T09:01:02Z | cs.CL | Pre-trained Generative models such as BART, T5, etc. have gained prominence
as a preferred method for text generation in various natural language
processing tasks, including abstractive long-form question answering (QA) and
summarization. However, the potential of generative models in extractive QA
tasks, where discriminative models are commonly employed, remains largely
unexplored. Discriminative models often encounter challenges associated with
label sparsity, particularly when only a small portion of the context contains
the answer. The challenge is more pronounced for multi-span answers. In this
work, we introduce a novel approach that uses the power of pre-trained
generative models to address extractive QA tasks by generating indexes
corresponding to context tokens or sentences that form part of the answer.
Through comprehensive evaluations on multiple extractive QA datasets, including
MultiSpanQA, BioASQ, MASHQA, and WikiQA, we demonstrate the superior
performance of our proposed approach compared to existing state-of-the-art
models. | cs.CL | Adapting Pre-trained Generative Models for Extractive Question Answering |
2023-11-06T08:52:11Z | http://arxiv.org/pdf/2311.02956v1 | http://arxiv.org/abs/2311.02956v1 | Yunlong Chen, Yaming Zhang, Jianfei Yu, Li Yang, Rui Xia | 2023-11-06T08:52:11Z | cs.CL, cs.AI, I.2.7 | Knowledge Base Question Answering (KBQA) aims to answer factoid questions
based on knowledge bases. However, generating the most appropriate knowledge
base query code based on Natural Language Questions (NLQ) poses a significant
challenge in KBQA. In this work, we focus on the CCKS2023 Competition of
Question Answering with Knowledge Graph Inference for Unmanned Systems.
Inspired by the recent success of large language models (LLMs) like ChatGPT and
GPT-3 in many QA tasks, we propose a ChatGPT-based Cypher Query Language (CQL)
generation framework to generate the most appropriate CQL based on the given
NLQ. Our generative framework contains six parts: an auxiliary model predicting
the syntax-related information of CQL based on the given NLQ, a proper noun
matcher extracting proper nouns from the given NLQ, a demonstration example
selector retrieving similar examples of the input sample, a prompt constructor
designing the input template of ChatGPT, a ChatGPT-based generation model
generating the CQL, and an ensemble model to obtain the final answers from
diversified outputs. With our ChatGPT-based CQL generation framework, we
achieved the second place in the CCKS 2023 Question Answering with Knowledge
Graph Inference for Unmanned Systems competition, achieving an F1-score of
0.92676. | cs.CL | In-Context Learning for Knowledge Base Question Answering for Unmanned Systems based on Large Language Models |
2023-11-06T08:50:29Z | http://arxiv.org/pdf/2311.04235v3 | http://arxiv.org/abs/2311.04235v3 | Norman Mu, Sarah Chen, Zifan Wang, Sizhe Chen, David Karamardian, Lulwa Aljeraisy, Basel Alomair, Dan Hendrycks, David Wagner | 2024-03-08T17:04:49Z | cs.AI, cs.CL, cs.LG | As Large Language Models (LLMs) are deployed with increasing real-world
responsibilities, it is important to be able to specify and constrain the
behavior of these systems in a reliable manner. Model developers may wish to
set explicit rules for the model, such as "do not generate abusive content",
but these may be circumvented by jailbreaking techniques. Existing evaluations
of adversarial attacks and defenses on LLMs generally require either expensive
manual review or unreliable heuristic checks. To address this issue, we propose
Rule-following Language Evaluation Scenarios (RuLES), a programmatic framework
for measuring rule-following ability in LLMs. RuLES consists of 14 simple text
scenarios in which the model is instructed to obey various rules while
interacting with the user. Each scenario has a programmatic evaluation function
to determine whether the model has broken any rules in a conversation. Our
evaluations of proprietary and open models show that almost all current models
struggle to follow scenario rules, even on straightforward test cases. We also
demonstrate that simple optimization attacks suffice to significantly increase
failure rates on test cases. We conclude by exploring two potential avenues for
improvement: test-time steering and supervised fine-tuning. | cs.AI | Can LLMs Follow Simple Rules? |
2023-11-06T08:26:14Z | http://arxiv.org/pdf/2311.02945v3 | http://arxiv.org/abs/2311.02945v3 | Dat Quoc Nguyen, Linh The Nguyen, Chi Tran, Dung Ngoc Nguyen, Dinh Phung, Hung Bui | 2024-03-22T12:18:51Z | cs.CL | We open-source a state-of-the-art 4B-parameter generative model series for
Vietnamese, which includes the base pre-trained monolingual model PhoGPT-4B and
its chat variant, PhoGPT-4B-Chat. The base model, PhoGPT-4B, with exactly 3.7B
parameters, is pre-trained from scratch on a Vietnamese corpus of 102B tokens,
with an 8192 context length, employing a vocabulary of 20480 token types. The
chat variant, PhoGPT-4B-Chat, is the modeling output obtained by fine-tuning
PhoGPT-4B on a dataset of 70K instructional prompts and their responses, along
with an additional 290K conversations. In addition, we also demonstrate its
superior performance compared to previous open-source models. Our PhoGPT models
are available at: https://github.com/VinAIResearch/PhoGPT | cs.CL | PhoGPT: Generative Pre-training for Vietnamese |
2023-11-06T05:24:06Z | http://arxiv.org/pdf/2311.02883v1 | http://arxiv.org/abs/2311.02883v1 | Ruoxi Sun, Sercan Ö. Arik, Rajarishi Sinha, Hootan Nakhost, Hanjun Dai, Pengcheng Yin, Tomas Pfister | 2023-11-06T05:24:06Z | cs.CL | Text-to-SQL aims to automate the process of generating SQL queries on a
database from natural language text. In this work, we propose "SQLPrompt",
tailored to improve the few-shot prompting capabilities of Text-to-SQL for
Large Language Models (LLMs). Our methods include innovative prompt design,
execution-based consistency decoding strategy which selects the SQL with the
most consistent execution outcome among other SQL proposals, and a method that
aims to improve performance by diversifying the SQL proposals during
consistency selection with different prompt designs ("MixPrompt") and
foundation models ("MixLLMs"). We show that \emph{SQLPrompt} outperforms
previous approaches for in-context learning with few labeled data by a large
margin, closing the gap with finetuning state-of-the-art with thousands of
labeled data. | cs.CL | SQLPrompt: In-Context Text-to-SQL with Minimal Labeled Data |
2023-11-06T04:20:42Z | http://arxiv.org/pdf/2311.02861v1 | http://arxiv.org/abs/2311.02861v1 | Letian Peng, Zihan Wang, Jingbo Shang | 2023-11-06T04:20:42Z | cs.CL | We study the named entity recognition (NER) problem under the extremely weak
supervision (XWS) setting, where only one example entity per type is given in a
context-free way. While one can see that XWS is lighter than one-shot in terms
of the amount of supervision, we propose a novel method X-NER that can
outperform the state-of-the-art one-shot NER methods. We first mine entity
spans that are similar to the example entities from an unlabelled training
corpus. Instead of utilizing entity span representations from language models,
we find it more effective to compare the context distributions before and after
the span is replaced by the entity example. We then leverage the top-ranked
spans as pseudo-labels to train an NER tagger. Extensive experiments and
analyses on 4 NER datasets show the superior end-to-end NER performance of
X-NER, outperforming the state-of-the-art few-shot methods with 1-shot
supervision and ChatGPT annotations significantly. Finally, our X-NER possesses
several notable properties, such as inheriting the cross-lingual abilities of
the underlying language models. | cs.CL | Less than One-shot: Named Entity Recognition via Extremely Weak Supervision |
2023-11-06T03:41:57Z | http://arxiv.org/pdf/2311.02851v2 | http://arxiv.org/abs/2311.02851v2 | Jiali Zeng, Fandong Meng, Yongjing Yin, Jie Zhou | 2024-05-27T07:52:38Z | cs.CL | Contemporary translation engines based on the encoder-decoder framework have
made significant strides in development. However, the emergence of Large
Language Models (LLMs) has disrupted their position by presenting the potential
for achieving superior translation quality. To uncover the circumstances in
which LLMs excel and explore how their strengths can be harnessed to enhance
translation quality, we first conduct a comprehensive analysis to assess the
strengths and limitations of various commercial NMT systems and MT-oriented
LLMs. Our findings indicate that neither NMT nor MT-oriented LLMs alone can
effectively address all the translation issues, but MT-oriented LLMs show
promise as a complementary solution to NMT systems. Building upon these
insights, we propose Cooperative Decoding (CoDec), which treats NMT systems as
a pretranslation model and MT-oriented LLMs as a supplemental solution to
handle complex scenarios beyond the capability of NMT alone. Experimental
results on the WMT22 test sets and a newly collected test set WebCrawl
demonstrate the effectiveness and efficiency of CoDec, highlighting its
potential as a robust solution for combining NMT systems with MT-oriented LLMs
in the field of machine translation. | cs.CL | Improving Machine Translation with Large Language Models: A Preliminary Study with Cooperative Decoding |
2023-11-06T03:29:00Z | http://arxiv.org/pdf/2311.02849v2 | http://arxiv.org/abs/2311.02849v2 | Hayeon Lee, Rui Hou, Jongpil Kim, Davis Liang, Hongbo Zhang, Sung Ju Hwang, Alexander Min | 2023-11-07T18:41:55Z | cs.CL, cs.AI | Knowledge Distillation (KD) compresses computationally expensive pre-trained
language models (PLMs) by transferring their knowledge to smaller models,
allowing their use in resource-constrained or real-time settings. However, most
smaller models fail to surpass the performance of the original larger model,
resulting in sacrificing performance to improve inference speed. To address
this issue, we propose Co-Training and Co-Distillation (CTCD), a novel
framework that improves performance and inference speed together by co-training
two models while mutually distilling knowledge. The CTCD framework successfully
achieves this based on two significant findings: 1) Distilling knowledge from
the smaller model to the larger model during co-training improves the
performance of the larger model. 2) The enhanced performance of the larger
model further boosts the performance of the smaller model. The CTCD framework
shows promise as it can be combined with existing techniques like architecture
design or data augmentation, replacing one-way KD methods, to achieve further
performance improvement. Extensive ablation studies demonstrate the
effectiveness of CTCD, and the small model distilled by CTCD outperforms the
original larger model by a significant margin of 1.66 on the GLUE benchmark. | cs.CL | Co-training and Co-distillation for Quality Improvement and Compression of Language Models |
2023-11-06T00:21:44Z | http://arxiv.org/pdf/2311.02807v2 | http://arxiv.org/abs/2311.02807v2 | Vishvak Murahari, Ameet Deshpande, Peter Clark, Tanmay Rajpurohit, Ashish Sabharwal, Karthik Narasimhan, Ashwin Kalyan | 2024-05-05T19:53:50Z | cs.LG, cs.AI, cs.CL | Quantitative evaluation metrics have traditionally been pivotal in gauging
the advancements of artificial intelligence systems, including large language
models (LLMs). However, these metrics have inherent limitations. Given the
intricate nature of real-world tasks, a single scalar to quantify and compare
is insufficient to capture the fine-grained nuances of model behavior. Metrics
serve only as a way to compare and benchmark models, and do not yield
actionable diagnostics, thus making the model improvement process challenging.
Model developers find themselves amid extensive manual efforts involving
sifting through vast datasets and attempting hit-or-miss adjustments to
training data or setups. In this work, we address the shortcomings of
quantitative metrics by proposing QualEval, which augments quantitative scalar
metrics with automated qualitative evaluation as a vehicle for model
improvement. QualEval uses a powerful LLM reasoner and our novel flexible
linear programming solver to generate human-readable insights that when
applied, accelerate model improvement. The insights are backed by a
comprehensive dashboard with fine-grained visualizations and
human-interpretable analyses. We corroborate the faithfulness of QualEval by
demonstrating that leveraging its insights, for example, improves the absolute
performance of the Llama 2 model by up to 15% points relative on a challenging
dialogue task (DialogSum) when compared to baselines. QualEval successfully
increases the pace of model development, thus in essence serving as a
data-scientist-in-a-box. Given the focus on critiquing and improving current
evaluation metrics, our method serves as a refreshingly new technique for both
model evaluation and improvement. | cs.LG | QualEval: Qualitative Evaluation for Model Improvement |
2023-11-06T00:20:11Z | http://arxiv.org/pdf/2311.02805v2 | http://arxiv.org/abs/2311.02805v2 | Sahana Ramnath, Brihi Joshi, Skyler Hallinan, Ximing Lu, Liunian Harold Li, Aaron Chan, Jack Hessel, Yejin Choi, Xiang Ren | 2024-05-22T19:01:10Z | cs.CL | Large language models (LMs) are capable of generating free-text rationales to
aid question answering. However, prior work 1) suggests that useful
self-rationalization is emergent only at significant scales (e.g., 175B
parameter GPT-3); and 2) focuses largely on downstream performance, ignoring
the semantics of the rationales themselves, e.g., are they faithful, true, and
helpful for humans? In this work, we enable small-scale LMs (approx. 200x
smaller than GPT-3) to generate rationales that not only improve downstream
task performance, but are also more plausible, consistent, and diverse,
assessed both by automatic and human evaluation. Our method, MaRio
(Multi-rewArd RatIOnalization), is a multi-reward conditioned
self-rationalization algorithm that optimizes multiple distinct properties like
plausibility, diversity and consistency. Results on five difficult
question-answering datasets StrategyQA, QuaRel, OpenBookQA, NumerSense and QASC
show that not only does MaRio improve task accuracy, but it also improves the
self-rationalization quality of small LMs across the aforementioned axes better
than a supervised fine-tuning (SFT) baseline. Extensive human evaluations
confirm that MaRio rationales are preferred vs. SFT rationales, as well as
qualitative improvements in plausibility and consistency. | cs.CL | Tailoring Self-Rationalizers with Multi-Reward Distillation |
2023-11-06T00:06:11Z | http://arxiv.org/pdf/2311.02802v2 | http://arxiv.org/abs/2311.02802v2 | Olivia Huang, Eve Fleisig, Dan Klein | 2023-11-16T01:13:57Z | cs.CL, cs.AI | Current practices regarding data collection for natural language processing
on Amazon Mechanical Turk (MTurk) often rely on a combination of studies on
data quality and heuristics shared among NLP researchers. However, without
considering the perspectives of MTurk workers, these approaches are susceptible
to issues regarding workers' rights and poor response quality. We conducted a
critical literature review and a survey of MTurk workers aimed at addressing
open questions regarding best practices for fair payment, worker privacy, data
quality, and considering worker incentives. We found that worker preferences
are often at odds with received wisdom among NLP researchers. Surveyed workers
preferred reliable, reasonable payments over uncertain, very high payments;
reported frequently lying on demographic questions; and expressed frustration
at having work rejected with no explanation. We also found that workers view
some quality control methods, such as requiring minimum response times or
Master's qualifications, as biased and largely ineffective. Based on the survey
results, we provide recommendations on how future NLP studies may better
account for MTurk workers' experiences in order to respect workers' rights and
improve data quality. | cs.CL | Incorporating Worker Perspectives into MTurk Annotation Practices for NLP |
2023-11-05T23:09:39Z | http://arxiv.org/pdf/2311.02790v3 | http://arxiv.org/abs/2311.02790v3 | Ishan Kumar, Zhijing Jin, Ehsan Mokhtarian, Siyuan Guo, Yuen Chen, Mrinmaya Sachan, Bernhard Schölkopf | 2024-05-27T20:31:14Z | cs.CL, cs.AI, cs.CY, cs.IR, cs.LG | Citation count of a paper is a commonly used proxy for evaluating the
significance of a paper in the scientific community. Yet citation measures are
widely criticized for failing to accurately reflect the true impact of a paper.
Thus, we propose CausalCite, a new way to measure the significance of a paper
by assessing the causal impact of the paper on its follow-up papers. CausalCite
is based on a novel causal inference method, TextMatch, which adapts the
traditional matching framework to high-dimensional text embeddings. TextMatch
encodes each paper using text embeddings from large language models (LLMs),
extracts similar samples by cosine similarity, and synthesizes a counterfactual
sample as the weighted average of similar papers according to their similarity
values. We demonstrate the effectiveness of CausalCite on various criteria,
such as high correlation with paper impact as reported by scientific experts on
a previous dataset of 1K papers, (test-of-time) awards for past papers, and its
stability across various subfields of AI. We also provide a set of findings
that can serve as suggested ways for future researchers to use our metric for a
better understanding of the quality of a paper. Our code is available at
https://github.com/causalNLP/causal-cite. | cs.CL | CausalCite: A Causal Formulation of Paper Citations |
2023-11-05T22:16:37Z | http://arxiv.org/pdf/2312.03709v1 | http://arxiv.org/abs/2312.03709v1 | Nicholas Abegg | 2023-11-05T22:16:37Z | cs.CL, cs.CR | Protecting the anonymity of authors has become a difficult task given the
rise of automated authorship attributors. These attributors are capable of
attributing the author of a text amongst a pool of authors with great accuracy.
In order to counter the rise of these automated attributors, there has also
been a rise of automated obfuscators. These obfuscators are capable of taking
some text, perturbing the text in some manner, and, if successful, deceive an
automated attributor in misattributing the wrong author. We devised three novel
authorship obfuscation methods that utilized a Psycho-linguistic theory known
as Uniform Information Density (UID) theory. This theory states that humans
evenly distribute information amongst speech or text so as to maximize
efficiency. Utilizing this theory in our three obfuscation methods, we
attempted to see how successfully we could deceive two separate attributors.
Obfuscating 50 human and 50 GPT-3 generated articles from the TuringBench
dataset, we observed how well each method did on deceiving the attributors.
While the quality of the obfuscation in terms of semantic preservation and
sensical changes was high, we were not able to find any evidence to indicate
UID was a viable guiding metric for obfuscation. However, due to restrictions
in time we were unable to test a large enough sample of article or tune the
parameters for our attributors to comment conclusively on UID in obfuscation. | cs.CL | UID as a Guiding Metric for Automated Authorship Obfuscation |
2023-11-05T22:16:21Z | http://arxiv.org/pdf/2311.04930v1 | http://arxiv.org/abs/2311.04930v1 | Eghbal A. Hosseini, Evelina Fedorenko | 2023-11-05T22:16:21Z | cs.CL, cs.AI | Predicting upcoming events is critical to our ability to interact with our
environment. Transformer models, trained on next-word prediction, appear to
construct representations of linguistic input that can support diverse
downstream tasks. But how does a predictive objective shape such
representations? Inspired by recent work in vision (Henaff et al., 2019), we
test a hypothesis about predictive representations of autoregressive
transformers. In particular, we test whether the neural trajectory of a
sentence becomes progressively straighter as it passes through the network
layers. The key insight is that straighter trajectories should facilitate
prediction via linear extrapolation. We quantify straightness using a
1-dimensional curvature metric, and present four findings in support of the
trajectory straightening hypothesis: i) In trained models, the curvature
decreases from the early to the deeper layers of the network. ii) Models that
perform better on the next-word prediction objective exhibit greater decreases
in curvature, suggesting that this improved ability to straighten sentence
trajectories may be the driver of better language modeling performance. iii)
Given the same linguistic context, the sequences that are generated by the
model have lower curvature than the actual continuations observed in a language
corpus, suggesting that the model favors straighter trajectories for making
predictions. iv) A consistent relationship holds between the average curvature
and the average surprisal of sentences in the deep model layers, such that
sentences with straighter trajectories also have lower surprisal. Importantly,
untrained models do not exhibit these behaviors. In tandem, these results
support the trajectory straightening hypothesis and provide a possible
mechanism for how the geometry of the internal representations of
autoregressive models supports next word prediction. | cs.CL | Large language models implicitly learn to straighten neural sentence trajectories to construct a predictive representation of natural language |
2023-11-05T21:45:57Z | http://arxiv.org/pdf/2311.02777v1 | http://arxiv.org/abs/2311.02777v1 | Michael Ginn, Alexis Palmer | 2023-11-05T21:45:57Z | cs.CL, cs.LG | Generalization is of particular importance in resource-constrained settings,
where the available training data may represent only a small fraction of the
distribution of possible texts. We investigate the ability of morpheme labeling
models to generalize by evaluating their performance on unseen genres of text,
and we experiment with strategies for closing the gap between performance on
in-distribution and out-of-distribution data. Specifically, we use weight decay
optimization, output denoising, and iterative pseudo-labeling, and achieve a 2%
improvement on a test set containing texts from unseen genres. All experiments
are performed using texts written in the Mayan language Uspanteko. | cs.CL | Robust Generalization Strategies for Morpheme Glossing in an Endangered Language Documentation Context |
2023-11-05T21:43:02Z | http://arxiv.org/pdf/2311.02775v3 | http://arxiv.org/abs/2311.02775v3 | Yann Hicke, Anmol Agarwal, Qianou Ma, Paul Denny | 2023-12-18T23:23:06Z | cs.LG, cs.AI, cs.CL | Responding to the thousands of student questions on online QA platforms each
semester has a considerable human cost, particularly in computing courses with
rapidly growing enrollments. To address the challenges of scalable and
intelligent question-answering (QA), we introduce an innovative solution that
leverages open-source Large Language Models (LLMs) from the LLaMA-2 family to
ensure data privacy. Our approach combines augmentation techniques such as
retrieval augmented generation (RAG), supervised fine-tuning (SFT), and
learning from human preferences data using Direct Preference Optimization
(DPO). Through extensive experimentation on a Piazza dataset from an
introductory CS course, comprising 10,000 QA pairs and 1,500 pairs of
preference data, we demonstrate a significant 30% improvement in the quality of
answers, with RAG being a particularly impactful addition. Our contributions
include the development of a novel architecture for educational QA, extensive
evaluations of LLM performance utilizing both human assessments and LLM-based
metrics, and insights into the challenges and future directions of educational
data processing. This work paves the way for the development of AI-TA, an
intelligent QA assistant customizable for courses with an online QA platform | cs.LG | AI-TA: Towards an Intelligent Question-Answer Teaching Assistant using Open-Source LLMs |
2023-11-05T21:30:10Z | http://arxiv.org/pdf/2311.02772v2 | http://arxiv.org/abs/2311.02772v2 | Sungho Jeon, Ching-Feng Yeh, Hakan Inan, Wei-Ning Hsu, Rashi Rungta, Yashar Mehdad, Daniel Bikel | 2024-02-08T10:09:18Z | cs.SD, cs.CL, eess.AS | In this paper, we show that a simple self-supervised pre-trained audio model
can achieve comparable inference efficiency to more complicated pre-trained
models with speech transformer encoders. These speech transformers rely on
mixing convolutional modules with self-attention modules. They achieve
state-of-the-art performance on ASR with top efficiency. We first show that
employing these speech transformers as an encoder significantly improves the
efficiency of pre-trained audio models as well. However, our study shows that
we can achieve comparable efficiency with advanced self-attention solely. We
demonstrate that this simpler approach is particularly beneficial with a
low-bit weight quantization technique of a neural network to improve
efficiency. We hypothesize that it prevents propagating the errors between
different quantized modules compared to recent speech transformers mixing
quantized convolution and the quantized self-attention modules. | cs.SD | Attention or Convolution: Transformer Encoders in Audio Language Models for Inference Efficiency |
2023-11-05T20:48:54Z | http://arxiv.org/pdf/2311.02765v1 | http://arxiv.org/abs/2311.02765v1 | Kristoffer Æsøy, Ana Ozaki | 2023-11-05T20:48:54Z | cs.CL, cs.AI | Machine learning models, and in particular language models, are being applied
to various tasks that require reasoning. While such models are good at
capturing patterns their ability to reason in a trustable and controlled manner
is frequently questioned. On the other hand, logic-based rule systems allow for
controlled inspection and already established verification methods. However it
is well-known that creating such systems manually is time-consuming and prone
to errors. We explore the capability of transformers to translate sentences
expressing rules in natural language into logical rules. We see reasoners as
the most reliable tools for performing logical reasoning and focus on
translating language into the format expected by such tools. We perform
experiments using the DKET dataset from the literature and create a dataset for
language to logic translation based on the Atomic knowledge bank. | cs.CL | Rule Learning as Machine Translation using the Atomic Knowledge Bank |
2023-11-05T19:56:58Z | http://arxiv.org/pdf/2311.02748v1 | http://arxiv.org/abs/2311.02748v1 | Callandra Moore, Jonathan Ranisau, Walter Nelson, Jeremy Petch, Alistair Johnson | 2023-11-05T19:56:58Z | cs.CL | Automated deidentification of clinical text data is crucial due to the high
cost of manual deidentification, which has been a barrier to sharing clinical
text and the advancement of clinical natural language processing. However,
creating effective automated deidentification tools faces several challenges,
including issues in reproducibility due to differences in text processing,
evaluation methods, and a lack of consistency across clinical domains and
institutions. To address these challenges, we propose the pyclipse framework, a
unified and configurable evaluation procedure to streamline the comparison of
deidentification algorithms. Pyclipse serves as a single interface for running
open-source deidentification algorithms on local clinical data, allowing for
context-specific evaluation. To demonstrate the utility of pyclipse, we compare
six deidentification algorithms across four public and two private clinical
text datasets. We find that algorithm performance consistently falls short of
the results reported in the original papers, even when evaluated on the same
benchmark dataset. These discrepancies highlight the complexity of accurately
assessing and comparing deidentification algorithms, emphasizing the need for a
reproducible, adjustable, and extensible framework like pyclipse. Our framework
lays the foundation for a unified approach to evaluate and improve
deidentification tools, ultimately enhancing patient protection in clinical
natural language processing. | cs.CL | Pyclipse, a library for deidentification of free-text clinical notes |
2023-11-05T16:15:50Z | http://arxiv.org/pdf/2311.02702v1 | http://arxiv.org/abs/2311.02702v1 | Smita Nannaware, Erfan Al-Hossami, Razvan Bunescu | 2023-11-05T16:15:50Z | cs.CL, cs.AI | A restaurant dinner may become a memorable experience due to an unexpected
aspect enjoyed by the customer, such as an origami-making station in the
waiting area. If aspects that are atypical for a restaurant experience were
known in advance, they could be leveraged to make recommendations that have the
potential to engender serendipitous experiences, further increasing user
satisfaction. Although relatively rare, whenever encountered, atypical aspects
often end up being mentioned in reviews due to their memorable quality.
Correspondingly, in this paper we introduce the task of detecting atypical
aspects in customer reviews. To facilitate the development of extraction
models, we manually annotate benchmark datasets of reviews in three domains -
restaurants, hotels, and hair salons, which we use to evaluate a number of
language models, ranging from fine-tuning the instruction-based text-to-text
transformer Flan-T5 to zero-shot and few-shot prompting of GPT-3.5. | cs.CL | Extraction of Atypical Aspects from Customer Reviews: Datasets and Experiments with Language Models |
2023-11-05T16:09:40Z | http://arxiv.org/pdf/2311.02699v1 | http://arxiv.org/abs/2311.02699v1 | Bipesh Subedi, Saugat Singh, Bal Krishna Bal | 2023-11-05T16:09:40Z | cs.CV, cs.CL, cs.LG, I.2.7; I.2.10 | This article presents a study on Nepali video captioning using deep neural
networks. Through the integration of pre-trained CNNs and RNNs, the research
focuses on generating precise and contextually relevant captions for Nepali
videos. The approach involves dataset collection, data preprocessing, model
implementation, and evaluation. By enriching the MSVD dataset with Nepali
captions via Google Translate, the study trains various CNN-RNN architectures.
The research explores the effectiveness of CNNs (e.g., EfficientNetB0,
ResNet101, VGG16) paired with different RNN decoders like LSTM, GRU, and
BiLSTM. Evaluation involves BLEU and METEOR metrics, with the best model being
EfficientNetB0 + BiLSTM with 1024 hidden dimensions, achieving a BLEU-4 score
of 17 and METEOR score of 46. The article also outlines challenges and future
directions for advancing Nepali video captioning, offering a crucial resource
for further research in this area. | cs.CV | Nepali Video Captioning using CNN-RNN Architecture |
2023-11-05T15:48:29Z | http://arxiv.org/pdf/2311.02684v2 | http://arxiv.org/abs/2311.02684v2 | Zeren Chen, Ziqin Wang, Zhen Wang, Huayang Liu, Zhenfei Yin, Si Liu, Lu Sheng, Wanli Ouyang, Yu Qiao, Jing Shao | 2024-03-13T12:24:06Z | cs.CV, cs.CL | Recent studies have demonstrated Large Language Models (LLMs) can extend
their zero-shot generalization capabilities to multimodal learning through
instruction tuning. As more modalities and downstream tasks are introduced,
negative conflicts and interference may have a worse impact on performance.
While this phenomenon has been overlooked in previous work, we propose a novel
and extensible framework, called Octavius, for comprehensive studies and
experimentation on multimodal learning with Multimodal Large Language Models
(MLLMs). Specifically, we combine the well-known Mixture-of-Experts (MoE) and
one of the representative PEFT techniques, i.e., LoRA, designing a novel
LLM-based decoder, called LoRA-MoE, for multimodal learning. To the best of our
knowledge, we are one of the pioneering efforts to introduce MoE into MLLMs to
address this problem. The experimental results (about 20% improvement) have
shown the effectiveness and versatility of our design in various 2D and 3D
downstream tasks. Code and datasets are available at
https://openlamm.github.io/paper_list/Octavius. | cs.CV | Octavius: Mitigating Task Interference in MLLMs via LoRA-MoE |
2023-11-05T14:13:29Z | http://arxiv.org/pdf/2311.02660v1 | http://arxiv.org/abs/2311.02660v1 | Jianling Li, Meishan Zhang, Peiming Guo, Min Zhang, Yue Zhang | 2023-11-05T14:13:29Z | cs.CL | Self-training has proven to be an effective approach for cross-domain tasks,
and in this study, we explore its application to cross-domain constituency
parsing. Traditional self-training methods rely on limited and potentially
low-quality raw corpora. To overcome this limitation, we propose enhancing
self-training with the large language model (LLM) to generate domain-specific
raw corpora iteratively. For the constituency parsing, we introduce grammar
rules that guide the LLM in generating raw corpora and establish criteria for
selecting pseudo instances. Our experimental results demonstrate that
self-training for constituency parsing, equipped with an LLM, outperforms
traditional methods regardless of the LLM's performance. Moreover, the
combination of grammar rules and confidence criteria for pseudo-data selection
yields the highest performance in the cross-domain constituency parsing. | cs.CL | LLM-enhanced Self-training for Cross-domain Constituency Parsing |
2023-11-05T12:56:28Z | http://arxiv.org/pdf/2311.07583v1 | http://arxiv.org/abs/2311.07583v1 | Shruti Dutta, Shashwat Mookherjee | 2023-11-05T12:56:28Z | cs.CL, cs.AI | This study explores linguistic distinctions among American, Indian, and Irish
English dialects and assesses various Language Models (LLMs) in their ability
to generate British English translations from these dialects. Using cosine
similarity analysis, the study measures the linguistic proximity between
original British English translations and those produced by LLMs for each
dialect. The findings reveal that Indian and Irish English translations
maintain notably high similarity scores, suggesting strong linguistic alignment
with British English. In contrast, American English exhibits slightly lower
similarity, reflecting its distinct linguistic traits. Additionally, the choice
of LLM significantly impacts translation quality, with Llama-2-70b consistently
demonstrating superior performance. The study underscores the importance of
selecting the right model for dialect translation, emphasizing the role of
linguistic expertise and contextual understanding in achieving accurate
translations. | cs.CL | Cross-Dialect Sentence Transformation: A Comparative Analysis of Language Models for Adapting Sentences to British English |
2023-11-05T10:31:40Z | http://arxiv.org/pdf/2311.02616v1 | http://arxiv.org/abs/2311.02616v1 | Fan Luo, Mihai Surdeanu | 2023-11-05T10:31:40Z | cs.CL, cs.IR | Lexical and semantic matches are commonly used as relevance measurements for
information retrieval. Together they estimate the semantic equivalence between
the query and the candidates. However, semantic equivalence is not the only
relevance signal that needs to be considered when retrieving evidences for
multi-hop questions. In this work, we demonstrate that textual entailment
relation is another important relevance dimension that should be considered. To
retrieve evidences that are either semantically equivalent to or entailed by
the question simultaneously, we divide the task of evidence retrieval for
multi-hop question answering (QA) into two sub-tasks, i.e., semantic textual
similarity and inference similarity retrieval. We propose two ensemble models,
EAR and EARnest, which tackle each of the sub-tasks separately and then jointly
re-rank sentences with the consideration of the diverse relevance signals.
Experimental results on HotpotQA verify that our models not only significantly
outperform all the single retrieval models it is based on, but is also more
effective than two intuitive ensemble baseline models. | cs.CL | Divide & Conquer for Entailment-aware Multi-hop Evidence Retrieval |
2023-11-05T08:57:59Z | http://arxiv.org/pdf/2311.02602v1 | http://arxiv.org/abs/2311.02602v1 | Jiaxin Shen, Yanyao Liu, Ziming Wang, Ziyuan Jiao, Yufeng Chen, Wenjuan Han | 2023-11-05T08:57:59Z | cs.RO, cs.AI, cs.CL | To facilitate the advancement of research in healthcare robots without human
intervention or commands, we introduce the Autonomous Helping Challenge, along
with a crowd-sourcing large-scale dataset. The goal is to create healthcare
robots that possess the ability to determine when assistance is necessary,
generate useful sub-tasks to aid in planning, carry out these plans through a
physical robot, and receive feedback from the environment in order to generate
new tasks and continue the process. Besides the general challenge in open-ended
scenarios, Autonomous Helping focuses on three specific challenges: autonomous
task generation, the gap between the current scene and static commonsense, and
the gap between language instruction and the real world. Additionally, we
propose Helpy, a potential approach to close the healthcare loop in the
learning-free setting. | cs.RO | Get the Ball Rolling: Alerting Autonomous Robots When to Help to Close the Healthcare Loop |
2023-11-05T08:34:26Z | http://arxiv.org/pdf/2311.02597v1 | http://arxiv.org/abs/2311.02597v1 | Grace Colverd, Paul Darm, Leonard Silverberg, Noah Kasmanoff | 2023-11-05T08:34:26Z | cs.AI, cs.CL, I.2.7 | Fast disaster impact reporting is crucial in planning humanitarian
assistance. Large Language Models (LLMs) are well known for their ability to
write coherent text and fulfill a variety of tasks relevant to impact
reporting, such as question answering or text summarization. However, LLMs are
constrained by the knowledge within their training data and are prone to
generating inaccurate, or "hallucinated", information. To address this, we
introduce a sophisticated pipeline embodied in our tool FloodBrain
(floodbrain.com), specialized in generating flood disaster impact reports by
extracting and curating information from the web. Our pipeline assimilates
information from web search results to produce detailed and accurate reports on
flood events. We test different LLMs as backbones in our tool and compare their
generated reports to human-written reports on different metrics. Similar to
other studies, we find a notable correlation between the scores assigned by
GPT-4 and the scores given by human evaluators when comparing our generated
reports to human-authored ones. Additionally, we conduct an ablation study to
test our single pipeline components and their relevancy for the final reports.
With our tool, we aim to advance the use of LLMs for disaster impact reporting
and reduce the time for coordination of humanitarian efforts in the wake of
flood disasters. | cs.AI | FloodBrain: Flood Disaster Reporting by Web-based Retrieval Augmented Generation with an LLM |
2023-11-05T06:59:59Z | http://arxiv.org/pdf/2311.02579v1 | http://arxiv.org/abs/2311.02579v1 | Vidula Magdum, Omkar Dhekane, Sharayu Hiwarkhedkar, Saloni Mittal, Raviraj Joshi | 2023-11-05T06:59:59Z | cs.CL, cs.LG | We present mahaNLP, an open-source natural language processing (NLP) library
specifically built for the Marathi language. It aims to enhance the support for
the low-resource Indian language Marathi in the field of NLP. It is an
easy-to-use, extensible, and modular toolkit for Marathi text analysis built on
state-of-the-art MahaBERT-based transformer models. Our work holds significant
importance as other existing Indic NLP libraries provide basic Marathi
processing support and rely on older models with restricted performance. Our
toolkit stands out by offering a comprehensive array of NLP tasks, encompassing
both fundamental preprocessing tasks and advanced NLP tasks like sentiment
analysis, NER, hate speech detection, and sentence completion. This paper
focuses on an overview of the mahaNLP framework, its features, and its usage.
This work is a part of the L3Cube MahaNLP initiative, more information about it
can be found at https://github.com/l3cube-pune/MarathiNLP . | cs.CL | mahaNLP: A Marathi Natural Language Processing Library |
2023-11-05T06:51:04Z | http://arxiv.org/pdf/2311.02578v1 | http://arxiv.org/abs/2311.02578v1 | Michael Gervers, Gelila Tilahun | 2023-11-05T06:51:04Z | cs.CL | We outline an unsupervised method for temporal rank ordering of sets of
historical documents, namely American State of the Union Addresses and DEEDS, a
corpus of medieval English property transfer documents. Our method relies upon
effectively capturing the gradual change in word usage via a bandwidth estimate
for the non-parametric Generalized Linear Models (Fan, Heckman, and Wand,
1995). The number of possible rank orders needed to search through possible
cost functions related to the bandwidth can be quite large, even for a small
set of documents. We tackle this problem of combinatorial optimization using
the Simulated Annealing algorithm, which allows us to obtain the optimal
document temporal orders. Our rank ordering method significantly improved the
temporal sequencing of both corpora compared to a randomly sequenced baseline.
This unsupervised approach should enable the temporal ordering of undated
document sets. | cs.CL | Temporal Sequencing of Documents |
2023-11-05T05:49:57Z | http://arxiv.org/pdf/2311.02570v1 | http://arxiv.org/abs/2311.02570v1 | Mahammed Kamruzzaman, Md. Minul Islam Shovon, Gene Louis Kim | 2023-11-05T05:49:57Z | cs.CL | Initial work has been done to address fake news detection and
misrepresentation of news in the Bengali language. However, no work in Bengali
yet addresses the identification of specific claims in social media news that
falsely manipulates a related news article. At this point, this problem has
been tackled in English and a few other languages, but not in the Bengali
language. In this paper, we curate a dataset of social media content labeled
with information manipulation relative to reference articles, called BanMANI.
The dataset collection method we describe works around the limitations of the
available NLP tools in Bangla. We expect these techniques will carry over to
building similar datasets in other low-resource languages. BanMANI forms the
basis both for evaluating the capabilities of existing NLP systems and for
training or fine-tuning new models specifically on this task. In our analysis,
we find that this task challenges current LLMs both under zero-shot and
fine-tuned settings. | cs.CL | BanMANI: A Dataset to Identify Manipulated Social Media News in Bangla |
2023-11-05T04:44:23Z | http://arxiv.org/pdf/2311.02566v1 | http://arxiv.org/abs/2311.02566v1 | Chengjie Ma, Junping Du, Meiyu Liang, Zeli Guan | 2023-11-05T04:44:23Z | cs.CL | We propose a straightforward solution for detecting scarce topics in
unbalanced short-text datasets. Our approach, named CWUTM (Topic model based on
co-occurrence word networks for unbalanced short text datasets), Our approach
addresses the challenge of sparse and unbalanced short text topics by
mitigating the effects of incidental word co-occurrence. This allows our model
to prioritize the identification of scarce topics (Low-frequency topics).
Unlike previous methods, CWUTM leverages co-occurrence word networks to capture
the topic distribution of each word, and we enhanced the sensitivity in
identifying scarce topics by redefining the calculation of node activity and
normalizing the representation of both scarce and abundant topics to some
extent. Moreover, CWUTM adopts Gibbs sampling, similar to LDA, making it easily
adaptable to various application scenarios. Our extensive experimental
validation on unbalanced short-text datasets demonstrates the superiority of
CWUTM compared to baseline approaches in discovering scarce topics. According
to the experimental results the proposed model is effective in early and
accurate detection of emerging topics or unexpected events on social platforms. | cs.CL | Topic model based on co-occurrence word networks for unbalanced short text datasets |
2023-11-05T04:40:39Z | http://arxiv.org/pdf/2311.02564v1 | http://arxiv.org/abs/2311.02564v1 | Peiyu Liu, Junping Du, Yingxia Shao, Zeli Guan | 2023-11-05T04:40:39Z | cs.CL | Relational extraction is one of the basic tasks related to information
extraction in the field of natural language processing, and is an important
link and core task in the fields of information extraction, natural language
understanding, and information retrieval. None of the existing relation
extraction methods can effectively solve the problem of triple overlap. The
CasAug model proposed in this paper based on the CasRel framework combined with
the semantic enhancement mechanism can solve this problem to a certain extent.
The CasAug model enhances the semantics of the identified possible subjects by
adding a semantic enhancement mechanism, First, based on the semantic coding of
possible subjects, pre-classify the possible subjects, and then combine the
subject lexicon to calculate the semantic similarity to obtain the similar
vocabulary of possible subjects. According to the similar vocabulary obtained,
each word in different relations is calculated through the attention mechanism.
For the contribution of the possible subject, finally combine the relationship
pre-classification results to weight the enhanced semantics of each
relationship to find the enhanced semantics of the possible subject, and send
the enhanced semantics combined with the possible subject to the object and
relationship extraction module. Complete the final relation triplet extraction.
The experimental results show that, compared with the baseline model, the
CasAug model proposed in this paper has improved the effect of relation
extraction, and CasAug's ability to deal with overlapping problems and extract
multiple relations is also better than the baseline model, indicating that the
semantic enhancement mechanism proposed in this paper It can further reduce the
judgment of redundant relations and alleviate the problem of triple overlap. | cs.CL | Relation Extraction Model Based on Semantic Enhancement Mechanism |
2023-11-05T03:34:17Z | http://arxiv.org/pdf/2311.07582v1 | http://arxiv.org/abs/2311.07582v1 | Xinyu Gong, Jason Holmes, Yiwei Li, Zhengliang Liu, Qi Gan, Zihao Wu, Jianli Zhang, Yusong Zou, Yuxi Teng, Tian Jiang, Hongtu Zhu, Wei Liu, Tianming Liu, Yajun Yan | 2023-11-05T03:34:17Z | cs.CL, cs.AI | Recent advances in Large Language Models (LLMs) have presented new
opportunities for integrating Artificial General Intelligence (AGI) into
biological research and education. This study evaluated the capabilities of
leading LLMs, including GPT-4, GPT-3.5, PaLM2, Claude2, and SenseNova, in
answering conceptual biology questions. The models were tested on a
108-question multiple-choice exam covering biology topics in molecular biology,
biological techniques, metabolic engineering, and synthetic biology. Among the
models, GPT-4 achieved the highest average score of 90 and demonstrated the
greatest consistency across trials with different prompts. The results
indicated GPT-4's proficiency in logical reasoning and its potential to aid
biology research through capabilities like data analysis, hypothesis
generation, and knowledge integration. However, further development and
validation are still required before the promise of LLMs in accelerating
biological discovery can be realized. | cs.CL | Evaluating the Potential of Leading Large Language Models in Reasoning Biology Questions |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.