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-10-30T00:30:34Z | http://arxiv.org/pdf/2310.19208v2 | http://arxiv.org/abs/2310.19208v2 | Xin Liu, Muhammad Khalifa, Lu Wang | 2024-03-13T05:11:57Z | cs.CL | A model is considered well-calibrated when its probability estimate aligns
with the actual likelihood of the output being correct. Calibrating language
models (LMs) is crucial, as it plays a vital role in detecting and mitigating
hallucinations of LMs as well as building more trustworthy models. However,
standard calibration techniques may not be suited for LM calibration. For
instance, post-processing methods such as temperature scaling do not reorder
the candidate generations. On the other hand, training-based methods require
fine-tuning the entire model, which is impractical for LMs of large scale. We
present LitCab, a lightweight calibration mechanism consisting of a single
linear layer that takes the input text representation and predicts a bias term,
which is then added to the LM output logits. LitCab improves model calibration
by only adding < 2% of the original model parameters. For evaluation, we
construct CaT, a benchmark consisting of eight text generation tasks, covering
responses ranging from short phrases to paragraphs. We test LitCab with
Llama2-7B, where it improves calibration across all tasks, reducing the average
ECE score by as large as 30%. We further conduct a comprehensive evaluation
with multiple popular open-sourced LMs from GPT and LLaMA families, yielding
the following key findings: (i) Larger models within the same family exhibit
better calibration on tasks with short generation tasks, but not necessarily
for longer ones. (ii) GPT-family models show superior calibration compared to
LLaMA, Llama2, and Vicuna models, despite having much fewer parameters. (iii)
Fine-tuning pretrained model (e.g., LLaMA) with samples of limited purpose
(e.g., conversations) may lead to worse calibration, highlighting the
importance of fine-tuning setups for calibrating LMs. | cs.CL | LitCab: Lightweight Language Model Calibration over Short- and Long-form Responses |
2023-10-29T22:52:40Z | http://arxiv.org/pdf/2310.19181v2 | http://arxiv.org/abs/2310.19181v2 | Sayak Saha Roy, Poojitha Thota, Krishna Vamsi Naragam, Shirin Nilizadeh | 2024-03-10T04:12:27Z | cs.CR, cs.CL | The advanced capabilities of Large Language Models (LLMs) have made them
invaluable across various applications, from conversational agents and content
creation to data analysis, research, and innovation. However, their
effectiveness and accessibility also render them susceptible to abuse for
generating malicious content, including phishing attacks. This study explores
the potential of using four popular commercially available LLMs, i.e., ChatGPT
(GPT 3.5 Turbo), GPT 4, Claude, and Bard, to generate functional phishing
attacks using a series of malicious prompts. We discover that these LLMs can
generate both phishing websites and emails that can convincingly imitate
well-known brands and also deploy a range of evasive tactics that are used to
elude detection mechanisms employed by anti-phishing systems. These attacks can
be generated using unmodified or "vanilla" versions of these LLMs without
requiring any prior adversarial exploits such as jailbreaking. We evaluate the
performance of the LLMs towards generating these attacks and find that they can
also be utilized to create malicious prompts that, in turn, can be fed back to
the model to generate phishing scams - thus massively reducing the
prompt-engineering effort required by attackers to scale these threats. As a
countermeasure, we build a BERT-based automated detection tool that can be used
for the early detection of malicious prompts to prevent LLMs from generating
phishing content. Our model is transferable across all four commercial LLMs,
attaining an average accuracy of 96% for phishing website prompts and 94% for
phishing email prompts. We also disclose the vulnerabilities to the concerned
LLMs, with Google acknowledging it as a severe issue. Our detection model is
available for use at Hugging Face, as well as a ChatGPT Actions plugin. | cs.CR | From Chatbots to PhishBots? -- Preventing Phishing scams created using ChatGPT, Google Bard and Claude |
2023-10-29T22:37:54Z | http://arxiv.org/pdf/2310.19177v1 | http://arxiv.org/abs/2310.19177v1 | Noah Thomas McDermott, Junfeng Yang, Chengzhi Mao | 2023-10-29T22:37:54Z | cs.CL, cs.LG | Large-scale language models achieved state-of-the-art performance over a
number of language tasks. However, they fail on adversarial language examples,
which are sentences optimized to fool the language models but with similar
semantic meanings for humans. While prior work focuses on making the language
model robust at training time, retraining for robustness is often unrealistic
for large-scale foundation models. Instead, we propose to make the language
models robust at test time. By dynamically adapting the input sentence with
predictions from masked words, we show that we can reverse many language
adversarial attacks. Since our approach does not require any training, it works
for novel tasks at test time and can adapt to novel adversarial corruptions.
Visualizations and empirical results on two popular sentence classification
datasets demonstrate that our method can repair adversarial language attacks
over 65% o | cs.CL | Robustifying Language Models with Test-Time Adaptation |
2023-10-29T21:13:31Z | http://arxiv.org/pdf/2310.19156v1 | http://arxiv.org/abs/2310.19156v1 | Zexuan Zhong, Ziqing Huang, Alexander Wettig, Danqi Chen | 2023-10-29T21:13:31Z | cs.CL, cs.IR | Dense retrievers have achieved state-of-the-art performance in various
information retrieval tasks, but to what extent can they be safely deployed in
real-world applications? In this work, we propose a novel attack for dense
retrieval systems in which a malicious user generates a small number of
adversarial passages by perturbing discrete tokens to maximize similarity with
a provided set of training queries. When these adversarial passages are
inserted into a large retrieval corpus, we show that this attack is highly
effective in fooling these systems to retrieve them for queries that were not
seen by the attacker. More surprisingly, these adversarial passages can
directly generalize to out-of-domain queries and corpora with a high success
attack rate -- for instance, we find that 50 generated passages optimized on
Natural Questions can mislead >94% of questions posed in financial documents or
online forums. We also benchmark and compare a range of state-of-the-art dense
retrievers, both unsupervised and supervised. Although different systems
exhibit varying levels of vulnerability, we show they can all be successfully
attacked by injecting up to 500 passages, a small fraction compared to a
retrieval corpus of millions of passages. | cs.CL | Poisoning Retrieval Corpora by Injecting Adversarial Passages |
2023-10-29T21:06:34Z | http://arxiv.org/pdf/2310.19152v2 | http://arxiv.org/abs/2310.19152v2 | Zachary Coalson, Gabriel Ritter, Rakesh Bobba, Sanghyun Hong | 2023-10-31T04:19:59Z | cs.LG, cs.CL, cs.CR | In this paper, we systematically evaluate the robustness of multi-exit
language models against adversarial slowdown. To audit their robustness, we
design a slowdown attack that generates natural adversarial text bypassing
early-exit points. We use the resulting WAFFLE attack as a vehicle to conduct a
comprehensive evaluation of three multi-exit mechanisms with the GLUE benchmark
against adversarial slowdown. We then show our attack significantly reduces the
computational savings provided by the three methods in both white-box and
black-box settings. The more complex a mechanism is, the more vulnerable it is
to adversarial slowdown. We also perform a linguistic analysis of the perturbed
text inputs, identifying common perturbation patterns that our attack
generates, and comparing them with standard adversarial text attacks. Moreover,
we show that adversarial training is ineffective in defeating our slowdown
attack, but input sanitization with a conversational model, e.g., ChatGPT, can
remove perturbations effectively. This result suggests that future work is
needed for developing efficient yet robust multi-exit models. Our code is
available at: https://github.com/ztcoalson/WAFFLE | cs.LG | BERT Lost Patience Won't Be Robust to Adversarial Slowdown |
2023-10-29T20:39:11Z | http://arxiv.org/pdf/2310.19145v1 | http://arxiv.org/abs/2310.19145v1 | Tuhin Chakrabarty, Kanishk Singh, Arkadiy Saakyan, Smaranda Muresan | 2023-10-29T20:39:11Z | cs.CL, cs.CV | Natural language instructions are a powerful interface for editing the
outputs of text-to-image diffusion models. However, several challenges need to
be addressed: 1) underspecification (the need to model the implicit meaning of
instructions) 2) grounding (the need to localize where the edit has to be
performed), 3) faithfulness (the need to preserve the elements of the image not
affected by the edit instruction). Current approaches focusing on image editing
with natural language instructions rely on automatically generated paired data,
which, as shown in our investigation, is noisy and sometimes nonsensical,
exacerbating the above issues. Building on recent advances in segmentation,
Chain-of-Thought prompting, and visual question answering, we significantly
improve the quality of the paired data. In addition, we enhance the supervision
signal by highlighting parts of the image that need to be changed by the
instruction. The model fine-tuned on the improved data is capable of performing
fine-grained object-centric edits better than state-of-the-art baselines,
mitigating the problems outlined above, as shown by automatic and human
evaluations. Moreover, our model is capable of generalizing to domains unseen
during training, such as visual metaphors. | cs.CL | Learning to Follow Object-Centric Image Editing Instructions Faithfully |
2023-10-29T19:39:03Z | http://arxiv.org/pdf/2310.19130v2 | http://arxiv.org/abs/2310.19130v2 | Ahmed Sabir, Lluís Padró | 2023-11-20T12:15:19Z | cs.CL, cs.CV | In this paper, we investigate the impact of objects on gender bias in image
captioning systems. Our results show that only gender-specific objects have a
strong gender bias (e.g., women-lipstick). In addition, we propose a visual
semantic-based gender score that measures the degree of bias and can be used as
a plug-in for any image captioning system. Our experiments demonstrate the
utility of the gender score, since we observe that our score can measure the
bias relation between a caption and its related gender; therefore, our score
can be used as an additional metric to the existing Object Gender Co-Occ
approach. Code and data are publicly available at
\url{https://github.com/ahmedssabir/GenderScore}. | cs.CL | Women Wearing Lipstick: Measuring the Bias Between an Object and Its Related Gender |
2023-10-29T19:28:22Z | http://arxiv.org/pdf/2310.19127v1 | http://arxiv.org/abs/2310.19127v1 | Ziheng Zeng, Suma Bhat | 2023-10-29T19:28:22Z | cs.CL | Accurate processing of non-compositional language relies on generating good
representations for such expressions. In this work, we study the representation
of language non-compositionality by proposing a language model, PIER, that
builds on BART and can create semantically meaningful and contextually
appropriate representations for English potentially idiomatic expressions
(PIEs). PIEs are characterized by their non-compositionality and contextual
ambiguity in their literal and idiomatic interpretations. Via intrinsic
evaluation on embedding quality and extrinsic evaluation on PIE processing and
NLU tasks, we show that representations generated by PIER result in 33% higher
homogeneity score for embedding clustering than BART, whereas 3.12% and 3.29%
gains in accuracy and sequence accuracy for PIE sense classification and span
detection compared to the state-of-the-art IE representation model, GIEA. These
gains are achieved without sacrificing PIER's performance on NLU tasks (+/- 1%
accuracy) compared to BART. | cs.CL | Unified Representation for Non-compositional and Compositional Expressions |
2023-10-29T19:20:38Z | http://arxiv.org/pdf/2310.19123v1 | http://arxiv.org/abs/2310.19123v1 | Elnaserledinellah Mahmood Abdelwahab | 2023-10-29T19:20:38Z | cs.CL, cs.AI | Modern Logics, as formulated notably by Frege, Russell and Tarski involved
basic assumptions about Natural Languages in general and Indo-European
Languages in particular, which are contested by Linguists. Based upon those
assumptions, formal Languages were designed to overcome what Logicians claimed
to be 'defects' of Natural Language. In this paper we show that those
assumptions contradict basic principles of Arabic. More specifically: The
Logicians ideas, that within Natural Language words refer to objects,
'ToBe'-constructions represent identity statements, Indefinite Descriptions
must be replaced by existential quantifiers to form meaningful Sentences and
Symbols can have no interpretation-independent meanings, are all falsified
using undisputed principles of Arabic. The here presented falsification serves
two purposes. First, it is used as a factual basis for the rejection of
approaches adopting Semantic axioms of Mathematical Logics as Models for
meaning of Arabic Syntax. Second, it shows a way to approach the important
computational problem: Satisfiability (SAT). The described way is based upon
the realization that parsing Arabic utilizes the existence of
'meaning-particles' within Syntax to efficiently recognize words, phrases and
Sentences. Similar meaning-particles are shown to exist in 3CNF formulas,
which, when properly handled within the machinery of 3SAT-Solvers, enable
structural conditions to be imposed on formulas, sufficient alone to guarantee
the efficient production of non-exponentially sized Free Binary Decision
Diagrams (FBDDs). We show, why known exponential Lower Bounds on sizes of FBDDs
do not contradict our results and reveal practical evidence, obtained for
multiplication circuits, supporting our claims. | cs.CL | Three Dogmas, a Puzzle and its Solution |
2023-10-29T18:43:19Z | http://arxiv.org/pdf/2310.19106v3 | http://arxiv.org/abs/2310.19106v3 | Antonin Sulc, Raimund Kammering, Annika Eichler, Tim Wilksen | 2023-11-27T13:46:00Z | cs.CL | Navigating the landscape of particle accelerators has become increasingly
challenging with recent surges in contributions. These intricate devices
challenge comprehension, even within individual facilities. To address this, we
introduce PACuna, a fine-tuned language model refined through publicly
available accelerator resources like conferences, pre-prints, and books. We
automated data collection and question generation to minimize expert
involvement and make the data publicly available. PACuna demonstrates
proficiency in addressing intricate accelerator questions, validated by
experts. Our approach shows adapting language models to scientific domains by
fine-tuning technical texts and auto-generated corpora capturing the latest
developments can further produce pre-trained models to answer some intricate
questions that commercially available assistants cannot and can serve as
intelligent assistants for individual facilities. | cs.CL | PACuna: Automated Fine-Tuning of Language Models for Particle Accelerators |
2023-10-29T17:27:18Z | http://arxiv.org/pdf/2310.19089v1 | http://arxiv.org/abs/2310.19089v1 | Shikhar Murty, Pratyusha Sharma, Jacob Andreas, Christopher D. Manning | 2023-10-29T17:27:18Z | cs.CL | Recursion is a prominent feature of human language, and fundamentally
challenging for self-attention due to the lack of an explicit recursive-state
tracking mechanism. Consequently, Transformer language models poorly capture
long-tail recursive structure and exhibit sample-inefficient syntactic
generalization. This work introduces Pushdown Layers, a new self-attention
layer that models recursive state via a stack tape that tracks estimated depths
of every token in an incremental parse of the observed prefix. Transformer LMs
with Pushdown Layers are syntactic language models that autoregressively and
synchronously update this stack tape as they predict new tokens, in turn using
the stack tape to softly modulate attention over tokens -- for instance,
learning to "skip" over closed constituents. When trained on a corpus of
strings annotated with silver constituency parses, Transformers equipped with
Pushdown Layers achieve dramatically better and 3-5x more sample-efficient
syntactic generalization, while maintaining similar perplexities. Pushdown
Layers are a drop-in replacement for standard self-attention. We illustrate
this by finetuning GPT2-medium with Pushdown Layers on an automatically parsed
WikiText-103, leading to improvements on several GLUE text classification
tasks. | cs.CL | Pushdown Layers: Encoding Recursive Structure in Transformer Language Models |
2023-10-29T17:16:40Z | http://arxiv.org/pdf/2310.19084v1 | http://arxiv.org/abs/2310.19084v1 | Changjiang Gao, Shujian Huang, Jixing Li, Jiajun Chen | 2023-10-29T17:16:40Z | cs.CL, cs.AI | Recent large language models (LLMs) have revealed strong abilities to
understand natural language. Since most of them share the same basic structure,
i.e. the transformer block, possible contributors to their success in the
training process are scaling and instruction tuning. However, how these factors
affect the models' language perception is unclear. This work compares the
self-attention of several existing LLMs (LLaMA, Alpaca and Vicuna) in different
sizes (7B, 13B, 30B, 65B), together with eye saccade, an aspect of human
reading attention, to assess the effect of scaling and instruction tuning on
language perception. Results show that scaling enhances the human resemblance
and improves the effective attention by reducing the trivial pattern reliance,
while instruction tuning does not. However, instruction tuning significantly
enhances the models' sensitivity to instructions. We also find that current
LLMs are consistently closer to non-native than native speakers in attention,
suggesting a sub-optimal language perception of all models. Our code and data
used in the analysis is available on GitHub. | cs.CL | Roles of Scaling and Instruction Tuning in Language Perception: Model vs. Human Attention |
2023-10-29T16:25:32Z | http://arxiv.org/pdf/2310.19060v1 | http://arxiv.org/abs/2310.19060v1 | Shuhuai Ren, Sishuo Chen, Shicheng Li, Xu Sun, Lu Hou | 2023-10-29T16:25:32Z | cs.CV, cs.AI, cs.CL | Large-scale video-language pre-training has made remarkable strides in
advancing video-language understanding tasks. However, the heavy computational
burden of video encoding remains a formidable efficiency bottleneck,
particularly for long-form videos. These videos contain massive visual tokens
due to their inherent 3D properties and spatiotemporal redundancy, making it
challenging to capture complex temporal and spatial relationships. To tackle
this issue, we propose an efficient method called TEmporal-Spatial Token
Aggregation (TESTA). TESTA condenses video semantics by adaptively aggregating
similar frames, as well as similar patches within each frame. TESTA can reduce
the number of visual tokens by 75% and thus accelerate video encoding. Building
upon TESTA, we introduce a pre-trained video-language model equipped with a
divided space-time token aggregation module in each video encoder block. We
evaluate our model on five datasets for paragraph-to-video retrieval and
long-form VideoQA tasks. Experimental results show that TESTA improves
computing efficiency by 1.7 times, and achieves significant performance gains
from its scalability in processing longer input frames, e.g., +13.7 R@1 on
QuerYD and +6.5 R@1 on Condensed Movie. | cs.CV | TESTA: Temporal-Spatial Token Aggregation for Long-form Video-Language Understanding |
2023-10-29T16:04:10Z | http://arxiv.org/pdf/2310.19056v3 | http://arxiv.org/abs/2310.19056v3 | Pengyue Jia, Yiding Liu, Xiangyu Zhao, Xiaopeng Li, Changying Hao, Shuaiqiang Wang, Dawei Yin | 2024-03-28T06:49:56Z | cs.IR, cs.AI, cs.CL | Query expansion, pivotal in search engines, enhances the representation of
user information needs with additional terms. While existing methods expand
queries using retrieved or generated contextual documents, each approach has
notable limitations. Retrieval-based methods often fail to accurately capture
search intent, particularly with brief or ambiguous queries. Generation-based
methods, utilizing large language models (LLMs), generally lack corpus-specific
knowledge and entail high fine-tuning costs. To address these gaps, we propose
a novel zero-shot query expansion framework utilizing LLMs for mutual
verification. Specifically, we first design a query-query-document generation
method, leveraging LLMs' zero-shot reasoning ability to produce diverse
sub-queries and corresponding documents. Then, a mutual verification process
synergizes generated and retrieved documents for optimal expansion. Our
proposed method is fully zero-shot, and extensive experiments on three public
benchmark datasets are conducted to demonstrate its effectiveness over existing
methods. Our code is available online at
https://github.com/Applied-Machine-Learning-Lab/MILL to ease reproduction. | cs.IR | MILL: Mutual Verification with Large Language Models for Zero-Shot Query Expansion |
2023-10-29T16:02:46Z | http://arxiv.org/pdf/2310.19055v2 | http://arxiv.org/abs/2310.19055v2 | Sakher Khalil Alqaaidi, Elika Bozorgi, Afsaneh Shams, Krzysztof Kochut | 2024-03-26T22:59:36Z | cs.CL | Named Entity Recognition (NER) and Relation Classification (RC) are important
steps in extracting information from unstructured text and formatting it into a
machine-readable format. We present a survey of recent deep learning models
that address named entity recognition and relation classification, with focus
on few-shot learning performance. Our survey is helpful for researchers in
knowing the recent techniques in text mining and extracting structured
information from raw text. | cs.CL | A Few-Shot Learning Focused Survey on Recent Named Entity Recognition and Relation Classification Methods |
2023-10-29T14:46:11Z | http://arxiv.org/pdf/2310.19034v1 | http://arxiv.org/abs/2310.19034v1 | Mustafa Jarrar, Ahmet Birim, Mohammed Khalilia, Mustafa Erden, Sana Ghanem | 2023-10-29T14:46:11Z | cs.CL | This paper presents the ArBanking77, a large Arabic dataset for intent
detection in the banking domain. Our dataset was arabized and localized from
the original English Banking77 dataset, which consists of 13,083 queries to
ArBanking77 dataset with 31,404 queries in both Modern Standard Arabic (MSA)
and Palestinian dialect, with each query classified into one of the 77 classes
(intents). Furthermore, we present a neural model, based on AraBERT, fine-tuned
on ArBanking77, which achieved an F1-score of 0.9209 and 0.8995 on MSA and
Palestinian dialect, respectively. We performed extensive experimentation in
which we simulated low-resource settings, where the model is trained on a
subset of the data and augmented with noisy queries to simulate colloquial
terms, mistakes and misspellings found in real NLP systems, especially live
chat queries. The data and the models are publicly available at
https://sina.birzeit.edu/arbanking77. | cs.CL | ArBanking77: Intent Detection Neural Model and a New Dataset in Modern and Dialectical Arabic |
2023-10-29T14:36:37Z | http://arxiv.org/pdf/2310.19029v1 | http://arxiv.org/abs/2310.19029v1 | Mustafa Jarrar, Sanad Malaysha, Tymaa Hammouda, Mohammed Khalilia | 2023-10-29T14:36:37Z | cs.CL | SALMA, the first Arabic sense-annotated corpus, consists of ~34K tokens,
which are all sense-annotated. The corpus is annotated using two different
sense inventories simultaneously (Modern and Ghani). SALMA novelty lies in how
tokens and senses are associated. Instead of linking a token to only one
intended sense, SALMA links a token to multiple senses and provides a score to
each sense. A smart web-based annotation tool was developed to support scoring
multiple senses against a given word. In addition to sense annotations, we also
annotated the corpus using six types of named entities. The quality of our
annotations was assessed using various metrics (Kappa, Linear Weighted Kappa,
Quadratic Weighted Kappa, Mean Average Error, and Root Mean Square Error),
which show very high inter-annotator agreement. To establish a Word Sense
Disambiguation baseline using our SALMA corpus, we developed an end-to-end Word
Sense Disambiguation system using Target Sense Verification. We used this
system to evaluate three Target Sense Verification models available in the
literature. Our best model achieved an accuracy with 84.2% using Modern and
78.7% using Ghani. The full corpus and the annotation tool are open-source and
publicly available at https://sina.birzeit.edu/salma/. | cs.CL | SALMA: Arabic Sense-Annotated Corpus and WSD Benchmarks |
2023-10-29T14:16:54Z | http://arxiv.org/pdf/2310.19019v2 | http://arxiv.org/abs/2310.19019v2 | Nan He, Hanyu Lai, Chenyang Zhao, Zirui Cheng, Junting Pan, Ruoyu Qin, Ruofan Lu, Rui Lu, Yunchen Zhang, Gangming Zhao, Zhaohui Hou, Zhiyuan Huang, Shaoqing Lu, Ding Liang, Mingjie Zhan | 2023-10-31T06:49:13Z | cs.CL, cs.AI | Large Language Models (LLMs) exhibit impressive reasoning and data
augmentation capabilities in various NLP tasks. However, what about small
models? In this work, we propose TeacherLM-7.1B, capable of annotating relevant
fundamentals, chain of thought, and common mistakes for most NLP samples, which
makes annotation more than just an answer, thus allowing other models to learn
"why" instead of just "what". The TeacherLM-7.1B model achieved a zero-shot
score of 52.3 on MMLU, surpassing most models with over 100B parameters. Even
more remarkable is its data augmentation ability. Based on TeacherLM-7.1B, we
augmented 58 NLP datasets and taught various student models with different
parameters from OPT and BLOOM series in a multi-task setting. The experimental
results indicate that the data augmentation provided by TeacherLM has brought
significant benefits. We will release the TeacherLM series of models and
augmented datasets as open-source. | cs.CL | TeacherLM: Teaching to Fish Rather Than Giving the Fish, Language Modeling Likewise |
2023-10-29T12:27:18Z | http://arxiv.org/pdf/2310.18992v1 | http://arxiv.org/abs/2310.18992v1 | Qianren Mao, Shaobo Zhao, Jiarui Li, Xiaolei Gu, Shizhu He, Bo Li, Jianxin Li | 2023-10-29T12:27:18Z | cs.CL, cs.AI | Pre-trained sentence representations are crucial for identifying significant
sentences in unsupervised document extractive summarization. However, the
traditional two-step paradigm of pre-training and sentence-ranking, creates a
gap due to differing optimization objectives. To address this issue, we argue
that utilizing pre-trained embeddings derived from a process specifically
designed to optimize cohensive and distinctive sentence representations helps
rank significant sentences. To do so, we propose a novel graph pre-training
auto-encoder to obtain sentence embeddings by explicitly modelling
intra-sentential distinctive features and inter-sentential cohesive features
through sentence-word bipartite graphs. These pre-trained sentence
representations are then utilized in a graph-based ranking algorithm for
unsupervised summarization. Our method produces predominant performance for
unsupervised summarization frameworks by providing summary-worthy sentence
representations. It surpasses heavy BERT- or RoBERTa-based sentence
representations in downstream tasks. | cs.CL | Bipartite Graph Pre-training for Unsupervised Extractive Summarization with Graph Convolutional Auto-Encoders |
2023-10-29T10:47:23Z | http://arxiv.org/pdf/2310.18974v1 | http://arxiv.org/abs/2310.18974v1 | Ashutosh Dwivedi, Pradhyumna Lavania, Ashutosh Modi | 2023-10-29T10:47:23Z | cs.CL, cs.AI, cs.LG | Etiquettes are an essential ingredient of day-to-day interactions among
people. Moreover, etiquettes are region-specific, and etiquettes in one region
might contradict those in other regions. In this paper, we propose EtiCor, an
Etiquettes Corpus, having texts about social norms from five different regions
across the globe. The corpus provides a test bed for evaluating LLMs for
knowledge and understanding of region-specific etiquettes. Additionally, we
propose the task of Etiquette Sensitivity. We experiment with state-of-the-art
LLMs (Delphi, Falcon40B, and GPT-3.5). Initial results indicate that LLMs,
mostly fail to understand etiquettes from regions from non-Western world. | cs.CL | EtiCor: Corpus for Analyzing LLMs for Etiquettes |
2023-10-29T10:07:32Z | http://arxiv.org/pdf/2310.18964v2 | http://arxiv.org/abs/2310.18964v2 | Ahmad Nasir, Aadish Sharma, Kokil Jaidka | 2024-03-30T15:01:08Z | cs.CL | In the evolving landscape of online communication, hate speech detection
remains a formidable challenge, further compounded by the diversity of digital
platforms. This study investigates the effectiveness and adaptability of
pre-trained and fine-tuned Large Language Models (LLMs) in identifying hate
speech, to address two central questions: (1) To what extent does the model
performance depend on the fine-tuning and training parameters?, (2) To what
extent do models generalize to cross-domain hate speech detection? and (3) What
are the specific features of the datasets or models that influence the
generalization potential? The experiment shows that LLMs offer a huge advantage
over the state-of-the-art even without pretraining. To answer (1) we analyze 36
in-domain classifiers comprising LLaMA, Vicuna, and their variations in
pre-trained and fine-tuned states across nine publicly available datasets that
span a wide range of platforms and discussion forums. To answer (2), we
assessed the performance of 288 out-of-domain classifiers for a given
end-domain dataset. In answer to (3), ordinary least squares analyses suggest
that the advantage of training with fine-grained hate speech labels is greater
for smaller training datasets but washed away with the increase in dataset
size. We conclude with a vision for the future of hate speech detection,
emphasizing cross-domain generalizability and appropriate benchmarking
practices. | cs.CL | LLMs and Finetuning: Benchmarking cross-domain performance for hate speech detection |
2023-10-29T09:56:17Z | http://arxiv.org/pdf/2310.18956v1 | http://arxiv.org/abs/2310.18956v1 | Benjamin Towle, Ke Zhou | 2023-10-29T09:56:17Z | cs.CL, cs.AI, cs.LG | Reply suggestion systems represent a staple component of many instant
messaging and email systems. However, the requirement to produce sets of
replies, rather than individual replies, makes the task poorly suited for
out-of-the-box retrieval architectures, which only consider individual
message-reply similarity. As a result, these system often rely on additional
post-processing modules to diversify the outputs. However, these approaches are
ultimately bottlenecked by the performance of the initial retriever, which in
practice struggles to present a sufficiently diverse range of options to the
downstream diversification module, leading to the suggestions being less
relevant to the user. In this paper, we consider a novel approach that
radically simplifies this pipeline through an autoregressive text-to-text
retrieval model, that learns the smart reply task end-to-end from a dataset of
(message, reply set) pairs obtained via bootstrapping. Empirical results show
this method consistently outperforms a range of state-of-the-art baselines
across three datasets, corresponding to a 5.1%-17.9% improvement in relevance,
and a 0.5%-63.1% improvement in diversity compared to the best baseline
approach. We make our code publicly available. | cs.CL | End-to-End Autoregressive Retrieval via Bootstrapping for Smart Reply Systems |
2023-10-29T09:09:10Z | http://arxiv.org/pdf/2310.18944v1 | http://arxiv.org/abs/2310.18944v1 | Yongxiu Xu, Heyan Huang, Yue Hu | 2023-10-29T09:09:10Z | cs.CL | Named Entity Recognition (NER) remains challenging due to the complex
entities, like nested, overlapping, and discontinuous entities. Existing
approaches, such as sequence-to-sequence (Seq2Seq) generation and span-based
classification, have shown impressive performance on various NER subtasks, but
they are difficult to scale to datasets with longer input text because of
either exposure bias issue or inefficient computation. In this paper, we
propose a novel Sequence-to-Forest generation paradigm, S2F-NER, which can
directly extract entities in sentence via a Forest decoder that decode multiple
entities in parallel rather than sequentially. Specifically, our model generate
each path of each tree in forest autoregressively, where the maximum depth of
each tree is three (which is the shortest feasible length for complex NER and
is far smaller than the decoding length of Seq2Seq). Based on this novel
paradigm, our model can elegantly mitigates the exposure bias problem and keep
the simplicity of Seq2Seq. Experimental results show that our model
significantly outperforms the baselines on three discontinuous NER datasets and
on two nested NER datasets, especially for discontinuous entity recognition. | cs.CL | S2F-NER: Exploring Sequence-to-Forest Generation for Complex Entity Recognition |
2023-10-29T07:43:34Z | http://arxiv.org/pdf/2310.18930v1 | http://arxiv.org/abs/2310.18930v1 | Sapan Shah, Sreedhar Reddy, Pushpak Bhattacharyya | 2023-10-29T07:43:34Z | cs.CL | We present a novel retrofitting method to induce emotion aspects into
pre-trained language models (PLMs) such as BERT and RoBERTa. Our method updates
pre-trained network weights using contrastive learning so that the text
fragments exhibiting similar emotions are encoded nearby in the representation
space, and the fragments with different emotion content are pushed apart. While
doing so, it also ensures that the linguistic knowledge already present in PLMs
is not inadvertently perturbed. The language models retrofitted by our method,
i.e., BERTEmo and RoBERTaEmo, produce emotion-aware text representations, as
evaluated through different clustering and retrieval metrics. For the
downstream tasks on sentiment analysis and sarcasm detection, they perform
better than their pre-trained counterparts (about 1% improvement in F1-score)
and other existing approaches. Additionally, a more significant boost in
performance is observed for the retrofitted models over pre-trained ones in
few-shot learning setting. | cs.CL | Retrofitting Light-weight Language Models for Emotions using Supervised Contrastive Learning |
2023-10-29T05:50:03Z | http://arxiv.org/pdf/2310.18913v4 | http://arxiv.org/abs/2310.18913v4 | Tomasz Limisiewicz, David Mareček, Tomáš Musil | 2024-05-29T10:22:52Z | cs.CL, cs.AI, stat.ML | Large language models are becoming the go-to solution for the ever-growing
number of tasks. However, with growing capacity, models are prone to rely on
spurious correlations stemming from biases and stereotypes present in the
training data. This work proposes a novel method for detecting and mitigating
gender bias in language models. We perform causal analysis to identify
problematic model components and discover that mid-upper feed-forward layers
are most prone to convey bias. Based on the analysis results, we intervene in
the model by applying a linear projection to the weight matrices of these
layers. Our titular method, DAMA, significantly decreases bias as measured by
diverse metrics while maintaining the model's performance on downstream tasks.
We release code for our method and models, which retrain LLaMA's
state-of-the-art performance while being significantly less biased. | cs.CL | Debiasing Algorithm through Model Adaptation |
2023-10-29T05:48:04Z | http://arxiv.org/pdf/2310.18912v1 | http://arxiv.org/abs/2310.18912v1 | Hao Zhang, Yang Liu, Xiaoyan Liu, Tianming Liang, Gaurav Sharma, Liang Xue, Maozu Guo | 2023-10-29T05:48:04Z | cs.LG, cs.CL | We introduce a novel graph-based framework for alleviating key challenges in
distantly-supervised relation extraction and demonstrate its effectiveness in
the challenging and important domain of biomedical data. Specifically, we
propose a graph view of sentence bags referring to an entity pair, which
enables message-passing based aggregation of information related to the entity
pair over the sentence bag. The proposed framework alleviates the common
problem of noisy labeling in distantly supervised relation extraction and also
effectively incorporates inter-dependencies between sentences within a bag.
Extensive experiments on two large-scale biomedical relation datasets and the
widely utilized NYT dataset demonstrate that our proposed framework
significantly outperforms the state-of-the-art methods for biomedical distant
supervision relation extraction while also providing excellent performance for
relation extraction in the general text mining domain. | cs.LG | Sentence Bag Graph Formulation for Biomedical Distant Supervision Relation Extraction |
2023-10-29T05:28:44Z | http://arxiv.org/pdf/2310.18906v1 | http://arxiv.org/abs/2310.18906v1 | Duke Nguyen, Khaing Myat Noe Naing, Aditya Joshi | 2023-10-29T05:28:44Z | cs.CL, cs.AI | This paper reports our submission under the team name `SynthDetectives' to
the ALTA 2023 Shared Task. We use a stacking ensemble of Transformers for the
task of AI-generated text detection. Our approach is novel in terms of its
choice of models in that we use accessible and lightweight models in the
ensemble. We show that ensembling the models results in an improved accuracy in
comparison with using them individually. Our approach achieves an accuracy
score of 0.9555 on the official test data provided by the shared task
organisers. | cs.CL | Stacking the Odds: Transformer-Based Ensemble for AI-Generated Text Detection |
2023-10-29T02:27:56Z | http://arxiv.org/pdf/2310.18877v1 | http://arxiv.org/abs/2310.18877v1 | Isaac Slaughter, Craig Greenberg, Reva Schwartz, Aylin Caliskan | 2023-10-29T02:27:56Z | cs.CL, cs.LG, cs.SD, eess.AS | Previous work has established that a person's demographics and speech style
affect how well speech processing models perform for them. But where does this
bias come from? In this work, we present the Speech Embedding Association Test
(SpEAT), a method for detecting bias in one type of model used for many speech
tasks: pre-trained models. The SpEAT is inspired by word embedding association
tests in natural language processing, which quantify intrinsic bias in a
model's representations of different concepts, such as race or valence
(something's pleasantness or unpleasantness) and capture the extent to which a
model trained on large-scale socio-cultural data has learned human-like biases.
Using the SpEAT, we test for six types of bias in 16 English speech models
(including 4 models also trained on multilingual data), which come from the
wav2vec 2.0, HuBERT, WavLM, and Whisper model families. We find that 14 or more
models reveal positive valence (pleasantness) associations with abled people
over disabled people, with European-Americans over African-Americans, with
females over males, with U.S. accented speakers over non-U.S. accented
speakers, and with younger people over older people. Beyond establishing that
pre-trained speech models contain these biases, we also show that they can have
real world effects. We compare biases found in pre-trained models to biases in
downstream models adapted to the task of Speech Emotion Recognition (SER) and
find that in 66 of the 96 tests performed (69%), the group that is more
associated with positive valence as indicated by the SpEAT also tends to be
predicted as speaking with higher valence by the downstream model. Our work
provides evidence that, like text and image-based models, pre-trained speech
based-models frequently learn human-like biases. Our work also shows that bias
found in pre-trained models can propagate to the downstream task of SER. | cs.CL | Pre-trained Speech Processing Models Contain Human-Like Biases that Propagate to Speech Emotion Recognition |
2023-10-29T01:45:30Z | http://arxiv.org/pdf/2310.18867v1 | http://arxiv.org/abs/2310.18867v1 | Rubaba Amyeen | 2023-10-29T01:45:30Z | cs.CL, cs.AI | Question generation has numerous applications in the educational context.
Question generation can prove helpful for students when reviewing content and
testing themselves. Furthermore, a question generation model can aid teachers
by lessening the burden of creating assessments and other practice material.
This paper aims to find the best method to generate questions from textual data
through a transformer model and prompt engineering. In this research, we
finetuned a pretrained distilBERT model on the SQuAD question answering dataset
to generate questions. In addition to training a transformer model, prompt
engineering was applied to generate questions effectively using the LLaMA
model. The generated questions were compared against the baseline questions in
the SQuAD dataset to evaluate the effectiveness of four different prompts. All
four prompts demonstrated over 60% similarity on average. Of the
prompt-generated questions, 30% achieved a high similarity score greater than
70%. | cs.CL | Prompt-Engineering and Transformer-based Question Generation and Evaluation |
2023-10-29T01:38:36Z | http://arxiv.org/pdf/2310.18865v1 | http://arxiv.org/abs/2310.18865v1 | Muhammad Umar Farooq, Rehan Ahmad, Thomas Hain | 2023-10-29T01:38:36Z | cs.CL, cs.SD, eess.AS | Student-teacher learning or knowledge distillation (KD) has been previously
used to address data scarcity issue for training of speech recognition (ASR)
systems. However, a limitation of KD training is that the student model classes
must be a proper or improper subset of the teacher model classes. It prevents
distillation from even acoustically similar languages if the character sets are
not same. In this work, the aforementioned limitation is addressed by proposing
a MUltilingual Student-Teacher (MUST) learning which exploits a posteriors
mapping approach. A pre-trained mapping model is used to map posteriors from a
teacher language to the student language ASR. These mapped posteriors are used
as soft labels for KD learning. Various teacher ensemble schemes are
experimented to train an ASR model for low-resource languages. A model trained
with MUST learning reduces relative character error rate (CER) up to 9.5% in
comparison with a baseline monolingual ASR. | cs.CL | MUST: A Multilingual Student-Teacher Learning approach for low-resource speech recognition |
2023-10-29T01:21:36Z | http://arxiv.org/pdf/2310.18862v1 | http://arxiv.org/abs/2310.18862v1 | Anirudh Srinivasan, Venkata S Govindarajan, Kyle Mahowald | 2023-10-29T01:21:36Z | cs.CL | Techniques in causal analysis of language models illuminate how linguistic
information is organized in LLMs. We use one such technique, AlterRep, a method
of counterfactual probing, to explore the internal structure of multilingual
models (mBERT and XLM-R). We train a linear classifier on a binary language
identity task, to classify tokens between Language X and Language Y. Applying a
counterfactual probing procedure, we use the classifier weights to project the
embeddings into the null space and push the resulting embeddings either in the
direction of Language X or Language Y. Then we evaluate on a masked language
modeling task. We find that, given a template in Language X, pushing towards
Language Y systematically increases the probability of Language Y words, above
and beyond a third-party control language. But it does not specifically push
the model towards translation-equivalent words in Language Y. Pushing towards
Language X (the same direction as the template) has a minimal effect, but
somewhat degrades these models. Overall, we take these results as further
evidence of the rich structure of massive multilingual language models, which
include both a language-specific and language-general component. And we show
that counterfactual probing can be fruitfully applied to multilingual models. | cs.CL | Counterfactually Probing Language Identity in Multilingual Models |
2023-10-28T22:11:25Z | http://arxiv.org/pdf/2310.18830v1 | http://arxiv.org/abs/2310.18830v1 | Rricha Jalota, Koel Dutta Chowdhury, Cristina España-Bonet, Josef van Genabith | 2023-10-28T22:11:25Z | cs.CL | Translated texts exhibit systematic linguistic differences compared to
original texts in the same language, and these differences are referred to as
translationese. Translationese has effects on various cross-lingual natural
language processing tasks, potentially leading to biased results. In this
paper, we explore a novel approach to reduce translationese in translated
texts: translation-based style transfer. As there are no parallel
human-translated and original data in the same language, we use a
self-supervised approach that can learn from comparable (rather than parallel)
mono-lingual original and translated data. However, even this self-supervised
approach requires some parallel data for validation. We show how we can
eliminate the need for parallel validation data by combining the
self-supervised loss with an unsupervised loss. This unsupervised loss
leverages the original language model loss over the style-transferred output
and a semantic similarity loss between the input and style-transferred output.
We evaluate our approach in terms of original vs. translationese binary
classification in addition to measuring content preservation and target-style
fluency. The results show that our approach is able to reduce translationese
classifier accuracy to a level of a random classifier after style transfer
while adequately preserving the content and fluency in the target original
style. | cs.CL | Translating away Translationese without Parallel Data |
2023-10-28T21:53:23Z | http://arxiv.org/pdf/2310.18827v1 | http://arxiv.org/abs/2310.18827v1 | Yujian Liu, Xinliang Frederick Zhang, Kaijian Zou, Ruihong Huang, Nick Beauchamp, Lu Wang | 2023-10-28T21:53:23Z | cs.CL, cs.AI | Public opinion is shaped by the information news media provide, and that
information in turn may be shaped by the ideological preferences of media
outlets. But while much attention has been devoted to media bias via overt
ideological language or topic selection, a more unobtrusive way in which the
media shape opinion is via the strategic inclusion or omission of partisan
events that may support one side or the other. We develop a latent
variable-based framework to predict the ideology of news articles by comparing
multiple articles on the same story and identifying partisan events whose
inclusion or omission reveals ideology. Our experiments first validate the
existence of partisan event selection, and then show that article alignment and
cross-document comparison detect partisan events and article ideology better
than competitive baselines. Our results reveal the high-level form of media
bias, which is present even among mainstream media with strong norms of
objectivity and nonpartisanship. Our codebase and dataset are available at
https://github.com/launchnlp/ATC. | cs.CL | All Things Considered: Detecting Partisan Events from News Media with Cross-Article Comparison |
2023-10-28T20:09:29Z | http://arxiv.org/pdf/2310.18804v1 | http://arxiv.org/abs/2310.18804v1 | Hejie Cui, Xinyu Fang, Zihan Zhang, Ran Xu, Xuan Kan, Xin Liu, Yue Yu, Manling Li, Yangqiu Song, Carl Yang | 2023-10-28T20:09:29Z | cs.CL, cs.AI, cs.CV, cs.LG | Images contain rich relational knowledge that can help machines understand
the world. Existing methods on visual knowledge extraction often rely on the
pre-defined format (e.g., sub-verb-obj tuples) or vocabulary (e.g., relation
types), restricting the expressiveness of the extracted knowledge. In this
work, we take a first exploration to a new paradigm of open visual knowledge
extraction. To achieve this, we present OpenVik which consists of an open
relational region detector to detect regions potentially containing relational
knowledge and a visual knowledge generator that generates format-free knowledge
by prompting the large multimodality model with the detected region of
interest. We also explore two data enhancement techniques for diversifying the
generated format-free visual knowledge. Extensive knowledge quality evaluations
highlight the correctness and uniqueness of the extracted open visual knowledge
by OpenVik. Moreover, integrating our extracted knowledge across various visual
reasoning applications shows consistent improvements, indicating the real-world
applicability of OpenVik. | cs.CL | Open Visual Knowledge Extraction via Relation-Oriented Multimodality Model Prompting |
2023-10-28T19:42:28Z | http://arxiv.org/pdf/2310.18794v3 | http://arxiv.org/abs/2310.18794v3 | Yixin Wan, Fanyou Wu, Weijie Xu, Srinivasan H. Sengamedu | 2024-04-12T23:09:52Z | cs.CL, cs.AI | In this work, we propose sequence-level certainty as a common theme over
hallucination in Knowledge Grounded Dialogue Generation (KGDG). We explore the
correlation between the level of hallucination in model responses and two types
of sequence-level certainty: probabilistic certainty and semantic certainty.
Empirical results reveal that higher levels of both types of certainty in model
responses are correlated with lower levels of hallucination. We further propose
Certainty-based Response Ranking (CRR), a decoding-time hallucination
mitigation method that samples several response candidates, ranks them based on
sequence-level certainty, and outputs the response with the highest certainty
level. Aligning with our definitions of sequence-level certainty, we design 2
types of CRR approaches: Probabilistic CRR (P-CRR) and Semantic CRR (S-CRR).
P-CRR ranks individually sampled model responses using the arithmetic mean
log-probability of the entire sequence. S-CRR approaches certainty estimation
from meaning-space, and ranks model response candidates based on their semantic
certainty level as measured by an entailment-based Agreement Score (AS).
Through extensive experiments across 3 KGDG datasets, 3 decoding methods, and 4
KGDG models, we validate the effectiveness of CRR for reducing hallucination in
KGDG task. | cs.CL | Sequence-Level Certainty Reduces Hallucination In Knowledge-Grounded Dialogue Generation |
2023-10-28T18:47:57Z | http://arxiv.org/pdf/2310.18783v1 | http://arxiv.org/abs/2310.18783v1 | Lixing Zhu, Runcong Zhao, Lin Gui, Yulan He | 2023-10-28T18:47:57Z | cs.CL | Narrative understanding involves capturing the author's cognitive processes,
providing insights into their knowledge, intentions, beliefs, and desires.
Although large language models (LLMs) excel in generating grammatically
coherent text, their ability to comprehend the author's thoughts remains
uncertain. This limitation hinders the practical applications of narrative
understanding. In this paper, we conduct a comprehensive survey of narrative
understanding tasks, thoroughly examining their key features, definitions,
taxonomy, associated datasets, training objectives, evaluation metrics, and
limitations. Furthermore, we explore the potential of expanding the
capabilities of modularized LLMs to address novel narrative understanding
tasks. By framing narrative understanding as the retrieval of the author's
imaginative cues that outline the narrative structure, our study introduces a
fresh perspective on enhancing narrative comprehension. | cs.CL | Are NLP Models Good at Tracing Thoughts: An Overview of Narrative Understanding |
2023-10-28T18:33:24Z | http://arxiv.org/pdf/2310.18778v1 | http://arxiv.org/abs/2310.18778v1 | Abdellah El Mekki, Muhammad Abdul-Mageed, ElMoatez Billah Nagoudi, Ismail Berrada, Ahmed Khoumsi | 2023-10-28T18:33:24Z | cs.CL | Bilingual Lexicon Induction (BLI), where words are translated between two
languages, is an important NLP task. While noticeable progress on BLI in rich
resource languages using static word embeddings has been achieved. The word
translation performance can be further improved by incorporating information
from contextualized word embeddings. In this paper, we introduce ProMap, a
novel approach for BLI that leverages the power of prompting pretrained
multilingual and multidialectal language models to address these challenges. To
overcome the employment of subword tokens in these models, ProMap relies on an
effective padded prompting of language models with a seed dictionary that
achieves good performance when used independently. We also demonstrate the
effectiveness of ProMap in re-ranking results from other BLI methods such as
with aligned static word embeddings. When evaluated on both rich-resource and
low-resource languages, ProMap consistently achieves state-of-the-art results.
Furthermore, ProMap enables strong performance in few-shot scenarios (even with
less than 10 training examples), making it a valuable tool for low-resource
language translation. Overall, we believe our method offers both exciting and
promising direction for BLI in general and low-resource languages in
particular. ProMap code and data are available at
\url{https://github.com/4mekki4/promap}. | cs.CL | ProMap: Effective Bilingual Lexicon Induction via Language Model Prompting |
2023-10-28T17:50:13Z | http://arxiv.org/pdf/2310.18768v1 | http://arxiv.org/abs/2310.18768v1 | Kaijian Zou, Xinliang Frederick Zhang, Winston Wu, Nick Beauchamp, Lu Wang | 2023-10-28T17:50:13Z | cs.CL | News media is expected to uphold unbiased reporting. Yet they may still
affect public opinion by selectively including or omitting events that support
or contradict their ideological positions. Prior work in NLP has only studied
media bias via linguistic style and word usage. In this paper, we study to
which degree media balances news reporting and affects consumers through event
inclusion or omission. We first introduce the task of detecting both partisan
and counter-partisan events: events that support or oppose the author's
political ideology. To conduct our study, we annotate a high-quality dataset,
PAC, containing 8,511 (counter-)partisan event annotations in 304 news articles
from ideologically diverse media outlets. We benchmark PAC to highlight the
challenges of this task. Our findings highlight both the ways in which the news
subtly shapes opinion and the need for large language models that better
understand events within a broader context. Our dataset can be found at
https://github.com/launchnlp/Partisan-Event-Dataset. | cs.CL | Crossing the Aisle: Unveiling Partisan and Counter-Partisan Events in News Reporting |
2023-10-28T17:27:59Z | http://arxiv.org/pdf/2311.14674v1 | http://arxiv.org/abs/2311.14674v1 | Muhammad Arslan Raza, Muhammad Shoaib Farooq, Adel Khelifi, Atif Alvi | 2023-10-28T17:27:59Z | cs.CL, cs.AI, cs.IT, math.IT | Emotions, as a fundamental ingredient of any social interaction, lead to
behaviors that represent the effectiveness of the interaction through facial
expressions and gestures in humans. Hence an agent must possess the social and
cognitive abilities to understand human social parameters and behave
accordingly. However, no such emotion-oriented behavior model is presented yet
in the existing research. The emotion prediction may generate appropriate
agents' behaviors for effective interaction using conversation modality.
Considering the importance of emotions, and behaviors, for an agent's social
interaction, an Emotion-based Behavior model is presented in this paper for
Socio-cognitive artificial agents. The proposed model is implemented using
tweets data trained on multiple models like Long Short-Term Memory (LSTM),
Convolution Neural Network (CNN) and Bidirectional Encoder Representations from
Transformers (BERT) for emotion prediction with an average accuracy of 92%, and
55% respectively. Further, using emotion predictions from CNN-LSTM, the
behavior module responds using facial expressions and gestures using Behavioral
Markup Language (BML). The accuracy of emotion-based behavior predictions is
statistically validated using the 2-tailed Pearson correlation on the data
collected from human users through questionnaires. Analysis shows that all
emotion-based behaviors accurately depict human-like gestures and facial
expressions based on the significant correlation at the 0.01 and 0.05 levels.
This study is a steppingstone to a multi-faceted artificial agent interaction
based on emotion-oriented behaviors. Cognition has significance regarding
social interaction among humans. | cs.CL | Emotion-Oriented Behavior Model Using Deep Learning |
2023-10-28T15:42:47Z | http://arxiv.org/pdf/2310.18738v1 | http://arxiv.org/abs/2310.18738v1 | Yangjun Wu, Kebin Fang, Dongxiang Zhang, Han Wang, Hao Zhang, Gang Chen | 2023-10-28T15:42:47Z | cs.CL, cs.LG | Structured dropout approaches, such as attention dropout and DropHead, have
been investigated to regularize the multi-head attention mechanism in
Transformers. In this paper, we propose a new regularization scheme based on
token-level rather than structure-level to reduce overfitting. Specifically, we
devise a novel Token-Level Masking (TLM) training strategy for Transformers to
regularize the connections of self-attention, which consists of two masking
techniques that are effective and easy to implement. The underlying idea is to
manipulate the connections between tokens in the multi-head attention via
masking, where the networks are forced to exploit partial neighbors'
information to produce a meaningful representation. The generality and
effectiveness of TLM are thoroughly evaluated via extensive experiments on 4
diversified NLP tasks across 18 datasets, including natural language
understanding benchmark GLUE, ChineseGLUE, Chinese Grammatical Error
Correction, and data-to-text generation. The results indicate that TLM can
consistently outperform attention dropout and DropHead, e.g., it increases by
0.5 points relative to DropHead with BERT-large on GLUE. Moreover, TLM can
establish a new record on the data-to-text benchmark Rotowire (18.93 BLEU). Our
code will be publicly available at https://github.com/Young1993/tlm. | cs.CL | TLM: Token-Level Masking for Transformers |
2023-10-28T15:20:44Z | http://arxiv.org/pdf/2310.18729v1 | http://arxiv.org/abs/2310.18729v1 | Jakub Drápal, Hannes Westermann, Jaromir Savelka | 2023-10-28T15:20:44Z | cs.AI, cs.CL, cs.HC | Thematic analysis and other variants of inductive coding are widely used
qualitative analytic methods within empirical legal studies (ELS). We propose a
novel framework facilitating effective collaboration of a legal expert with a
large language model (LLM) for generating initial codes (phase 2 of thematic
analysis), searching for themes (phase 3), and classifying the data in terms of
the themes (to kick-start phase 4). We employed the framework for an analysis
of a dataset (n=785) of facts descriptions from criminal court opinions
regarding thefts. The goal of the analysis was to discover classes of typical
thefts. Our results show that the LLM, namely OpenAI's GPT-4, generated
reasonable initial codes, and it was capable of improving the quality of the
codes based on expert feedback. They also suggest that the model performed well
in zero-shot classification of facts descriptions in terms of the themes.
Finally, the themes autonomously discovered by the LLM appear to map fairly
well to the themes arrived at by legal experts. These findings can be leveraged
by legal researchers to guide their decisions in integrating LLMs into their
thematic analyses, as well as other inductive coding projects. | cs.AI | Using Large Language Models to Support Thematic Analysis in Empirical Legal Studies |
2023-10-28T12:46:40Z | http://arxiv.org/pdf/2310.18696v1 | http://arxiv.org/abs/2310.18696v1 | Giulio Starace, Konstantinos Papakostas, Rochelle Choenni, Apostolos Panagiotopoulos, Matteo Rosati, Alina Leidinger, Ekaterina Shutova | 2023-10-28T12:46:40Z | cs.CL, cs.AI, cs.LG | Large Language Models (LLMs) exhibit impressive performance on a range of NLP
tasks, due to the general-purpose linguistic knowledge acquired during
pretraining. Existing model interpretability research (Tenney et al., 2019)
suggests that a linguistic hierarchy emerges in the LLM layers, with lower
layers better suited to solving syntactic tasks and higher layers employed for
semantic processing. Yet, little is known about how encodings of different
linguistic phenomena interact within the models and to what extent processing
of linguistically-related categories relies on the same, shared model
representations. In this paper, we propose a framework for testing the joint
encoding of linguistic categories in LLMs. Focusing on syntax, we find evidence
of joint encoding both at the same (related part-of-speech (POS) classes) and
different (POS classes and related syntactic dependency relations) levels of
linguistic hierarchy. Our cross-lingual experiments show that the same patterns
hold across languages in multilingual LLMs. | cs.CL | Probing LLMs for Joint Encoding of Linguistic Categories |
2023-10-28T11:57:51Z | http://arxiv.org/pdf/2310.18685v1 | http://arxiv.org/abs/2310.18685v1 | Sandeep Kumar, Tirthankar Ghosal, Asif Ekbal | 2023-10-28T11:57:51Z | cs.CL | To this date, the efficacy of the scientific publishing enterprise
fundamentally rests on the strength of the peer review process. The journal
editor or the conference chair primarily relies on the expert reviewers'
assessment, identify points of agreement and disagreement and try to reach a
consensus to make a fair and informed decision on whether to accept or reject a
paper. However, with the escalating number of submissions requiring review,
especially in top-tier Artificial Intelligence (AI) conferences, the
editor/chair, among many other works, invests a significant, sometimes
stressful effort to mitigate reviewer disagreements. Here in this work, we
introduce a novel task of automatically identifying contradictions among
reviewers on a given article. To this end, we introduce ContraSciView, a
comprehensive review-pair contradiction dataset on around 8.5k papers (with
around 28k review pairs containing nearly 50k review pair comments) from the
open review-based ICLR and NeurIPS conferences. We further propose a baseline
model that detects contradictory statements from the review pairs. To the best
of our knowledge, we make the first attempt to identify disagreements among
peer reviewers automatically. We make our dataset and code public for further
investigations. | cs.CL | When Reviewers Lock Horn: Finding Disagreement in Scientific Peer Reviews |
2023-10-28T11:22:22Z | http://arxiv.org/pdf/2310.18679v2 | http://arxiv.org/abs/2310.18679v2 | Sajad Mousavi, Ricardo Luna Gutiérrez, Desik Rengarajan, Vineet Gundecha, Ashwin Ramesh Babu, Avisek Naug, Antonio Guillen, Soumyendu Sarkar | 2023-11-08T13:23:20Z | cs.CL, cs.AI, cs.LG | We propose a self-correction mechanism for Large Language Models (LLMs) to
mitigate issues such as toxicity and fact hallucination. This method involves
refining model outputs through an ensemble of critics and the model's own
feedback. Drawing inspiration from human behavior, we explore whether LLMs can
emulate the self-correction process observed in humans who often engage in
self-reflection and seek input from others to refine their understanding of
complex topics. Our approach is model-agnostic and can be applied across
various domains to enhance trustworthiness by addressing fairness, bias, and
robustness concerns. We consistently observe performance improvements in LLMs
for reducing toxicity and correcting factual errors. | cs.CL | N-Critics: Self-Refinement of Large Language Models with Ensemble of Critics |
2023-10-28T10:21:40Z | http://arxiv.org/pdf/2310.18662v1 | http://arxiv.org/abs/2310.18662v1 | Ruisheng Cao, Hanchong Zhang, Hongshen Xu, Jieyu Li, Da Ma, Lu Chen, Kai Yu | 2023-10-28T10:21:40Z | cs.CL | Text-to-SQL aims to generate an executable SQL program given the user
utterance and the corresponding database schema. To ensure the well-formedness
of output SQLs, one prominent approach adopts a grammar-based recurrent decoder
to produce the equivalent SQL abstract syntax tree (AST). However, previous
methods mainly utilize an RNN-series decoder, which 1) is time-consuming and
inefficient and 2) introduces very few structure priors. In this work, we
propose an AST structure-aware Transformer decoder (ASTormer) to replace
traditional RNN cells. The structural knowledge, such as node types and
positions in the tree, is seamlessly incorporated into the decoder via both
absolute and relative position embeddings. Besides, the proposed framework is
compatible with different traversing orders even considering adaptive node
selection. Extensive experiments on five text-to-SQL benchmarks demonstrate the
effectiveness and efficiency of our structured decoder compared to competitive
baselines. | cs.CL | ASTormer: An AST Structure-aware Transformer Decoder for Text-to-SQL |
2023-10-28T10:05:51Z | http://arxiv.org/pdf/2310.18659v2 | http://arxiv.org/abs/2310.18659v2 | Hongda Sun, Weikai Xu, Wei Liu, Jian Luan, Bin Wang, Shuo Shang, Ji-Rong Wen, Rui Yan | 2024-05-26T14:47:13Z | cs.AI, cs.CL | Recent advances in large language models (LLMs) have revolutionized the
landscape of reasoning tasks. To enhance the capabilities of LLMs to emulate
human reasoning, prior studies have focused on modeling reasoning steps using
various thought structures like chains, trees, or graphs. However, LLM-based
reasoning still encounters the following challenges: (1) Limited adaptability
of preset structures to diverse tasks; (2) Insufficient precision in exploiting
known conditions to derive new ones; and (3) Inadequate consideration of
historical reasoning experiences for subsequent reasoning steps. To this end,
we propose DetermLR, a novel perspective that rethinks the reasoning process as
an evolution from indeterminacy to determinacy. First, we categorize known
conditions into two types: determinate and indeterminate premises This provides
an oveall direction for the reasoning process and guides LLMs in converting
indeterminate data into progressively determinate insights. Subsequently, we
leverage quantitative measurements to prioritize more relevant premises to
explore new insights. Furthermore, we automate the storage and extraction of
available premises and reasoning paths with reasoning memory, preserving
historical reasoning details for subsequent reasoning steps. Comprehensive
experimental results demonstrate that DetermLR surpasses all baselines on
various logical reasoning benchmarks: LogiQA, ProofWriter, FOLIO, PrOntoQA, and
LogicalDeduction. Compared to previous multi-step reasoning methods, DetermLR
achieves higher accuracy with fewer reasoning steps, highlighting its superior
efficiency and effectiveness in solving logical reasoning tasks. | cs.AI | DetermLR: Augmenting LLM-based Logical Reasoning from Indeterminacy to Determinacy |
2023-10-28T09:42:04Z | http://arxiv.org/pdf/2310.18652v2 | http://arxiv.org/abs/2310.18652v2 | Seongsu Bae, Daeun Kyung, Jaehee Ryu, Eunbyeol Cho, Gyubok Lee, Sunjun Kweon, Jungwoo Oh, Lei Ji, Eric I-Chao Chang, Tackeun Kim, Edward Choi | 2023-12-25T16:26:23Z | cs.CL, cs.AI, cs.CV | Electronic Health Records (EHRs), which contain patients' medical histories
in various multi-modal formats, often overlook the potential for joint
reasoning across imaging and table modalities underexplored in current EHR
Question Answering (QA) systems. In this paper, we introduce EHRXQA, a novel
multi-modal question answering dataset combining structured EHRs and chest
X-ray images. To develop our dataset, we first construct two uni-modal
resources: 1) The MIMIC-CXR-VQA dataset, our newly created medical visual
question answering (VQA) benchmark, specifically designed to augment the
imaging modality in EHR QA, and 2) EHRSQL (MIMIC-IV), a refashioned version of
a previously established table-based EHR QA dataset. By integrating these two
uni-modal resources, we successfully construct a multi-modal EHR QA dataset
that necessitates both uni-modal and cross-modal reasoning. To address the
unique challenges of multi-modal questions within EHRs, we propose a
NeuralSQL-based strategy equipped with an external VQA API. This pioneering
endeavor enhances engagement with multi-modal EHR sources and we believe that
our dataset can catalyze advances in real-world medical scenarios such as
clinical decision-making and research. EHRXQA is available at
https://github.com/baeseongsu/ehrxqa. | cs.CL | EHRXQA: A Multi-Modal Question Answering Dataset for Electronic Health Records with Chest X-ray Images |
2023-10-28T08:21:16Z | http://arxiv.org/pdf/2310.18633v1 | http://arxiv.org/abs/2310.18633v1 | Ruixiang Tang, Jiayi Yuan, Yiming Li, Zirui Liu, Rui Chen, Xia Hu | 2023-10-28T08:21:16Z | cs.LG, cs.AI, cs.CL | In the field of natural language processing, the prevalent approach involves
fine-tuning pretrained language models (PLMs) using local samples. Recent
research has exposed the susceptibility of PLMs to backdoor attacks, wherein
the adversaries can embed malicious prediction behaviors by manipulating a few
training samples. In this study, our objective is to develop a
backdoor-resistant tuning procedure that yields a backdoor-free model, no
matter whether the fine-tuning dataset contains poisoned samples. To this end,
we propose and integrate a honeypot module into the original PLM, specifically
designed to absorb backdoor information exclusively. Our design is motivated by
the observation that lower-layer representations in PLMs carry sufficient
backdoor features while carrying minimal information about the original tasks.
Consequently, we can impose penalties on the information acquired by the
honeypot module to inhibit backdoor creation during the fine-tuning process of
the stem network. Comprehensive experiments conducted on benchmark datasets
substantiate the effectiveness and robustness of our defensive strategy.
Notably, these results indicate a substantial reduction in the attack success
rate ranging from 10\% to 40\% when compared to prior state-of-the-art methods. | cs.LG | Setting the Trap: Capturing and Defeating Backdoors in Pretrained Language Models through Honeypots |
2023-10-28T07:54:39Z | http://arxiv.org/pdf/2310.18628v2 | http://arxiv.org/abs/2310.18628v2 | Hailin Chen, Amrita Saha, Steven Hoi, Shafiq Joty | 2024-01-26T10:02:57Z | cs.CL, cs.LG | With the rise of powerful closed-sourced LLMs (ChatGPT, GPT-4), there are
increasing interests in distilling the capabilies of close-sourced LLMs to
smaller open-sourced LLMs. Previous distillation methods usually prompt ChatGPT
to generate a set of instructions and answers, for the student model to learn.
However, such standard distillation approach neglects the merits and conditions
of the student model. Inspired by modern teaching principles, we design a
personalised distillation process, in which the student attempts to solve a
task first, then the teacher provides an adaptive refinement for the student to
improve. Instead of feeding the student with teacher's prior, personalised
distillation enables personalised learning for the student model, as it only
learns on examples it makes mistakes upon and learns to improve its own
solution. On code generation, personalised distillation consistently
outperforms standard distillation with only one third of the data. With only
2.5-3K personalised examples that incur a data-collection cost of 4-6$, we
boost CodeGen-mono-16B by 7% to achieve 36.4% pass@1 and StarCoder by 12.2% to
achieve 45.8% pass@1 on HumanEval. | cs.CL | Personalised Distillation: Empowering Open-Sourced LLMs with Adaptive Learning for Code Generation |
2023-10-28T07:00:28Z | http://arxiv.org/pdf/2310.18619v1 | http://arxiv.org/abs/2310.18619v1 | Nan Xu, Fei Wang, Mingtao Dong, Muhao Chen | 2023-10-28T07:00:28Z | cs.CL, cs.AI, cs.IR, cs.LG | Many discriminative natural language understanding (NLU) tasks have large
label spaces. Learning such a process of large-space decision making is
particularly challenging due to the lack of training instances per label and
the difficulty of selection among many fine-grained labels. Inspired by dense
retrieval methods for passage finding in open-domain QA, we propose a
reformulation of large-space discriminative NLU tasks as a learning-to-retrieve
task, leading to a novel solution named Dense Decision Retrieval (DDR ).
Instead of predicting fine-grained decisions as logits, DDR adopts a
dual-encoder architecture that learns to predict by retrieving from a decision
thesaurus. This approach not only leverages rich indirect supervision signals
from easy-to-consume learning resources for dense retrieval, it also leads to
enhanced prediction generalizability with a semantically meaningful
representation of the large decision space. When evaluated on tasks with
decision spaces ranging from hundreds to hundred-thousand scales, DDR
outperforms strong baselines greatly by 27.54% in P@1 on two extreme
multi-label classification tasks, 1.17% in F1 score ultra-fine entity typing,
and 1.26% in accuracy on three few-shot intent classification tasks on average.
Code and resources are available at https://github.com/luka-group/DDR | cs.CL | Dense Retrieval as Indirect Supervision for Large-space Decision Making |
2023-10-28T06:11:18Z | http://arxiv.org/pdf/2310.18604v1 | http://arxiv.org/abs/2310.18604v1 | Chonggang Lu, Richong Zhang, Kai Sun, Jaein Kim, Cunwang Zhang, Yongyi Mao | 2023-10-28T06:11:18Z | cs.CL | Document-level relation extraction (DocRE) involves identifying relations
between entities distributed in multiple sentences within a document. Existing
methods focus on building a heterogeneous document graph to model the internal
structure of an entity and the external interaction between entities. However,
there are two drawbacks in existing methods. On one hand, anaphor plays an
important role in reasoning to identify relations between entities but is
ignored by these methods. On the other hand, these methods achieve
cross-sentence entity interactions implicitly by utilizing a document or
sentences as intermediate nodes. Such an approach has difficulties in learning
fine-grained interactions between entities across different sentences,
resulting in sub-optimal performance. To address these issues, we propose an
Anaphor-Assisted (AA) framework for DocRE tasks. Experimental results on the
widely-used datasets demonstrate that our model achieves a new state-of-the-art
performance. | cs.CL | Anaphor Assisted Document-Level Relation Extraction |
2023-10-28T05:51:57Z | http://arxiv.org/pdf/2310.18600v1 | http://arxiv.org/abs/2310.18600v1 | Debtanu Datta, Shubham Soni, Rajdeep Mukherjee, Saptarshi Ghosh | 2023-10-28T05:51:57Z | cs.CL, cs.AI | Automatic summarization of legal case judgments is a practically important
problem that has attracted substantial research efforts in many countries. In
the context of the Indian judiciary, there is an additional complexity --
Indian legal case judgments are mostly written in complex English, but a
significant portion of India's population lacks command of the English
language. Hence, it is crucial to summarize the legal documents in Indian
languages to ensure equitable access to justice. While prior research primarily
focuses on summarizing legal case judgments in their source languages, this
study presents a pioneering effort toward cross-lingual summarization of
English legal documents into Hindi, the most frequently spoken Indian language.
We construct the first high-quality legal corpus comprising of 3,122 case
judgments from prominent Indian courts in English, along with their summaries
in both English and Hindi, drafted by legal practitioners. We benchmark the
performance of several diverse summarization approaches on our corpus and
demonstrate the need for further research in cross-lingual summarization in the
legal domain. | cs.CL | MILDSum: A Novel Benchmark Dataset for Multilingual Summarization of Indian Legal Case Judgments |
2023-10-28T04:07:58Z | http://arxiv.org/pdf/2310.18581v2 | http://arxiv.org/abs/2310.18581v2 | Neeraj Varshney, Agneet Chatterjee, Mihir Parmar, Chitta Baral | 2023-11-07T05:44:17Z | cs.CL | Large Language Models (LLMs) have achieved remarkable performance across a
wide variety of natural language tasks; however, their large size makes their
inference slow and computationally expensive. Focusing on this problem, we
propose to instruction tune LLMs with additional explicit losses from the
intermediate layers (LITE) and show that it enables these layers to acquire
'good' generation ability without affecting the generation ability of the final
layer. We perform 'dynamic confidence-based early exiting' at token level from
the intermediate layers which improves the efficiency of text generation
without compromising the quality of the generation. We conduct comprehensive
experiments by instruction tuning LLaMA-2 models on the Alpaca dataset and
holistically evaluate on four different human-instruction test sets. We show
that dynamic early exiting achieves consistent and considerable inference
computation cost improvements (37.86% for 7B and 46.35% for 13B model) while
maintaining the generation quality of the responses. We further conduct a
thorough analysis of the results over several important aspects, such as
comparing the semantic similarity of the outputs and dissecting the efficiency
improvements by comparing the number of tokens generated in the output. In
summary, our work contributes to improving the efficiency of LLM inference
while maintaining the generation quality, a crucial step en route to enabling
their widespread adoption. | cs.CL | Accelerating LLaMA Inference by Enabling Intermediate Layer Decoding via Instruction Tuning with LITE |
2023-10-28T01:01:30Z | http://arxiv.org/pdf/2311.12882v3 | http://arxiv.org/abs/2311.12882v3 | Ummara Mumtaz, Awais Ahmed, Summaya Mumtaz | 2024-02-26T04:18:12Z | cs.CL | We aim to present a comprehensive overview of the latest advancements in
utilizing Large Language Models (LLMs) within the healthcare sector,
emphasizing their transformative impact across various medical domains. LLMs
have become pivotal in supporting healthcare, including physicians, healthcare
providers, and patients. Our review provides insight into the applications of
Large Language Models (LLMs) in healthcare, specifically focusing on diagnostic
and treatment-related functionalities. We shed light on how LLMs are applied in
cancer care, dermatology, dental care, neurodegenerative disorders, and mental
health, highlighting their innovative contributions to medical diagnostics and
patient care. Throughout our analysis, we explore the challenges and
opportunities associated with integrating LLMs in healthcare, recognizing their
potential across various medical specialties despite existing limitations.
Additionally, we offer an overview of handling diverse data types within the
medical field. | cs.CL | LLMs-Healthcare : Current Applications and Challenges of Large Language Models in various Medical Specialties |
2023-10-28T00:27:21Z | http://arxiv.org/pdf/2310.18545v1 | http://arxiv.org/abs/2310.18545v1 | Yuanyuan Lei, Ruihong Huang | 2023-10-28T00:27:21Z | cs.CL | Conspiracy theories, as a type of misinformation, are narratives that
explains an event or situation in an irrational or malicious manner. While most
previous work examined conspiracy theory in social media short texts, limited
attention was put on such misinformation in long news documents. In this paper,
we aim to identify whether a news article contains conspiracy theories. We
observe that a conspiracy story can be made up by mixing uncorrelated events
together, or by presenting an unusual distribution of relations between events.
Achieving a contextualized understanding of events in a story is essential for
detecting conspiracy theories. Thus, we propose to incorporate an event
relation graph for each article, in which events are nodes, and four common
types of event relations, coreference, temporal, causal, and subevent
relations, are considered as edges. Then, we integrate the event relation graph
into conspiracy theory identification in two ways: an event-aware language
model is developed to augment the basic language model with the knowledge of
events and event relations via soft labels; further, a heterogeneous graph
attention network is designed to derive a graph embedding based on hard labels.
Experiments on a large benchmark dataset show that our approach based on event
relation graph improves both precision and recall of conspiracy theory
identification, and generalizes well for new unseen media sources. | cs.CL | Identifying Conspiracy Theories News based on Event Relation Graph |
2023-10-28T00:18:19Z | http://arxiv.org/pdf/2310.18544v1 | http://arxiv.org/abs/2310.18544v1 | Yuanyuan Lei, Ruihong Huang | 2023-10-28T00:18:19Z | cs.CL | Propaganda is a form of deceptive narratives that instigate or mislead the
public, usually with a political purpose. In this paper, we aim to identify
propaganda in political news at two fine-grained levels: sentence-level and
token-level. We observe that propaganda content is more likely to be embedded
in sentences that attribute causality or assert contrast to nearby sentences,
as well as seen in opinionated evaluation, speculation and discussions of
future expectation. Hence, we propose to incorporate both local and global
discourse structures for propaganda discovery and construct two teacher models
for identifying PDTB-style discourse relations between nearby sentences and
common discourse roles of sentences in a news article respectively. We further
devise two methods to incorporate the two types of discourse structures for
propaganda identification by either using teacher predicted probabilities as
additional features or soliciting guidance in a knowledge distillation
framework. Experiments on the benchmark dataset demonstrate that leveraging
guidance from discourse structures can significantly improve both precision and
recall of propaganda content identification. | cs.CL | Discourse Structures Guided Fine-grained Propaganda Identification |
2023-10-27T23:36:14Z | http://arxiv.org/pdf/2310.18538v1 | http://arxiv.org/abs/2310.18538v1 | Mohammadreza Pourreza, Davood Rafiei | 2023-10-27T23:36:14Z | cs.CL, cs.DB, cs.LG | Text-to-SQL benchmarks play a crucial role in evaluating the progress made in
the field and the ranking of different models. However, accurately matching a
model-generated SQL query to a reference SQL query in a benchmark fails for
various reasons, such as underspecified natural language queries, inherent
assumptions in both model-generated and reference queries, and the
non-deterministic nature of SQL output under certain conditions. In this paper,
we conduct an extensive study of several prominent cross-domain text-to-SQL
benchmarks and re-evaluate some of the top-performing models within these
benchmarks, by both manually evaluating the SQL queries and rewriting them in
equivalent expressions. Our evaluation reveals that attaining a perfect
performance on these benchmarks is unfeasible due to the multiple
interpretations that can be derived from the provided samples. Furthermore, we
find that the true performance of the models is underestimated and their
relative performance changes after a re-evaluation. Most notably, our
evaluation reveals a surprising discovery: a recent GPT4-based model surpasses
the gold standard reference queries in the Spider benchmark in our human
evaluation. This finding highlights the importance of interpreting benchmark
evaluations cautiously, while also acknowledging the critical role of
additional independent evaluations in driving advancements in the field. | cs.CL | Evaluating Cross-Domain Text-to-SQL Models and Benchmarks |
2023-10-27T21:31:34Z | http://arxiv.org/pdf/2310.18502v1 | http://arxiv.org/abs/2310.18502v1 | Maria Valentini, Jennifer Weber, Jesus Salcido, Téa Wright, Eliana Colunga, Katharina Kann | 2023-10-27T21:31:34Z | cs.CL | With recent advances in large language models (LLMs), the concept of
automatically generating children's educational materials has become
increasingly realistic. Working toward the goal of age-appropriate simplicity
in generated educational texts, we first examine the ability of several popular
LLMs to generate stories with properly adjusted lexical and readability levels.
We find that, in spite of the growing capabilities of LLMs, they do not yet
possess the ability to limit their vocabulary to levels appropriate for younger
age groups. As a second experiment, we explore the ability of state-of-the-art
lexical simplification models to generalize to the domain of children's stories
and, thus, create an efficient pipeline for their automatic generation. In
order to test these models, we develop a dataset of child-directed lexical
simplification instances, with examples taken from the LLM-generated stories in
our first experiment. We find that, while the strongest-performing current
lexical simplification models do not perform as well on material designed for
children due to their reliance on large language models behind the scenes, some
models that still achieve fairly strong results on general data can mimic or
even improve their performance on children-directed data with proper
fine-tuning, which we conduct using our newly created child-directed
simplification dataset. | cs.CL | On the Automatic Generation and Simplification of Children's Stories |
2023-10-27T21:08:51Z | http://arxiv.org/pdf/2310.18491v3 | http://arxiv.org/abs/2310.18491v3 | Jaiden Fairoze, Sanjam Garg, Somesh Jha, Saeed Mahloujifar, Mohammad Mahmoody, Mingyuan Wang | 2024-05-28T06:10:45Z | cs.LG, cs.CL, cs.CR | We present a highly detectable, trustless watermarking scheme for LLMs: the
detection algorithm contains no secret information, and it is executable by
anyone. We embed a publicly-verifiable cryptographic signature into LLM output
using rejection sampling. We prove that our scheme is cryptographically
correct, sound, and distortion-free. We make novel uses of error-correction
techniques to overcome periods of low entropy, a barrier for all prior
watermarking schemes. We implement our scheme and make empirical measurements
over open models in the 2.7B to 70B parameter range. Our experiments suggest
that our formal claims are met in practice. | cs.LG | Publicly-Detectable Watermarking for Language Models |
2023-10-27T20:15:23Z | http://arxiv.org/pdf/2310.18463v6 | http://arxiv.org/abs/2310.18463v6 | Mingchen Li, Huixue Zhou, Rui Zhang | 2024-04-27T13:28:18Z | cs.CL | Biomedical triple extraction systems aim to automatically extract biomedical
entities and relations between entities. The exploration of applying large
language models (LLM) to triple extraction is still relatively unexplored. In
this work, we mainly focus on sentence-level biomedical triple extraction.
Furthermore, the absence of a high-quality biomedical triple extraction dataset
impedes the progress in developing robust triple extraction systems. To address
these challenges, initially, we compare the performance of various large
language models. Additionally, we present GIT, an expert-annotated biomedical
triple extraction dataset that covers a wider range of relation types. | cs.CL | Benchingmaking Large Langage Models in Biomedical Triple Extraction |
2023-10-27T20:11:38Z | http://arxiv.org/pdf/2310.18458v2 | http://arxiv.org/abs/2310.18458v2 | Chloe Qinyu Zhu, Rickard Stureborg, Brandon Fain | 2023-11-11T22:29:58Z | cs.CL, cs.CY | Language Representation Models (LRMs) trained with real-world data may
capture and exacerbate undesired bias and cause unfair treatment of people in
various demographic groups. Several techniques have been investigated for
applying interventions to LRMs to remove bias in benchmark evaluations on, for
example, word embeddings. However, the negative side effects of debiasing
interventions are usually not revealed in the downstream tasks. We propose
xGAP-DEBIAS, a set of evaluations on assessing the fairness of debiasing. In
this work, We examine four debiasing techniques on a real-world text
classification task and show that reducing biasing is at the cost of degrading
performance for all demographic groups, including those the debiasing
techniques aim to protect. We advocate that a debiasing technique should have
good downstream performance with the constraint of ensuring no harm to the
protected group. | cs.CL | Do Not Harm Protected Groups in Debiasing Language Representation Models |
2023-10-27T20:04:57Z | http://arxiv.org/pdf/2310.18454v1 | http://arxiv.org/abs/2310.18454v1 | Rebecca M. M. Hicke, David Mimno | 2023-10-27T20:04:57Z | cs.CL, cs.LG | Large language models have shown breakthrough potential in many NLP domains.
Here we consider their use for stylometry, specifically authorship
identification in Early Modern English drama. We find both promising and
concerning results; LLMs are able to accurately predict the author of
surprisingly short passages but are also prone to confidently misattribute
texts to specific authors. A fine-tuned t5-large model outperforms all tested
baselines, including logistic regression, SVM with a linear kernel, and cosine
delta, at attributing small passages. However, we see indications that the
presence of certain authors in the model's pre-training data affects predictive
results in ways that are difficult to assess. | cs.CL | T5 meets Tybalt: Author Attribution in Early Modern English Drama Using Large Language Models |
2023-10-27T19:27:59Z | http://arxiv.org/pdf/2310.18440v1 | http://arxiv.org/abs/2310.18440v1 | Rosamond Thalken, Edward H. Stiglitz, David Mimno, Matthew Wilkens | 2023-10-27T19:27:59Z | cs.CL | Generative language models (LMs) are increasingly used for document
class-prediction tasks and promise enormous improvements in cost and
efficiency. Existing research often examines simple classification tasks, but
the capability of LMs to classify on complex or specialized tasks is less well
understood. We consider a highly complex task that is challenging even for
humans: the classification of legal reasoning according to jurisprudential
philosophy. Using a novel dataset of historical United States Supreme Court
opinions annotated by a team of domain experts, we systematically test the
performance of a variety of LMs. We find that generative models perform poorly
when given instructions (i.e. prompts) equal to the instructions presented to
human annotators through our codebook. Our strongest results derive from
fine-tuning models on the annotated dataset; the best performing model is an
in-domain model, LEGAL-BERT. We apply predictions from this fine-tuned model to
study historical trends in jurisprudence, an exercise that both aligns with
prominent qualitative historical accounts and points to areas of possible
refinement in those accounts. Our findings generally sound a note of caution in
the use of generative LMs on complex tasks without fine-tuning and point to the
continued relevance of human annotation-intensive classification methods. | cs.CL | Modeling Legal Reasoning: LM Annotation at the Edge of Human Agreement |
2023-10-27T19:21:50Z | http://arxiv.org/pdf/2310.18435v1 | http://arxiv.org/abs/2310.18435v1 | S. M. Seals, Valerie L. Shalin | 2023-10-27T19:21:50Z | cs.CL | Despite considerable performance improvements, current conversational AI
systems often fail to meet user expectations. We discuss several pragmatic
limitations of current conversational AI systems. We illustrate pragmatic
limitations with examples that are syntactically appropriate, but have clear
pragmatic deficiencies. We label our complaints as "Turing Test Triggers"
(TTTs) as they indicate where current conversational AI systems fall short
compared to human behavior. We develop a taxonomy of pragmatic considerations
intended to identify what pragmatic competencies a conversational AI system
requires and discuss implications for the design and evaluation of
conversational AI systems. | cs.CL | Expanding the Set of Pragmatic Considerations in Conversational AI |
2023-10-27T19:09:30Z | http://arxiv.org/pdf/2310.18431v1 | http://arxiv.org/abs/2310.18431v1 | Adam D. Lelkes, Eric Loreaux, Tal Schuster, Ming-Jun Chen, Alvin Rajkomar | 2023-10-27T19:09:30Z | cs.CL | Social and behavioral determinants of health (SDOH) play a significant role
in shaping health outcomes, and extracting these determinants from clinical
notes is a first step to help healthcare providers systematically identify
opportunities to provide appropriate care and address disparities. Progress on
using NLP methods for this task has been hindered by the lack of high-quality
publicly available labeled data, largely due to the privacy and regulatory
constraints on the use of real patients' information. This paper introduces a
new dataset, SDOH-NLI, that is based on publicly available notes and which we
release publicly. We formulate SDOH extraction as a natural language inference
(NLI) task, and provide binary textual entailment labels obtained from human
raters for a cross product of a set of social history snippets as premises and
SDOH factors as hypotheses. Our dataset differs from standard NLI benchmarks in
that our premises and hypotheses are obtained independently. We evaluate both
"off-the-shelf" entailment models as well as models fine-tuned on our data, and
highlight the ways in which our dataset appears more challenging than commonly
used NLI datasets. | cs.CL | SDOH-NLI: a Dataset for Inferring Social Determinants of Health from Clinical Notes |
2023-10-27T18:17:29Z | http://arxiv.org/pdf/2310.18417v1 | http://arxiv.org/abs/2310.18417v1 | Aditi Chaudhary, Arun Sampath, Ashwin Sheshadri, Antonios Anastasopoulos, Graham Neubig | 2023-10-27T18:17:29Z | cs.CL | One of the challenges in language teaching is how best to organize rules
regarding syntax, semantics, or phonology in a meaningful manner. This not only
requires content creators to have pedagogical skills, but also have that
language's deep understanding. While comprehensive materials to develop such
curricula are available in English and some broadly spoken languages, for many
other languages, teachers need to manually create them in response to their
students' needs. This is challenging because i) it requires that such experts
be accessible and have the necessary resources, and ii) describing all the
intricacies of a language is time-consuming and prone to omission. In this
work, we aim to facilitate this process by automatically discovering and
visualizing grammar descriptions. We extract descriptions from a natural text
corpus that answer questions about morphosyntax (learning of word order,
agreement, case marking, or word formation) and semantics (learning of
vocabulary). We apply this method for teaching two Indian languages, Kannada
and Marathi, which, unlike English, do not have well-developed resources for
second language learning. To assess the perceived utility of the extracted
material, we enlist the help of language educators from schools in North
America to perform a manual evaluation, who find the materials have potential
to be used for their lesson preparation and learner evaluation. | cs.CL | Teacher Perception of Automatically Extracted Grammar Concepts for L2 Language Learning |
2023-10-27T17:59:51Z | http://arxiv.org/pdf/2310.18313v2 | http://arxiv.org/abs/2310.18313v2 | Houwen Peng, Kan Wu, Yixuan Wei, Guoshuai Zhao, Yuxiang Yang, Ze Liu, Yifan Xiong, Ziyue Yang, Bolin Ni, Jingcheng Hu, Ruihang Li, Miaosen Zhang, Chen Li, Jia Ning, Ruizhe Wang, Zheng Zhang, Shuguang Liu, Joe Chau, Han Hu, Peng Cheng | 2023-12-19T12:27:58Z | cs.LG, cs.CL | In this paper, we explore FP8 low-bit data formats for efficient training of
large language models (LLMs). Our key insight is that most variables, such as
gradients and optimizer states, in LLM training can employ low-precision data
formats without compromising model accuracy and requiring no changes to
hyper-parameters. Specifically, we propose a new FP8 automatic mixed-precision
framework for training LLMs. This framework offers three levels of FP8
utilization to streamline mixed-precision and distributed parallel training for
LLMs. It gradually incorporates 8-bit gradients, optimizer states, and
distributed learning in an incremental manner. Experiment results show that,
during the training of GPT-175B model on H100 GPU platform, our FP8
mixed-precision training framework not only achieved a remarkable 39% reduction
in real memory usage but also ran 75% faster than the widely adopted BF16
framework (i.e., Megatron-LM), surpassing the speed of Nvidia Transformer
Engine by 37%. This largely reduces the training costs for large foundation
models. Furthermore, our FP8 mixed-precision training methodology is generic.
It can be seamlessly applied to other tasks such as LLM instruction tuning and
reinforcement learning with human feedback, offering savings in fine-tuning
expenses. Our FP8 low-precision training framework is open-sourced at
{https://github.com/Azure/MS-AMP}{aka.ms/MS.AMP}. | cs.LG | FP8-LM: Training FP8 Large Language Models |
2023-10-27T17:28:23Z | http://arxiv.org/pdf/2310.18290v1 | http://arxiv.org/abs/2310.18290v1 | Niharika Sri Parasa, Chaitali Diwan, Srinath Srinivasa | 2023-10-27T17:28:23Z | cs.CL | One of the primary challenges in online learning environments, is to retain
learner engagement. Several different instructional strategies are proposed
both in online and offline environments to enhance learner engagement. The
Concept Attainment Model is one such instructional strategy that focuses on
learners acquiring a deeper understanding of a concept rather than just its
dictionary definition. This is done by searching and listing the properties
used to distinguish examples from non-examples of various concepts. Our work
attempts to apply the Concept Attainment Model to build conceptual riddles, to
deploy over online learning environments. The approach involves creating
factual triples from learning resources, classifying them based on their
uniqueness to a concept into `Topic Markers' and `Common', followed by
generating riddles based on the Concept Attainment Model's format and capturing
all possible solutions to those riddles. The results obtained from the human
evaluation of riddles prove encouraging. | cs.CL | An Approach to Automatically generating Riddles aiding Concept Attainment |
2023-10-27T16:51:29Z | http://arxiv.org/pdf/2310.18263v1 | http://arxiv.org/abs/2310.18263v1 | Adhish S. Sujan, Ajitha. V, Aleena Benny, Amiya M. P., V. S. Anoop | 2023-10-27T16:51:29Z | cs.CL, cs.CY | The amount of news being consumed online has substantially expanded in recent
years. Fake news has become increasingly common, especially in regional
languages like Malayalam, due to the rapid publication and lack of editorial
standards on some online sites. Fake news may have a terrible effect on
society, causing people to make bad judgments, lose faith in authorities, and
even engage in violent behavior. When we take into the context of India, there
are many regional languages, and fake news is spreading in every language.
Therefore, providing efficient techniques for identifying false information in
regional tongues is crucial. Until now, little to no work has been done in
Malayalam, extracting features from multiple modalities to classify fake news.
Multimodal approaches are more accurate in detecting fake news, as features
from multiple modalities are extracted to build the deep learning
classification model. As far as we know, this is the first piece of work in
Malayalam that uses multimodal deep learning to tackle false information.
Models trained with more than one modality typically outperform models taught
with only one modality. Our study in the Malayalam language utilizing
multimodal deep learning is a significant step toward more effective
misinformation detection and mitigation. | cs.CL | MalFake: A Multimodal Fake News Identification for Malayalam using Recurrent Neural Networks and VGG-16 |
2023-10-27T16:24:24Z | http://arxiv.org/pdf/2310.18239v1 | http://arxiv.org/abs/2310.18239v1 | Yunhao Yang, Neel P. Bhatt, Tyler Ingebrand, William Ward, Steven Carr, Zhangyang Wang, Ufuk Topcu | 2023-10-27T16:24:24Z | cs.AI, cs.CL, cs.FL, cs.RO | Although pre-trained language models encode generic knowledge beneficial for
planning and control, they may fail to generate appropriate control policies
for domain-specific tasks. Existing fine-tuning methods use human feedback to
address this limitation, however, sourcing human feedback is labor intensive
and costly. We present a fully automated approach to fine-tune pre-trained
language models for applications in autonomous systems, bridging the gap
between generic knowledge and domain-specific requirements while reducing cost.
The method synthesizes automaton-based controllers from pre-trained models
guided by natural language task descriptions. These controllers are verifiable
against independently provided specifications within a world model, which can
be abstract or obtained from a high-fidelity simulator. Controllers with high
compliance with the desired specifications receive higher ranks, guiding the
iterative fine-tuning process. We provide quantitative evidences, primarily in
autonomous driving, to demonstrate the method's effectiveness across multiple
tasks. The results indicate an improvement in percentage of specifications
satisfied by the controller from 60% to 90%. | cs.AI | Fine-Tuning Language Models Using Formal Methods Feedback |
2023-10-27T16:20:10Z | http://arxiv.org/pdf/2310.18235v4 | http://arxiv.org/abs/2310.18235v4 | Jaemin Cho, Yushi Hu, Roopal Garg, Peter Anderson, Ranjay Krishna, Jason Baldridge, Mohit Bansal, Jordi Pont-Tuset, Su Wang | 2024-03-13T21:58:59Z | cs.CV, cs.AI, cs.CL, cs.LG | Evaluating text-to-image models is notoriously difficult. A strong recent
approach for assessing text-image faithfulness is based on QG/A (question
generation and answering), which uses pre-trained foundational models to
automatically generate a set of questions and answers from the prompt, and
output images are scored based on whether these answers extracted with a visual
question answering model are consistent with the prompt-based answers. This
kind of evaluation is naturally dependent on the quality of the underlying QG
and VQA models. We identify and address several reliability challenges in
existing QG/A work: (a) QG questions should respect the prompt (avoiding
hallucinations, duplications, and omissions) and (b) VQA answers should be
consistent (not asserting that there is no motorcycle in an image while also
claiming the motorcycle is blue). We address these issues with Davidsonian
Scene Graph (DSG), an empirically grounded evaluation framework inspired by
formal semantics, which is adaptable to any QG/A frameworks. DSG produces
atomic and unique questions organized in dependency graphs, which (i) ensure
appropriate semantic coverage and (ii) sidestep inconsistent answers. With
extensive experimentation and human evaluation on a range of model
configurations (LLM, VQA, and T2I), we empirically demonstrate that DSG
addresses the challenges noted above. Finally, we present DSG-1k, an
open-sourced evaluation benchmark that includes 1,060 prompts, covering a wide
range of fine-grained semantic categories with a balanced distribution. We
release the DSG-1k prompts and the corresponding DSG questions. | cs.CV | Davidsonian Scene Graph: Improving Reliability in Fine-grained Evaluation for Text-to-Image Generation |
2023-10-27T16:08:15Z | http://arxiv.org/pdf/2310.18229v1 | http://arxiv.org/abs/2310.18229v1 | Brielen Madureira, Pelin Çelikkol, David Schlangen | 2023-10-27T16:08:15Z | cs.CL | In NLP, incremental processors produce output in instalments, based on
incoming prefixes of the linguistic input. Some tokens trigger revisions,
causing edits to the output hypothesis, but little is known about why models
revise when they revise. A policy that detects the time steps where revisions
should happen can improve efficiency. Still, retrieving a suitable signal to
train a revision policy is an open problem, since it is not naturally available
in datasets. In this work, we investigate the appropriateness of regressions
and skips in human reading eye-tracking data as signals to inform revision
policies in incremental sequence labelling. Using generalised mixed-effects
models, we find that the probability of regressions and skips by humans can
potentially serve as useful predictors for revisions in BiLSTMs and Transformer
models, with consistent results for various languages. | cs.CL | Revising with a Backward Glance: Regressions and Skips during Reading as Cognitive Signals for Revision Policies in Incremental Processing |
2023-10-27T15:31:22Z | http://arxiv.org/pdf/2310.18208v2 | http://arxiv.org/abs/2310.18208v2 | Benjamin Feuer, Yurong Liu, Chinmay Hegde, Juliana Freire | 2023-11-06T13:16:27Z | cs.CL, cs.LG | Existing deep-learning approaches to semantic column type annotation (CTA)
have important shortcomings: they rely on semantic types which are fixed at
training time; require a large number of training samples per type and incur
large run-time inference costs; and their performance can degrade when
evaluated on novel datasets, even when types remain constant. Large language
models have exhibited strong zero-shot classification performance on a wide
range of tasks and in this paper we explore their use for CTA. We introduce
ArcheType, a simple, practical method for context sampling, prompt
serialization, model querying, and label remapping, which enables large
language models to solve CTA problems in a fully zero-shot manner. We ablate
each component of our method separately, and establish that improvements to
context sampling and label remapping provide the most consistent gains.
ArcheType establishes a new state-of-the-art performance on zero-shot CTA
benchmarks (including three new domain-specific benchmarks which we release
along with this paper), and when used in conjunction with classical CTA
techniques, it outperforms a SOTA DoDuo model on the fine-tuned SOTAB
benchmark. Our code is available at https://github.com/penfever/ArcheType. | cs.CL | ArcheType: A Novel Framework for Open-Source Column Type Annotation using Large Language Models |
2023-10-27T15:31:16Z | http://arxiv.org/pdf/2310.18207v1 | http://arxiv.org/abs/2310.18207v1 | Zishan Ahmad, Suman Saurabh, Vaishakh Sreekanth Menon, Asif Ekbal, Roshni Ramnani, Anutosh Maitra | 2023-10-27T15:31:16Z | cs.CL | In this paper, we propose a novel negotiation dialogue agent designed for the
online marketplace. Our agent is integrative in nature i.e, it possesses the
capability to negotiate on price as well as other factors, such as the addition
or removal of items from a deal bundle, thereby offering a more flexible and
comprehensive negotiation experience. We create a new dataset called
Integrative Negotiation Dataset (IND) to enable this functionality. For this
dataset creation, we introduce a new semi-automated data creation method, which
combines defining negotiation intents, actions, and intent-action simulation
between users and the agent to generate potential dialogue flows. Finally, the
prompting of GPT-J, a state-of-the-art language model, is done to generate
dialogues for a given intent, with a human-in-the-loop process for post-editing
and refining minor errors to ensure high data quality. We employ a set of novel
rewards, specifically tailored for the negotiation task to train our
Negotiation Agent, termed as the Integrative Negotiation Agent (INA). These
rewards incentivize the chatbot to learn effective negotiation strategies that
can adapt to various contextual requirements and price proposals. By leveraging
the IND, we train our model and conduct experiments to evaluate the
effectiveness of our reward-based dialogue system for negotiation. Our results
demonstrate that the proposed approach and reward system significantly enhance
the agent's negotiation capabilities. The INA successfully engages in
integrative negotiations, displaying the ability to dynamically adjust prices
and negotiate the inclusion or exclusion of items in a bundle deal | cs.CL | INA: An Integrative Approach for Enhancing Negotiation Strategies with Reward-Based Dialogue System |
2023-10-27T15:28:12Z | http://arxiv.org/pdf/2310.18205v1 | http://arxiv.org/abs/2310.18205v1 | Shubham Mittal, Megha Sundriyal, Preslav Nakov | 2023-10-27T15:28:12Z | cs.CL | Claim span identification (CSI) is an important step in fact-checking
pipelines, aiming to identify text segments that contain a checkworthy claim or
assertion in a social media post. Despite its importance to journalists and
human fact-checkers, it remains a severely understudied problem, and the scarce
research on this topic so far has only focused on English. Here we aim to
bridge this gap by creating a novel dataset, X-CLAIM, consisting of 7K
real-world claims collected from numerous social media platforms in five Indian
languages and English. We report strong baselines with state-of-the-art
encoder-only language models (e.g., XLM-R) and we demonstrate the benefits of
training on multiple languages over alternative cross-lingual transfer methods
such as zero-shot transfer, or training on translated data, from a
high-resource language such as English. We evaluate generative large language
models from the GPT series using prompting methods on the X-CLAIM dataset and
we find that they underperform the smaller encoder-only language models for
low-resource languages. | cs.CL | Lost in Translation, Found in Spans: Identifying Claims in Multilingual Social Media |
2023-10-27T14:28:41Z | http://arxiv.org/pdf/2310.18169v1 | http://arxiv.org/abs/2310.18169v1 | Neeraj Kumar, Ankur Narang, Brejesh Lall | 2023-10-27T14:28:41Z | cs.SD, cs.CL, eess.AS | In this paper, we present a Diffusion GAN based approach (Prosodic Diff-TTS)
to generate the corresponding high-fidelity speech based on the style
description and content text as an input to generate speech samples within only
4 denoising steps. It leverages the novel conditional prosodic layer
normalization to incorporate the style embeddings into the multi head attention
based phoneme encoder and mel spectrogram decoder based generator architecture
to generate the speech. The style embedding is generated by fine tuning the
pretrained BERT model on auxiliary tasks such as pitch, speaking speed,
emotion,gender classifications. We demonstrate the efficacy of our proposed
architecture on multi-speaker LibriTTS and PromptSpeech datasets, using
multiple quantitative metrics that measure generated accuracy and MOS. | cs.SD | Style Description based Text-to-Speech with Conditional Prosodic Layer Normalization based Diffusion GAN |
2023-10-27T14:27:43Z | http://arxiv.org/pdf/2310.18168v5 | http://arxiv.org/abs/2310.18168v5 | Nitish Joshi, Javier Rando, Abulhair Saparov, Najoung Kim, He He | 2024-02-06T09:04:04Z | cs.CL, cs.AI, cs.LG | Large language models (LLMs) are trained on vast amounts of text from the
internet, which contains both factual and misleading information about the
world. While unintuitive from a classic view of LMs, recent work has shown that
the truth value of a statement can be elicited from the model's
representations. This paper presents an explanation for why LMs appear to know
the truth despite not being trained with truth labels. We hypothesize that the
pretraining data is generated by groups of (un)truthful agents whose outputs
share common features, and they form a (un)truthful persona. By training on
this data, LMs can infer and represent the persona in its activation space.
This allows the model to separate truth from falsehoods and controls the
truthfulness of its generation. We show evidence for the persona hypothesis via
two observations: (1) we can probe whether a model's answer will be truthful
before it is generated; (2) finetuning a model on a set of facts improves its
truthfulness on unseen topics. Next, using arithmetics as a synthetic
environment, we show that structures of the pretraining data are crucial for
the model to infer the truthful persona. Overall, our findings suggest that
models can exploit hierarchical structures in the data to learn abstract
concepts like truthfulness. | cs.CL | Personas as a Way to Model Truthfulness in Language Models |
2023-10-27T14:24:06Z | http://arxiv.org/pdf/2310.18167v1 | http://arxiv.org/abs/2310.18167v1 | Guoxin Chen, Yiming Qian, Bowen Wang, Liangzhi Li | 2023-10-27T14:24:06Z | cs.CL | The large language models have achieved superior performance on various
natural language tasks. One major drawback of such approaches is they are
resource-intensive in fine-tuning new datasets. Soft-prompt tuning presents a
resource-efficient solution to fine-tune the pre-trained language models (PLMs)
while keeping their weight frozen. Existing soft prompt methods mainly focus on
designing the input-independent prompts that steer the model to fit the domain
of the new dataset. Those methods often ignore the fine-grained information
about the task and context of the text. In this paper, we propose a multi-level
prompt tuning (MPrompt) method for machine reading comprehension. It utilizes
prompts at task-specific, domain-specific, and context-specific levels to
enhance the comprehension of input semantics at different granularities. We
also propose an independence constraint to steer each domain-specific prompt to
focus on information within its domain to avoid redundancy. Moreover, we
present a prompt generator that incorporates context-related knowledge in the
prompt generation to enhance contextual relevancy. We conducted extensive
experiments on 12 benchmarks of various QA formats and achieved an average
improvement of 1.94\% over the state-of-the-art methods. | cs.CL | MPrompt: Exploring Multi-level Prompt Tuning for Machine Reading Comprehension |
2023-10-27T14:03:30Z | http://arxiv.org/pdf/2310.18155v1 | http://arxiv.org/abs/2310.18155v1 | Mamta, Zishan Ahmad, Asif Ekbal | 2023-10-27T14:03:30Z | cs.CL | With the growing popularity of code-mixed data, there is an increasing need
for better handling of this type of data, which poses a number of challenges,
such as dealing with spelling variations, multiple languages, different
scripts, and a lack of resources. Current language models face difficulty in
effectively handling code-mixed data as they primarily focus on the semantic
representation of words and ignore the auditory phonetic features. This leads
to difficulties in handling spelling variations in code-mixed text. In this
paper, we propose an effective approach for creating language models for
handling code-mixed textual data using auditory information of words from
SOUNDEX. Our approach includes a pre-training step based on
masked-language-modelling, which includes SOUNDEX representations (SAMLM) and a
new method of providing input data to the pre-trained model. Through
experimentation on various code-mixed datasets (of different languages) for
sentiment, offensive and aggression classification tasks, we establish that our
novel language modeling approach (SAMLM) results in improved robustness towards
adversarial attacks on code-mixed classification tasks. Additionally, our SAMLM
based approach also results in better classification results over the popular
baselines for code-mixed tasks. We use the explainability technique, SHAP
(SHapley Additive exPlanations) to explain how the auditory features
incorporated through SAMLM assist the model to handle the code-mixed text
effectively and increase robustness against adversarial attacks
\footnote{Source code has been made available on
\url{https://github.com/20118/DefenseWithPhonetics},
\url{https://www.iitp.ac.in/~ai-nlp-ml/resources.html\#Phonetics}}. | cs.CL | Elevating Code-mixed Text Handling through Auditory Information of Words |
2023-10-27T14:00:04Z | http://arxiv.org/pdf/2310.18152v4 | http://arxiv.org/abs/2310.18152v4 | Yijian Qin, Xin Wang, Ziwei Zhang, Wenwu Zhu | 2024-03-09T16:08:16Z | cs.CL, cs.LG | Text-attributed graphs (TAGs) are prevalent on the web and research over TAGs
such as citation networks, e-commerce networks and social networks has
attracted considerable attention in the web community. Recently, large language
models (LLMs) have demonstrated exceptional capabilities across a wide range of
tasks. However, the existing works focus on harnessing the potential of LLMs
solely relying on prompts to convey graph structure information to LLMs, thus
suffering from insufficient understanding of the complex structural
relationships within TAGs. To address this problem, in this paper we present
the Disentangled Graph-Text Learner (DGTL) model, which is able to enhance the
reasoning and predicting capabilities of LLMs for TAGs. Our proposed DGTL model
incorporates graph structure information through tailored disentangled graph
neural network (GNN) layers, enabling LLMs to capture the intricate
relationships hidden in text-attributed graphs from multiple structural
factors. Furthermore, DGTL operates with frozen pre-trained LLMs, reducing
computational costs and allowing much more flexibility in combining with
different LLM models. Experimental evaluations demonstrate the effectiveness of
the proposed DGTL model on achieving superior or comparable performance over
state-of-the-art baselines. Additionally, we also demonstrate that our DGTL
model can offer natural language explanations for predictions, thereby
significantly enhancing model interpretability. | cs.CL | Disentangled Representation Learning with Large Language Models for Text-Attributed Graphs |
2023-10-27T13:23:02Z | http://arxiv.org/pdf/2310.18130v2 | http://arxiv.org/abs/2310.18130v2 | David Q. Sun, Artem Abzaliev, Hadas Kotek, Zidi Xiu, Christopher Klein, Jason D. Williams | 2023-11-07T20:29:53Z | cs.CL, cs.HC | Controversy is a reflection of our zeitgeist, and an important aspect to any
discourse. The rise of large language models (LLMs) as conversational systems
has increased public reliance on these systems for answers to their various
questions. Consequently, it is crucial to systematically examine how these
models respond to questions that pertaining to ongoing debates. However, few
such datasets exist in providing human-annotated labels reflecting the
contemporary discussions. To foster research in this area, we propose a novel
construction of a controversial questions dataset, expanding upon the publicly
released Quora Question Pairs Dataset. This dataset presents challenges
concerning knowledge recency, safety, fairness, and bias. We evaluate different
LLMs using a subset of this dataset, illuminating how they handle controversial
issues and the stances they adopt. This research ultimately contributes to our
understanding of LLMs' interaction with controversial issues, paving the way
for improvements in their comprehension and handling of complex societal
debates. | cs.CL | DELPHI: Data for Evaluating LLMs' Performance in Handling Controversial Issues |
2023-10-27T13:19:19Z | http://arxiv.org/pdf/2310.18127v2 | http://arxiv.org/abs/2310.18127v2 | Xue Yan, Yan Song, Xinyu Cui, Filippos Christianos, Haifeng Zhang, David Henry Mguni, Jun Wang | 2024-02-29T03:41:23Z | cs.LG, cs.AI, cs.CL | Large language models (LLMs) demonstrate their promise in tackling
complicated practical challenges by combining action-based policies with chain
of thought (CoT) reasoning. Having high-quality prompts on hand, however, is
vital to the framework's effectiveness. Currently, these prompts are
handcrafted utilising extensive human labor, resulting in CoT policies that
frequently fail to generalise. Human intervention is also required to develop
grounding functions that ensure low-level controllers appropriately process CoT
reasoning. In this paper, we propose a comprehensive training framework for
complex task-solving, incorporating human prior knowledge into the learning of
action policies. To that purpose, we offer a new leader-follower bilevel
framework that is capable of learning to ask relevant questions (prompts) and
subsequently undertaking reasoning to guide the learning of actions. The prompt
policy is employed to make introspective revisions based on historical
findings, leading the CoT process to consider the anticipated goals and
generate outputs that lead to decisive, high-performing actions. The action
policy subsequently learns to comprehend and integrate the CoT outputs to take
actions. Our empirical data reveal that our framework outperforms leading
methods in $5$ decision-making tasks such as Overcooked and FourRoom. | cs.LG | Ask more, know better: Reinforce-Learned Prompt Questions for Decision Making with Large Language Models |
2023-10-27T13:09:54Z | http://arxiv.org/pdf/2310.18122v2 | http://arxiv.org/abs/2310.18122v2 | Yuchen Shen, Xiaojun Wan | 2023-11-11T20:52:04Z | cs.CL, cs.AI | Opinion summarization sets itself apart from other types of summarization
tasks due to its distinctive focus on aspects and sentiments. Although certain
automated evaluation methods like ROUGE have gained popularity, we have found
them to be unreliable measures for assessing the quality of opinion summaries.
In this paper, we present OpinSummEval, a dataset comprising human judgments
and outputs from 14 opinion summarization models. We further explore the
correlation between 24 automatic metrics and human ratings across four
dimensions. Our findings indicate that metrics based on neural networks
generally outperform non-neural ones. However, even metrics built on powerful
backbones, such as BART and GPT-3/3.5, do not consistently correlate well
across all dimensions, highlighting the need for advancements in automated
evaluation methods for opinion summarization. The code and data are publicly
available at https://github.com/A-Chicharito-S/OpinSummEval/tree/main. | cs.CL | OpinSummEval: Revisiting Automated Evaluation for Opinion Summarization |
2023-10-27T13:06:24Z | http://arxiv.org/pdf/2310.18119v1 | http://arxiv.org/abs/2310.18119v1 | Yeongseo Jung, Eunseo Jung, Lei Chen | 2023-10-27T13:06:24Z | cs.CL, cs.AI | In Conversational Recommendation System (CRS), an agent is asked to recommend
a set of items to users within natural language conversations. To address the
need for both conversational capability and personalized recommendations, prior
works have utilized separate recommendation and dialogue modules. However, such
approach inevitably results in a discrepancy between recommendation results and
generated responses. To bridge the gap, we propose a multi-task learning for a
unified CRS, where a single model jointly learns both tasks via Contextualized
Knowledge Distillation (ConKD). We introduce two versions of ConKD: hard gate
and soft gate. The former selectively gates between two task-specific teachers,
while the latter integrates knowledge from both teachers. Our gates are
computed on-the-fly in a context-specific manner, facilitating flexible
integration of relevant knowledge. Extensive experiments demonstrate that our
single model significantly improves recommendation performance while enhancing
fluency, and achieves comparable results in terms of diversity. | cs.CL | Towards a Unified Conversational Recommendation System: Multi-task Learning via Contextualized Knowledge Distillation |
2023-10-27T12:33:40Z | http://arxiv.org/pdf/2310.18098v1 | http://arxiv.org/abs/2310.18098v1 | Maja Stahl, Nick Düsterhus, Mei-Hua Chen, Henning Wachsmuth | 2023-10-27T12:33:40Z | cs.CL | Writing strong arguments can be challenging for learners. It requires to
select and arrange multiple argumentative discourse units (ADUs) in a logical
and coherent way as well as to decide which ADUs to leave implicit, so called
enthymemes. However, when important ADUs are missing, readers might not be able
to follow the reasoning or understand the argument's main point. This paper
introduces two new tasks for learner arguments: to identify gaps in arguments
(enthymeme detection) and to fill such gaps (enthymeme reconstruction).
Approaches to both tasks may help learners improve their argument quality. We
study how corpora for these tasks can be created automatically by deleting ADUs
from an argumentative text that are central to the argument and its quality,
while maintaining the text's naturalness. Based on the ICLEv3 corpus of
argumentative learner essays, we create 40,089 argument instances for enthymeme
detection and reconstruction. Through manual studies, we provide evidence that
the proposed corpus creation process leads to the desired quality reduction,
and results in arguments that are similarly natural to those written by
learners. Finally, first baseline approaches to enthymeme detection and
reconstruction demonstrate the corpus' usefulness. | cs.CL | Mind the Gap: Automated Corpus Creation for Enthymeme Detection and Reconstruction in Learner Arguments |
2023-10-27T12:21:55Z | http://arxiv.org/pdf/2310.18089v1 | http://arxiv.org/abs/2310.18089v1 | Dorian Quelle, Calvin Cheng, Alexandre Bovet, Scott A. Hale | 2023-10-27T12:21:55Z | cs.CL, cs.CY, cs.SI | Misinformation and disinformation are growing threats in the digital age,
spreading rapidly across languages and borders. This paper investigates the
prevalence and dynamics of multilingual misinformation through an analysis of
over 250,000 unique fact-checks spanning 95 languages. First, we find that
while the majority of misinformation claims are only fact-checked once, 11.7%,
corresponding to more than 21,000 claims, are checked multiple times. Using
fact-checks as a proxy for the spread of misinformation, we find 33% of
repeated claims cross linguistic boundaries, suggesting that some
misinformation permeates language barriers. However, spreading patterns exhibit
strong homophily, with misinformation more likely to spread within the same
language. To study the evolution of claims over time and mutations across
languages, we represent fact-checks with multilingual sentence embeddings and
cluster semantically similar claims. We analyze the connected components and
shortest paths connecting different versions of a claim finding that claims
gradually drift over time and undergo greater alteration when traversing
languages. Overall, this novel investigation of multilingual misinformation
provides key insights. It quantifies redundant fact-checking efforts,
establishes that some claims diffuse across languages, measures linguistic
homophily, and models the temporal and cross-lingual evolution of claims. The
findings advocate for expanded information sharing between fact-checkers
globally while underscoring the importance of localized verification. | cs.CL | Lost in Translation -- Multilingual Misinformation and its Evolution |
2023-10-27T11:45:16Z | http://arxiv.org/pdf/2310.18077v1 | http://arxiv.org/abs/2310.18077v1 | Philhoon Oh, James Thorne | 2023-10-27T11:45:16Z | cs.CL, cs.AI | For knowledge intensive NLP tasks, it has been widely accepted that accessing
more information is a contributing factor to improvements in the model's
end-to-end performance. However, counter-intuitively, too much context can have
a negative impact on the model when evaluated on common question answering (QA)
datasets. In this paper, we analyze how passages can have a detrimental effect
on retrieve-then-read architectures used in question answering. Our empirical
evidence indicates that the current read architecture does not fully leverage
the retrieved passages and significantly degrades its performance when using
the whole passages compared to utilizing subsets of them. Our findings
demonstrate that model accuracy can be improved by 10% on two popular QA
datasets by filtering out detrimental passages. Additionally, these outcomes
are attained by utilizing existing retrieval methods without further training
or data. We further highlight the challenges associated with identifying the
detrimental passages. First, even with the correct context, the model can make
an incorrect prediction, posing a challenge in determining which passages are
most influential. Second, evaluation typically considers lexical matching,
which is not robust to variations of correct answers. Despite these
limitations, our experimental results underscore the pivotal role of
identifying and removing these detrimental passages for the context-efficient
retrieve-then-read pipeline. Code and data are available at
https://github.com/xfactlab/emnlp2023-damaging-retrieval | cs.CL | Detrimental Contexts in Open-Domain Question Answering |
2023-10-27T11:44:06Z | http://arxiv.org/pdf/2310.18076v1 | http://arxiv.org/abs/2310.18076v1 | Yejoon Lee, Philhoon Oh, James Thorne | 2023-10-27T11:44:06Z | cs.CL, cs.AI | Recent works in open-domain question answering (QA) have explored generating
context passages from large language models (LLMs), replacing the traditional
retrieval step in the QA pipeline. However, it is not well understood why
generated passages can be more effective than retrieved ones. This study
revisits the conventional formulation of QA and introduces the concept of
knowledge corpus error. This error arises when the knowledge corpus used for
retrieval is only a subset of the entire string space, potentially excluding
more helpful passages that exist outside the corpus. LLMs may mitigate this
shortcoming by generating passages in a larger space. We come up with an
experiment of paraphrasing human-annotated gold context using LLMs to observe
knowledge corpus error empirically. Our results across three QA benchmarks
reveal an increased performance (10% - 13%) when using paraphrased passage,
indicating a signal for the existence of knowledge corpus error. Our code is
available at https://github.com/xfactlab/emnlp2023-knowledge-corpus-error | cs.CL | Knowledge Corpus Error in Question Answering |
2023-10-27T11:43:46Z | http://arxiv.org/pdf/2310.18075v4 | http://arxiv.org/abs/2310.18075v4 | Xiaoyu Tian, Liangyu Chen, Na Liu, Yaxuan Liu, Wei Zou, Kaijiang Chen, Ming Cui | 2023-11-24T09:18:27Z | cs.CL, cs.AI | Inspired by the dual-process theory of human cognition, we introduce DUMA, a
novel conversational agent framework that embodies a dual-mind mechanism
through the utilization of two generative Large Language Models (LLMs)
dedicated to fast and slow thinking respectively. The fast thinking model
serves as the primary interface for external interactions and initial response
generation, evaluating the necessity for engaging the slow thinking model based
on the complexity of the complete response. When invoked, the slow thinking
model takes over the conversation, engaging in meticulous planning, reasoning,
and tool utilization to provide a well-analyzed response. This dual-mind
configuration allows for a seamless transition between intuitive responses and
deliberate problem-solving processes based on the situation. We have
constructed a conversational agent to handle online inquiries in the real
estate industry. The experiment proves that our method balances effectiveness
and efficiency, and has a significant improvement compared to the baseline. | cs.CL | DUMA: a Dual-Mind Conversational Agent with Fast and Slow Thinking |
2023-10-27T11:40:32Z | http://arxiv.org/pdf/2310.18073v1 | http://arxiv.org/abs/2310.18073v1 | Xinyu Wang, Lin Gui, Yulan He | 2023-10-27T11:40:32Z | cs.CL | Table of contents (ToC) extraction centres on structuring documents in a
hierarchical manner. In this paper, we propose a new dataset, ESGDoc,
comprising 1,093 ESG annual reports from 563 companies spanning from 2001 to
2022. These reports pose significant challenges due to their diverse structures
and extensive length. To address these challenges, we propose a new framework
for Toc extraction, consisting of three steps: (1) Constructing an initial tree
of text blocks based on reading order and font sizes; (2) Modelling each tree
node (or text block) independently by considering its contextual information
captured in node-centric subtree; (3) Modifying the original tree by taking
appropriate action on each tree node (Keep, Delete, or Move). This
construction-modelling-modification (CMM) process offers several benefits. It
eliminates the need for pairwise modelling of section headings as in previous
approaches, making document segmentation practically feasible. By incorporating
structured information, each section heading can leverage both local and
long-distance context relevant to itself. Experimental results show that our
approach outperforms the previous state-of-the-art baseline with a fraction of
running time. Our framework proves its scalability by effectively handling
documents of any length. | cs.CL | A Scalable Framework for Table of Contents Extraction from Complex ESG Annual Reports |
2023-10-27T11:36:18Z | http://arxiv.org/pdf/2310.18070v1 | http://arxiv.org/abs/2310.18070v1 | Yilin Zhao, Hai Zhao, Sufeng Duan | 2023-10-27T11:36:18Z | cs.CL | Multi-choice Machine Reading Comprehension (MRC) is a major and challenging
task for machines to answer questions according to provided options. Answers in
multi-choice MRC cannot be directly extracted in the given passages, and
essentially require machines capable of reasoning from accurate extracted
evidence. However, the critical evidence may be as simple as just one word or
phrase, while it is hidden in the given redundant, noisy passage with multiple
linguistic hierarchies from phrase, fragment, sentence until the entire
passage. We thus propose a novel general-purpose model enhancement which
integrates multi-grained evidence comprehensively, named Multi-grained evidence
inferencer (Mugen), to make up for the inability. Mugen extracts three
different granularities of evidence: coarse-, middle- and fine-grained
evidence, and integrates evidence with the original passages, achieving
significant and consistent performance improvement on four multi-choice MRC
benchmarks. | cs.CL | Multi-grained Evidence Inference for Multi-choice Reading Comprehension |
2023-10-27T11:26:27Z | http://arxiv.org/pdf/2310.18063v1 | http://arxiv.org/abs/2310.18063v1 | Antoine Chaffin, Julien Delaunay | 2023-10-27T11:26:27Z | cs.CL, cs.LG, I.2.7 | The ubiquity of complex machine learning has raised the importance of
model-agnostic explanation algorithms. These methods create artificial
instances by slightly perturbing real instances, capturing shifts in model
decisions. However, such methods rely on initial data and only provide
explanations of the decision for these. To tackle these problems, we propose
Therapy, the first global and model-agnostic explanation method adapted to text
which requires no input dataset. Therapy generates texts following the
distribution learned by a classifier through cooperative generation. Because it
does not rely on initial samples, it allows to generate explanations even when
data is absent (e.g., for confidentiality reasons). Moreover, conversely to
existing methods that combine multiple local explanations into a global one,
Therapy offers a global overview of the model behavior on the input space. Our
experiments show that although using no input data to generate samples, Therapy
provides insightful information about features used by the classifier that is
competitive with the ones from methods relying on input samples and outperforms
them when input samples are not specific to the studied model. | cs.CL | "Honey, Tell Me What's Wrong", Global Explanation of Textual Discriminative Models through Cooperative Generation |
2023-10-27T10:44:50Z | http://arxiv.org/pdf/2310.18046v1 | http://arxiv.org/abs/2310.18046v1 | Khiem Vinh Tran, Hao Phu Phan, Kiet Van Nguyen, Ngan Luu Thuy Nguyen | 2023-10-27T10:44:50Z | cs.CL, cs.CV | In recent years, Visual Question Answering (VQA) has gained significant
attention for its diverse applications, including intelligent car assistance,
aiding visually impaired individuals, and document image information retrieval
using natural language queries. VQA requires effective integration of
information from questions and images to generate accurate answers. Neural
models for VQA have made remarkable progress on large-scale datasets, with a
primary focus on resource-rich languages like English. To address this, we
introduce the ViCLEVR dataset, a pioneering collection for evaluating various
visual reasoning capabilities in Vietnamese while mitigating biases. The
dataset comprises over 26,000 images and 30,000 question-answer pairs (QAs),
each question annotated to specify the type of reasoning involved. Leveraging
this dataset, we conduct a comprehensive analysis of contemporary visual
reasoning systems, offering valuable insights into their strengths and
limitations. Furthermore, we present PhoVIT, a comprehensive multimodal fusion
that identifies objects in images based on questions. The architecture
effectively employs transformers to enable simultaneous reasoning over textual
and visual data, merging both modalities at an early model stage. The
experimental findings demonstrate that our proposed model achieves
state-of-the-art performance across four evaluation metrics. The accompanying
code and dataset have been made publicly accessible at
\url{https://github.com/kvt0012/ViCLEVR}. This provision seeks to stimulate
advancements within the research community, fostering the development of more
multimodal fusion algorithms, specifically tailored to address the nuances of
low-resource languages, exemplified by Vietnamese. | cs.CL | ViCLEVR: A Visual Reasoning Dataset and Hybrid Multimodal Fusion Model for Visual Question Answering in Vietnamese |
2023-10-27T10:36:54Z | http://arxiv.org/pdf/2310.18038v1 | http://arxiv.org/abs/2310.18038v1 | David Schlangen | 2023-10-27T10:36:54Z | cs.CL, cs.CY | Natural Language Processing prides itself to be an empirically-minded, if not
outright empiricist field, and yet lately it seems to get itself into
essentialist debates on issues of meaning and measurement ("Do Large Language
Models Understand Language, And If So, How Much?"). This is not by accident:
Here, as everywhere, the evidence underspecifies the understanding. As a
remedy, this paper sketches the outlines of a model of understanding, which can
ground questions of the adequacy of current methods of measurement of model
quality. The paper makes three claims: A) That different language use situation
types have different characteristics, B) That language understanding is a
multifaceted phenomenon, bringing together individualistic and social
processes, and C) That the choice of Understanding Indicator marks the limits
of benchmarking, and the beginnings of considerations of the ethics of NLP use. | cs.CL | On General Language Understanding |
2023-10-27T10:03:21Z | http://arxiv.org/pdf/2310.18025v1 | http://arxiv.org/abs/2310.18025v1 | Paul F. Simmering, Paavo Huoviala | 2023-10-27T10:03:21Z | cs.CL, cs.AI | Large language models (LLMs) offer unprecedented text completion
capabilities. As general models, they can fulfill a wide range of roles,
including those of more specialized models. We assess the performance of GPT-4
and GPT-3.5 in zero shot, few shot and fine-tuned settings on the aspect-based
sentiment analysis (ABSA) task. Fine-tuned GPT-3.5 achieves a state-of-the-art
F1 score of 83.8 on the joint aspect term extraction and polarity
classification task of the SemEval-2014 Task 4, improving upon InstructABSA
[@scaria_instructabsa_2023] by 5.7%. However, this comes at the price of 1000
times more model parameters and thus increased inference cost. We discuss the
the cost-performance trade-offs of different models, and analyze the typical
errors that they make. Our results also indicate that detailed prompts improve
performance in zero-shot and few-shot settings but are not necessary for
fine-tuned models. This evidence is relevant for practioners that are faced
with the choice of prompt engineering versus fine-tuning when using LLMs for
ABSA. | cs.CL | Large language models for aspect-based sentiment analysis |
2023-10-27T09:59:35Z | http://arxiv.org/pdf/2310.18387v2 | http://arxiv.org/abs/2310.18387v2 | Dhiman Goswami, Md Nishat Raihan, Antara Mahmud, Antonios Anastasopoulos, Marcos Zampieri | 2023-11-25T13:13:01Z | cs.CL, cs.AI | Code-mixing is a well-studied linguistic phenomenon when two or more
languages are mixed in text or speech. Several works have been conducted on
building datasets and performing downstream NLP tasks on code-mixed data.
Although it is not uncommon to observe code-mixing of three or more languages,
most available datasets in this domain contain code-mixed data from only two
languages. In this paper, we introduce OffMix-3L, a novel offensive language
identification dataset containing code-mixed data from three different
languages. We experiment with several models on this dataset and observe that
BanglishBERT outperforms other transformer-based models and GPT-3.5. | cs.CL | OffMix-3L: A Novel Code-Mixed Dataset in Bangla-English-Hindi for Offensive Language Identification |
2023-10-27T09:59:24Z | http://arxiv.org/pdf/2310.18023v2 | http://arxiv.org/abs/2310.18023v2 | Md Nishat Raihan, Dhiman Goswami, Antara Mahmud, Antonios Anastasopoulos, Marcos Zampieri | 2023-11-29T10:33:26Z | cs.CL | Code-mixing is a well-studied linguistic phenomenon when two or more
languages are mixed in text or speech. Several datasets have been build with
the goal of training computational models for code-mixing. Although it is very
common to observe code-mixing with multiple languages, most datasets available
contain code-mixed between only two languages. In this paper, we introduce
SentMix-3L, a novel dataset for sentiment analysis containing code-mixed data
between three languages Bangla, English, and Hindi. We carry out a
comprehensive evaluation using SentMix-3L. We show that zero-shot prompting
with GPT-3.5 outperforms all transformer-based models on SentMix-3L. | cs.CL | SentMix-3L: A Bangla-English-Hindi Code-Mixed Dataset for Sentiment Analysis |
2023-10-27T09:48:29Z | http://arxiv.org/pdf/2310.18018v1 | http://arxiv.org/abs/2310.18018v1 | Oscar Sainz, Jon Ander Campos, Iker García-Ferrero, Julen Etxaniz, Oier Lopez de Lacalle, Eneko Agirre | 2023-10-27T09:48:29Z | cs.CL | In this position paper, we argue that the classical evaluation on Natural
Language Processing (NLP) tasks using annotated benchmarks is in trouble. The
worst kind of data contamination happens when a Large Language Model (LLM) is
trained on the test split of a benchmark, and then evaluated in the same
benchmark. The extent of the problem is unknown, as it is not straightforward
to measure. Contamination causes an overestimation of the performance of a
contaminated model in a target benchmark and associated task with respect to
their non-contaminated counterparts. The consequences can be very harmful, with
wrong scientific conclusions being published while other correct ones are
discarded. This position paper defines different levels of data contamination
and argues for a community effort, including the development of automatic and
semi-automatic measures to detect when data from a benchmark was exposed to a
model, and suggestions for flagging papers with conclusions that are
compromised by data contamination. | cs.CL | NLP Evaluation in trouble: On the Need to Measure LLM Data Contamination for each Benchmark |
2023-10-27T08:42:18Z | http://arxiv.org/pdf/2310.17976v4 | http://arxiv.org/abs/2310.17976v4 | Xintao Wang, Yunze Xiao, Jen-tse Huang, Siyu Yuan, Rui Xu, Haoran Guo, Quan Tu, Yaying Fei, Ziang Leng, Wei Wang, Jiangjie Chen, Cheng Li, Yanghua Xiao | 2024-06-07T12:24:53Z | cs.CL | Role-playing agents (RPAs), powered by large language models, have emerged as
a flourishing field of applications. However, a key challenge lies in assessing
whether RPAs accurately reproduce the personas of target characters, namely
their character fidelity. Existing methods mainly focus on the knowledge and
linguistic patterns of characters. This paper, instead, introduces a novel
perspective to evaluate the personality fidelity of RPAs with psychological
scales. Overcoming drawbacks of previous self-report assessments on RPAs, we
propose InCharacter, namely Interviewing Character agents for personality
tests. Experiments include various types of RPAs and LLMs, covering 32 distinct
characters on 14 widely used psychological scales. The results validate the
effectiveness of InCharacter in measuring RPA personalities. Then, with
InCharacter, we show that state-of-the-art RPAs exhibit personalities highly
aligned with the human-perceived personalities of the characters, achieving an
accuracy up to 80.7%. | cs.CL | InCharacter: Evaluating Personality Fidelity in Role-Playing Agents through Psychological Interviews |
2023-10-27T08:05:21Z | http://arxiv.org/pdf/2310.17956v2 | http://arxiv.org/abs/2310.17956v2 | Junling Liu, Ziming Wang, Qichen Ye, Dading Chong, Peilin Zhou, Yining Hua | 2023-11-01T07:10:23Z | cs.CV, cs.AI, cs.CL | Large Language Models (LLMs) have introduced a new era of proficiency in
comprehending complex healthcare and biomedical topics. However, there is a
noticeable lack of models in languages other than English and models that can
interpret multi-modal input, which is crucial for global healthcare
accessibility. In response, this study introduces Qilin-Med-VL, the first
Chinese large vision-language model designed to integrate the analysis of
textual and visual data. Qilin-Med-VL combines a pre-trained Vision Transformer
(ViT) with a foundational LLM. It undergoes a thorough two-stage curriculum
training process that includes feature alignment and instruction tuning. This
method enhances the model's ability to generate medical captions and answer
complex medical queries. We also release ChiMed-VL, a dataset consisting of
more than 1M image-text pairs. This dataset has been carefully curated to
enable detailed and comprehensive interpretation of medical data using various
types of images. | cs.CV | Qilin-Med-VL: Towards Chinese Large Vision-Language Model for General Healthcare |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.