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
|
---|---|---|---|---|---|---|---|---|
2024-03-16T02:48:50Z | http://arxiv.org/pdf/2403.10779v1 | http://arxiv.org/abs/2403.10779v1 | Jingping Nie, Hanya Shao, Yuang Fan, Qijia Shao, Haoxuan You, Matthias Preindl, Xiaofan Jiang | 2024-03-16T02:48:50Z | cs.CL | Despite the global mental health crisis, access to screenings, professionals,
and treatments remains high. In collaboration with licensed psychotherapists,
we propose a Conversational AI Therapist with psychotherapeutic Interventions
(CaiTI), a platform that leverages large language models (LLM)s and smart
devices to enable better mental health self-care. CaiTI can screen the
day-to-day functioning using natural and psychotherapeutic conversations. CaiTI
leverages reinforcement learning to provide personalized conversation flow.
CaiTI can accurately understand and interpret user responses. When the user
needs further attention during the conversation, CaiTI can provide
conversational psychotherapeutic interventions, including cognitive behavioral
therapy (CBT) and motivational interviewing (MI). Leveraging the datasets
prepared by the licensed psychotherapists, we experiment and microbenchmark
various LLMs' performance in tasks along CaiTI's conversation flow and discuss
their strengths and weaknesses. With the psychotherapists, we implement CaiTI
and conduct 14-day and 24-week studies. The study results, validated by
therapists, demonstrate that CaiTI can converse with users naturally,
accurately understand and interpret user responses, and provide
psychotherapeutic interventions appropriately and effectively. We showcase the
potential of CaiTI LLMs to assist the mental therapy diagnosis and treatment
and improve day-to-day functioning screening and precautionary
psychotherapeutic intervention systems. | cs.CL | LLM-based Conversational AI Therapist for Daily Functioning Screening and Psychotherapeutic Intervention via Everyday Smart Devices |
2024-03-16T02:27:19Z | http://arxiv.org/pdf/2403.10774v1 | http://arxiv.org/abs/2403.10774v1 | J. K. Lee, T. M. Chung | 2024-03-16T02:27:19Z | cs.CL | The rapid advancement of large language models (LLMs) has enabled natural
language processing capabilities similar to those of humans, and LLMs are being
widely utilized across various societal domains such as education and
healthcare. While the versatility of these models has increased, they have the
potential to generate subjective and normative language, leading to
discriminatory treatment or outcomes among social groups, especially due to
online offensive language. In this paper, we define such harm as societal bias
and assess ethnic, gender, and racial biases in a model fine-tuned with Korean
comments using Bidirectional Encoder Representations from Transformers (KcBERT)
and KOLD data through template-based Masked Language Modeling (MLM). To
quantitatively evaluate biases, we employ LPBS and CBS metrics. Compared to
KcBERT, the fine-tuned model shows a reduction in ethnic bias but demonstrates
significant changes in gender and racial biases. Based on these results, we
propose two methods to mitigate societal bias. Firstly, a data balancing
approach during the pre-training phase adjusts the uniformity of data by
aligning the distribution of the occurrences of specific words and converting
surrounding harmful words into non-harmful words. Secondly, during the
in-training phase, we apply Debiasing Regularization by adjusting dropout and
regularization, confirming a decrease in training loss. Our contribution lies
in demonstrating that societal bias exists in Korean language models due to
language-dependent characteristics. | cs.CL | Detecting Bias in Large Language Models: Fine-tuned KcBERT |
2024-03-16T02:07:31Z | http://arxiv.org/pdf/2403.10764v1 | http://arxiv.org/abs/2403.10764v1 | J. K. Lee, T. M. Chung | 2024-03-16T02:07:31Z | cs.CL, cs.AI | In this multi-task learning study on simultaneous analysis of emotions and
their underlying causes in conversational contexts, deep neural network methods
were employed to effectively process and train large labeled datasets. However,
these approaches are typically limited to conducting context analyses across
the entire corpus because they rely on one of the two methods: word- or
sentence-level embedding. The former struggles with polysemy and homonyms,
whereas the latter causes information loss when processing long sentences. In
this study, we overcome the limitations of previous embeddings by utilizing
both word- and sentence-level embeddings. Furthermore, we propose the
emotion-causality recognition in conversation (ECRC) model, which is based on a
novel graph structure, thereby leveraging the strengths of both embedding
methods. This model uniquely integrates the bidirectional long short-term
memory (Bi-LSTM) and graph neural network (GCN) models for Korean conversation
analysis. Compared with models that rely solely on one embedding method, the
proposed model effectively structures abstract concepts, such as language
features and relationships, thereby minimizing information loss. To assess
model performance, we compared the multi-task learning results of three deep
neural network models with varying graph structures. Additionally, we evaluated
the proposed model using Korean and English datasets. The experimental results
show that the proposed model performs better in emotion and causality
multi-task learning (74.62% and 75.30%, respectively) when node and edge
characteristics are incorporated into the graph structure. Similar results were
recorded for the Korean ECC and Wellness datasets (74.62% and 73.44%,
respectively) with 71.35% on the IEMOCAP English dataset. | cs.CL | ECRC: Emotion-Causality Recognition in Korean Conversation for GCN |
2024-03-16T01:40:36Z | http://arxiv.org/pdf/2403.10758v1 | http://arxiv.org/abs/2403.10758v1 | Jialin Hua, Liangqing Luo, Weiying Ping, Yan Liao, Chunhai Tao, Xuewen Lub | 2024-03-16T01:40:36Z | cs.CL | Open information extraction (OIE) aims to extract surface relations and their
corresponding arguments from natural language text, irrespective of domain.
This paper presents an innovative OIE model, APRCOIE, tailored for Chinese
text. Diverging from previous models, our model generates extraction patterns
autonomously. The model defines a new pattern form for Chinese OIE and proposes
an automated pattern generation methodology. In that way, the model can handle
a wide array of complex and diverse Chinese grammatical phenomena. We design a
preliminary filter based on tensor computing to conduct the extraction
procedure efficiently. To train the model, we manually annotated a large-scale
Chinese OIE dataset. In the comparative evaluation, we demonstrate that APRCOIE
outperforms state-of-the-art Chinese OIE models and significantly expands the
boundaries of achievable OIE performance. The code of APRCOIE and the annotated
dataset are released on GitHub (https://github.com/jialin666/APRCOIE_v1) | cs.CL | Rules still work for Open Information Extraction |
2024-03-16T01:01:16Z | http://arxiv.org/pdf/2403.10750v1 | http://arxiv.org/abs/2403.10750v1 | Xiaochong Lan, Yiming Cheng, Li Sheng, Chen Gao, Yong Li | 2024-03-16T01:01:16Z | cs.CL, cs.AI | Depression harms. However, due to a lack of mental health awareness and fear
of stigma, many patients do not actively seek diagnosis and treatment, leading
to detrimental outcomes. Depression detection aims to determine whether an
individual suffers from depression by analyzing their history of posts on
social media, which can significantly aid in early detection and intervention.
It mainly faces two key challenges: 1) it requires professional medical
knowledge, and 2) it necessitates both high accuracy and explainability. To
address it, we propose a novel depression detection system called DORIS,
combining medical knowledge and the recent advances in large language models
(LLMs). Specifically, to tackle the first challenge, we proposed an LLM-based
solution to first annotate whether high-risk texts meet medical diagnostic
criteria. Further, we retrieve texts with high emotional intensity and
summarize critical information from the historical mood records of users,
so-called mood courses. To tackle the second challenge, we combine LLM and
traditional classifiers to integrate medical knowledge-guided features, for
which the model can also explain its prediction results, achieving both high
accuracy and explainability. Extensive experimental results on benchmarking
datasets show that, compared to the current best baseline, our approach
improves by 0.036 in AUPRC, which can be considered significant, demonstrating
the effectiveness of our approach and its high value as an NLP application. | cs.CL | Depression Detection on Social Media with Large Language Models |
2024-03-15T21:54:00Z | http://arxiv.org/pdf/2403.10707v1 | http://arxiv.org/abs/2403.10707v1 | Tunazzina Islam, Dan Goldwasser | 2024-03-15T21:54:00Z | cs.CL, cs.AI, cs.CY, cs.LG, cs.SI | This paper introduces a novel approach to uncovering and analyzing themes in
social media messaging. Recognizing the limitations of traditional topic-level
analysis, which tends to capture only the overarching patterns, this study
emphasizes the need for a finer-grained, theme-focused exploration.
Conventional methods of theme discovery, involving manual processes and a
human-in-the-loop approach, are valuable but face challenges in scalability,
consistency, and resource intensity in terms of time and cost. To address these
challenges, we propose a machine-in-the-loop approach that leverages the
advanced capabilities of Large Language Models (LLMs). This approach allows for
a deeper investigation into the thematic aspects of social media discourse,
enabling us to uncover a diverse array of themes, each with unique
characteristics and relevance, thereby offering a comprehensive understanding
of the nuances present within broader topics. Furthermore, this method
efficiently maps the text and the newly discovered themes, enhancing our
understanding of the thematic nuances in social media messaging. We employ
climate campaigns as a case study and demonstrate that our methodology yields
more accurate and interpretable results compared to traditional topic models.
Our results not only demonstrate the effectiveness of our approach in
uncovering latent themes but also illuminate how these themes are tailored for
demographic targeting in social media contexts. Additionally, our work sheds
light on the dynamic nature of social media, revealing the shifts in the
thematic focus of messaging in response to real-world events. | cs.CL | Uncovering Latent Themes of Messaging on Social Media by Integrating LLMs: A Case Study on Climate Campaigns |
2024-03-15T21:43:46Z | http://arxiv.org/pdf/2403.10704v1 | http://arxiv.org/abs/2403.10704v1 | Hakim Sidahmed, Samrat Phatale, Alex Hutcheson, Zhuonan Lin, Zhang Chen, Zac Yu, Jarvis Jin, Roman Komarytsia, Christiane Ahlheim, Yonghao Zhu, Simral Chaudhary, Bowen Li, Saravanan Ganesh, Bill Byrne, Jessica Hoffmann, Hassan Mansoor, Wei Li, Abhinav Rastogi, Lucas Dixon | 2024-03-15T21:43:46Z | cs.LG, cs.AI, cs.CL | Reinforcement Learning from Human Feedback (RLHF) has proven to be a strong
method to align Pretrained Large Language Models (LLMs) with human preferences.
But training models with RLHF is computationally expensive, and an overall
complex process. In this work, we study RLHF where the underlying models are
trained using the parameter efficient method of Low-Rank Adaptation (LoRA)
introduced by Hu et al. [2021]. We investigate the setup of "Parameter
Efficient Reinforcement Learning" (PERL), in which we perform reward model
training and reinforcement learning using LoRA. We compare PERL to conventional
fine-tuning (full-tuning) across various configurations for 7 benchmarks,
including 2 novel datasets, of reward modeling and reinforcement learning. We
find that PERL performs on par with the conventional RLHF setting, while
training faster, and with less memory. This enables the high performance of
RLHF, while reducing the computational burden that limits its adoption as an
alignment technique for Large Language Models. We also release 2 novel thumbs
up/down preference datasets: "Taskmaster Coffee", and "Taskmaster Ticketing" to
promote research around RLHF. | cs.LG | PERL: Parameter Efficient Reinforcement Learning from Human Feedback |
2024-03-15T21:36:15Z | http://arxiv.org/pdf/2403.10700v1 | http://arxiv.org/abs/2403.10700v1 | Francesco Taioli, Stefano Rosa, Alberto Castellini, Lorenzo Natale, Alessio Del Bue, Alessandro Farinelli, Marco Cristani, Yiming Wang | 2024-03-15T21:36:15Z | cs.RO, cs.AI, cs.CL | Vision-and-Language Navigation in Continuous Environments (VLN-CE) is one of
the most intuitive yet challenging embodied AI tasks. Agents are tasked to
navigate towards a target goal by executing a set of low-level actions,
following a series of natural language instructions. All VLN-CE methods in the
literature assume that language instructions are exact. However, in practice,
instructions given by humans can contain errors when describing a spatial
environment due to inaccurate memory or confusion. Current VLN-CE benchmarks do
not address this scenario, making the state-of-the-art methods in VLN-CE
fragile in the presence of erroneous instructions from human users. For the
first time, we propose a novel benchmark dataset that introduces various types
of instruction errors considering potential human causes. This benchmark
provides valuable insight into the robustness of VLN systems in continuous
environments. We observe a noticeable performance drop (up to -25%) in Success
Rate when evaluating the state-of-the-art VLN-CE methods on our benchmark.
Moreover, we formally define the task of Instruction Error Detection and
Localization, and establish an evaluation protocol on top of our benchmark
dataset. We also propose an effective method, based on a cross-modal
transformer architecture, that achieves the best performance in error detection
and localization, compared to baselines. Surprisingly, our proposed method has
revealed errors in the validation set of the two commonly used datasets for
VLN-CE, i.e., R2R-CE and RxR-CE, demonstrating the utility of our technique in
other tasks. Code and dataset will be made available upon acceptance at
https://intelligolabs.github.io/R2RIE-CE | cs.RO | Mind the Error! Detection and Localization of Instruction Errors in Vision-and-Language Navigation |
2024-03-15T21:35:21Z | http://arxiv.org/pdf/2403.10699v1 | http://arxiv.org/abs/2403.10699v1 | Karolina Stańczak | 2024-03-15T21:35:21Z | cs.CL | Gender bias represents a form of systematic negative treatment that targets
individuals based on their gender. This discrimination can range from subtle
sexist remarks and gendered stereotypes to outright hate speech. Prior research
has revealed that ignoring online abuse not only affects the individuals
targeted but also has broader societal implications. These consequences extend
to the discouragement of women's engagement and visibility within public
spheres, thereby reinforcing gender inequality. This thesis investigates the
nuances of how gender bias is expressed through language and within language
technologies. Significantly, this thesis expands research on gender bias to
multilingual contexts, emphasising the importance of a multilingual and
multicultural perspective in understanding societal biases. In this thesis, I
adopt an interdisciplinary approach, bridging natural language processing with
other disciplines such as political science and history, to probe gender bias
in natural language and language models. | cs.CL | A Multilingual Perspective on Probing Gender Bias |
2024-03-15T21:22:37Z | http://arxiv.org/pdf/2403.10692v1 | http://arxiv.org/abs/2403.10692v1 | Kinjal Basu, Keerthiram Murugesan, Subhajit Chaudhury, Murray Campbell, Kartik Talamadupula, Tim Klinger | 2024-03-15T21:22:37Z | cs.CL, cs.AI, cs.LO | Text-based games (TBGs) have emerged as an important collection of NLP tasks,
requiring reinforcement learning (RL) agents to combine natural language
understanding with reasoning. A key challenge for agents attempting to solve
such tasks is to generalize across multiple games and demonstrate good
performance on both seen and unseen objects. Purely deep-RL-based approaches
may perform well on seen objects; however, they fail to showcase the same
performance on unseen objects. Commonsense-infused deep-RL agents may work
better on unseen data; unfortunately, their policies are often not
interpretable or easily transferable. To tackle these issues, in this paper, we
present EXPLORER which is an exploration-guided reasoning agent for textual
reinforcement learning. EXPLORER is neurosymbolic in nature, as it relies on a
neural module for exploration and a symbolic module for exploitation. It can
also learn generalized symbolic policies and perform well over unseen data. Our
experiments show that EXPLORER outperforms the baseline agents on Text-World
cooking (TW-Cooking) and Text-World Commonsense (TWC) games. | cs.CL | EXPLORER: Exploration-guided Reasoning for Textual Reinforcement Learning |
2024-03-15T21:21:11Z | http://arxiv.org/pdf/2403.10691v1 | http://arxiv.org/abs/2403.10691v1 | Tomasz Limisiewicz, Terra Blevins, Hila Gonen, Orevaoghene Ahia, Luke Zettlemoyer | 2024-03-15T21:21:11Z | cs.CL, cs.AI, cs.LG | A major consideration in multilingual language modeling is how to best
represent languages with diverse vocabularies and scripts. Although
contemporary text encoding methods cover most of the world's writing systems,
they exhibit bias towards the high-resource languages of the Global West. As a
result, texts of underrepresented languages tend to be segmented into long
sequences of linguistically meaningless units. To address the disparities, we
introduce a new paradigm that encodes the same information with segments of
consistent size across diverse languages. Our encoding convention (MYTE) is
based on morphemes, as their inventories are more balanced across languages
than characters, which are used in previous methods. We show that MYTE produces
shorter encodings for all 99 analyzed languages, with the most notable
improvements for non-European languages and non-Latin scripts. This, in turn,
improves multilingual LM performance and diminishes the perplexity gap
throughout diverse languages. | cs.CL | MYTE: Morphology-Driven Byte Encoding for Better and Fairer Multilingual Language Modeling |
2024-03-15T20:21:31Z | http://arxiv.org/pdf/2403.10667v2 | http://arxiv.org/abs/2403.10667v2 | Tianxin Wei, Bowen Jin, Ruirui Li, Hansi Zeng, Zhengyang Wang, Jianhui Sun, Qingyu Yin, Hanqing Lu, Suhang Wang, Jingrui He, Xianfeng Tang | 2024-03-27T21:11:19Z | cs.IR, cs.AI, cs.CL, cs.MM | Developing a universal model that can effectively harness heterogeneous
resources and respond to a wide range of personalized needs has been a
longstanding community aspiration. Our daily choices, especially in domains
like fashion and retail, are substantially shaped by multi-modal data, such as
pictures and textual descriptions. These modalities not only offer intuitive
guidance but also cater to personalized user preferences. However, the
predominant personalization approaches mainly focus on the ID or text-based
recommendation problem, failing to comprehend the information spanning various
tasks or modalities. In this paper, our goal is to establish a Unified paradigm
for Multi-modal Personalization systems (UniMP), which effectively leverages
multi-modal data while eliminating the complexities associated with task- and
modality-specific customization. We argue that the advancements in foundational
generative modeling have provided the flexibility and effectiveness necessary
to achieve the objective. In light of this, we develop a generic and extensible
personalization generative framework, that can handle a wide range of
personalized needs including item recommendation, product search, preference
prediction, explanation generation, and further user-guided image generation.
Our methodology enhances the capabilities of foundational language models for
personalized tasks by seamlessly ingesting interleaved cross-modal user history
information, ensuring a more precise and customized experience for users. To
train and evaluate the proposed multi-modal personalized tasks, we also
introduce a novel and comprehensive benchmark covering a variety of user
requirements. Our experiments on the real-world benchmark showcase the model's
potential, outperforming competitive methods specialized for each task. | cs.IR | Towards Unified Multi-Modal Personalization: Large Vision-Language Models for Generative Recommendation and Beyond |
2024-03-15T20:12:32Z | http://arxiv.org/pdf/2403.15436v2 | http://arxiv.org/abs/2403.15436v2 | Prabin Bhandari, Abhishek Paudel | 2024-05-14T17:22:05Z | cs.CL | Recent advancements in morpheme segmentation primarily emphasize word-level
segmentation, often neglecting the contextual relevance within the sentence. In
this study, we redefine the morpheme segmentation task as a
sequence-to-sequence problem, treating the entire sentence as input rather than
isolating individual words. Our findings reveal that the multilingual model
consistently exhibits superior performance compared to monolingual
counterparts. While our model did not surpass the performance of the current
state-of-the-art, it demonstrated comparable efficacy with high-resource
languages while revealing limitations in low-resource language scenarios. | cs.CL | Using Contextual Information for Sentence-level Morpheme Segmentation |
2024-03-15T18:26:51Z | http://arxiv.org/pdf/2403.10616v1 | http://arxiv.org/abs/2403.10616v1 | Arthur Douillard, Qixuan Feng, Andrei A. Rusu, Adhiguna Kuncoro, Yani Donchev, Rachita Chhaparia, Ionel Gog, Marc'Aurelio Ranzato, Jiajun Shen, Arthur Szlam | 2024-03-15T18:26:51Z | cs.LG, cs.CL | Progress in machine learning (ML) has been fueled by scaling neural network
models. This scaling has been enabled by ever more heroic feats of engineering,
necessary for accommodating ML approaches that require high bandwidth
communication between devices working in parallel. In this work, we propose a
co-designed modular architecture and training approach for ML models, dubbed
DIstributed PAth COmposition (DiPaCo). During training, DiPaCo distributes
computation by paths through a set of shared modules. Together with a Local-SGD
inspired optimization (DiLoCo) that keeps modules in sync with drastically
reduced communication, Our approach facilitates training across poorly
connected and heterogeneous workers, with a design that ensures robustness to
worker failures and preemptions. At inference time, only a single path needs to
be executed for each input, without the need for any model compression. We
consider this approach as a first prototype towards a new paradigm of
large-scale learning, one that is less synchronous and more modular. Our
experiments on the widely used C4 benchmark show that, for the same amount of
training steps but less wall-clock time, DiPaCo exceeds the performance of a 1
billion-parameter dense transformer language model by choosing one of 256
possible paths, each with a size of 150 million parameters. | cs.LG | DiPaCo: Distributed Path Composition |
2024-03-15T18:00:00Z | http://arxiv.org/pdf/2403.10596v1 | http://arxiv.org/abs/2403.10596v1 | Antonios Alexos, Yu-Dai Tsai, Ian Domingo, Maryam Pishgar, Pierre Baldi | 2024-03-15T18:00:00Z | cs.CL, cs.AI, q-bio.NC | Creating controlled methods to simulate neurodegeneration in artificial
intelligence (AI) is crucial for applications that emulate brain function
decline and cognitive disorders. We use IQ tests performed by Large Language
Models (LLMs) and, more specifically, the LLaMA 2 to introduce the concept of
``neural erosion." This deliberate erosion involves ablating synapses or
neurons, or adding Gaussian noise during or after training, resulting in a
controlled progressive decline in the LLMs' performance. We are able to
describe the neurodegeneration in the IQ tests and show that the LLM first
loses its mathematical abilities and then its linguistic abilities, while
further losing its ability to understand the questions. To the best of our
knowledge, this is the first work that models neurodegeneration with text data,
compared to other works that operate in the computer vision domain. Finally, we
draw similarities between our study and cognitive decline clinical studies
involving test subjects. We find that with the application of neurodegenerative
methods, LLMs lose abstract thinking abilities, followed by mathematical
degradation, and ultimately, a loss in linguistic ability, responding to
prompts incoherently. These findings are in accordance with human studies. | cs.CL | Neural Erosion: Emulating Controlled Neurodegeneration and Aging in AI Systems |
2024-03-15T17:57:52Z | http://arxiv.org/pdf/2403.10517v1 | http://arxiv.org/abs/2403.10517v1 | Xiaohan Wang, Yuhui Zhang, Orr Zohar, Serena Yeung-Levy | 2024-03-15T17:57:52Z | cs.CV, cs.AI, cs.CL, cs.IR | Long-form video understanding represents a significant challenge within
computer vision, demanding a model capable of reasoning over long multi-modal
sequences. Motivated by the human cognitive process for long-form video
understanding, we emphasize interactive reasoning and planning over the ability
to process lengthy visual inputs. We introduce a novel agent-based system,
VideoAgent, that employs a large language model as a central agent to
iteratively identify and compile crucial information to answer a question, with
vision-language foundation models serving as tools to translate and retrieve
visual information. Evaluated on the challenging EgoSchema and NExT-QA
benchmarks, VideoAgent achieves 54.1% and 71.3% zero-shot accuracy with only
8.4 and 8.2 frames used on average. These results demonstrate superior
effectiveness and efficiency of our method over the current state-of-the-art
methods, highlighting the potential of agent-based approaches in advancing
long-form video understanding. | cs.CV | VideoAgent: Long-form Video Understanding with Large Language Model as Agent |
2024-03-15T17:33:49Z | http://arxiv.org/pdf/2403.10499v1 | http://arxiv.org/abs/2403.10499v1 | Chenguang Wang, Ruoxi Jia, Xin Liu, Dawn Song | 2024-03-15T17:33:49Z | cs.LG, cs.AI, cs.CL, cs.CV | Pre-training image representations from the raw text about images enables
zero-shot vision transfer to downstream tasks. Through pre-training on millions
of samples collected from the internet, multimodal foundation models, such as
CLIP, produce state-of-the-art zero-shot results that often reach
competitiveness with fully supervised methods without the need for
task-specific training. Besides the encouraging performance on classification
accuracy, it is reported that these models close the robustness gap by matching
the performance of supervised models trained on ImageNet under natural
distribution shift. Because robustness is critical to real-world applications,
especially safety-critical ones, in this paper, we present a comprehensive
evaluation based on a large-scale robustness benchmark covering 7 natural, 3
synthetic distribution shifts, and 11 adversarial attacks. We use CLIP as a
pilot study. We show that CLIP leads to a significant robustness drop compared
to supervised ImageNet models on our benchmark, especially under synthetic
distribution shift and adversarial attacks. Furthermore, data overlap analysis
suggests that the observed robustness under natural distribution shifts could
be attributed, at least in part, to data overlap. In summary, our evaluation
shows a comprehensive evaluation of robustness is necessary; and there is a
significant need to improve the robustness of zero-shot multimodal models. | cs.LG | Benchmarking Zero-Shot Robustness of Multimodal Foundation Models: A Pilot Study |
2024-03-15T16:30:14Z | http://arxiv.org/pdf/2403.10446v1 | http://arxiv.org/abs/2403.10446v1 | Jiarui Li, Ye Yuan, Zehua Zhang | 2024-03-15T16:30:14Z | cs.CL, cs.LG | We proposed an end-to-end system design towards utilizing Retrieval Augmented
Generation (RAG) to improve the factual accuracy of Large Language Models
(LLMs) for domain-specific and time-sensitive queries related to private
knowledge-bases. Our system integrates RAG pipeline with upstream datasets
processing and downstream performance evaluation. Addressing the challenge of
LLM hallucinations, we finetune models with a curated dataset which originates
from CMU's extensive resources and annotated with the teacher model. Our
experiments demonstrate the system's effectiveness in generating more accurate
answers to domain-specific and time-sensitive inquiries. The results also
revealed the limitations of fine-tuning LLMs with small-scale and skewed
datasets. This research highlights the potential of RAG systems in augmenting
LLMs with external datasets for improved performance in knowledge-intensive
tasks. Our code and models are available on Github. | cs.CL | Enhancing LLM Factual Accuracy with RAG to Counter Hallucinations: A Case Study on Domain-Specific Queries in Private Knowledge-Bases |
2024-03-15T16:28:22Z | http://arxiv.org/pdf/2403.10444v1 | http://arxiv.org/abs/2403.10444v1 | Ziteng Sun, Jae Hun Ro, Ahmad Beirami, Ananda Theertha Suresh | 2024-03-15T16:28:22Z | cs.LG, cs.CL, cs.DS, cs.IT, math.IT | Speculative decoding has shown to be an effective method for lossless
acceleration of large language models (LLMs) during inference. In each
iteration, the algorithm first uses a smaller model to draft a block of tokens.
The tokens are then verified by the large model in parallel and only a subset
of tokens will be kept to guarantee that the final output follows the
distribution of the large model. In all of the prior speculative decoding
works, the draft verification is performed token-by-token independently. In
this work, we propose a better draft verification algorithm that provides
additional wall-clock speedup without incurring additional computation cost and
draft tokens. We first formulate the draft verification step as a block-level
optimal transport problem. The block-level formulation allows us to consider a
wider range of draft verification algorithms and obtain a higher number of
accepted tokens in expectation in one draft block. We propose a verification
algorithm that achieves the optimal accepted length for the block-level
transport problem. We empirically evaluate our proposed block-level
verification algorithm in a wide range of tasks and datasets, and observe
consistent improvements in wall-clock speedup when compared to token-level
verification algorithm. To the best of our knowledge, our work is the first to
establish improvement over speculative decoding through a better draft
verification algorithm. | cs.LG | Optimal Block-Level Draft Verification for Accelerating Speculative Decoding |
2024-03-15T15:10:41Z | http://arxiv.org/pdf/2403.10381v1 | http://arxiv.org/abs/2403.10381v1 | Benjamin Heinzerling, Kentaro Inui | 2024-03-15T15:10:41Z | cs.CL | Language models (LMs) can express factual knowledge involving numeric
properties such as Karl Popper was born in 1902. However, how this information
is encoded in the model's internal representations is not understood well.
Here, we introduce a simple method for finding and editing representations of
numeric properties such as an entity's birth year. Empirically, we find
low-dimensional subspaces that encode numeric properties monotonically, in an
interpretable and editable fashion. When editing representations along
directions in these subspaces, LM output changes accordingly. For example, by
patching activations along a "birthyear" direction we can make the LM express
an increasingly late birthyear: Karl Popper was born in 1929, Karl Popper was
born in 1957, Karl Popper was born in 1968. Property-encoding directions exist
across several numeric properties in all models under consideration, suggesting
the possibility that monotonic representation of numeric properties
consistently emerges during LM pretraining. Code:
https://github.com/bheinzerling/numeric-property-repr | cs.CL | Monotonic Representation of Numeric Properties in Language Models |
2024-03-15T15:08:39Z | http://arxiv.org/pdf/2403.10378v1 | http://arxiv.org/abs/2403.10378v1 | Rocktim Jyoti Das, Simeon Emilov Hristov, Haonan Li, Dimitar Iliyanov Dimitrov, Ivan Koychev, Preslav Nakov | 2024-03-15T15:08:39Z | cs.CL, cs.CV | We introduce EXAMS-V, a new challenging multi-discipline multimodal
multilingual exam benchmark for evaluating vision language models. It consists
of 20,932 multiple-choice questions across 20 school disciplines covering
natural science, social science, and other miscellaneous studies, e.g.,
religion, fine arts, business, etc. EXAMS-V includes a variety of multimodal
features such as text, images, tables, figures, diagrams, maps, scientific
symbols, and equations. The questions come in 11 languages from 7 language
families. Unlike existing benchmarks, EXAMS-V is uniquely curated by gathering
school exam questions from various countries, with a variety of education
systems. This distinctive approach calls for intricate reasoning across diverse
languages and relies on region-specific knowledge. Solving the problems in the
dataset requires advanced perception and joint reasoning over the text and the
visual content of the image. Our evaluation results demonstrate that this is a
challenging dataset, which is difficult even for advanced vision-text models
such as GPT-4V and Gemini; this underscores the inherent complexity of the
dataset and its significance as a future benchmark. | cs.CL | EXAMS-V: A Multi-Discipline Multilingual Multimodal Exam Benchmark for Evaluating Vision Language Models |
2024-03-15T14:36:38Z | http://arxiv.org/pdf/2403.10351v1 | http://arxiv.org/abs/2403.10351v1 | Pengcheng Jiang, Cao Xiao, Zifeng Wang, Parminder Bhatia, Jimeng Sun, Jiawei Han | 2024-03-15T14:36:38Z | cs.CL | The advent of large language models (LLMs) has significantly advanced natural
language processing tasks like text summarization. However, their large size
and computational demands, coupled with privacy concerns in data transmission,
limit their use in resource-constrained and privacy-centric settings. To
overcome this, we introduce TriSum, a framework for distilling LLMs' text
summarization abilities into a compact, local model. Initially, LLMs extract a
set of aspect-triple rationales and summaries, which are refined using a
dual-scoring method for quality. Next, a smaller local model is trained with
these tasks, employing a curriculum learning strategy that evolves from simple
to complex tasks. Our method enhances local model performance on various
benchmarks (CNN/DailyMail, XSum, and ClinicalTrial), outperforming baselines by
4.5%, 8.5%, and 7.4%, respectively. It also improves interpretability by
providing insights into the summarization rationale. | cs.CL | TriSum: Learning Summarization Ability from Large Language Models with Structured Rationale |
2024-03-15T14:31:52Z | http://arxiv.org/pdf/2403.14694v1 | http://arxiv.org/abs/2403.14694v1 | Manuel de Buenaga, Francisco Javier Bueno | 2024-03-15T14:31:52Z | cs.CY, cs.AI, cs.CL | The GPT (Generative Pre-trained Transformer) language models are an
artificial intelligence and natural language processing technology that enables
automatic text generation. There is a growing interest in applying GPT language
models to university teaching in various dimensions. From the perspective of
innovation in student and teacher activities, they can provide support in
understanding and generating content, problem-solving, as well as
personalization and test correction, among others. From the dimension of
internationalization, the misuse of these models represents a global problem
that requires taking a series of common measures in universities from different
geographical areas. In several countries, there has been a review of assessment
tools to ensure that work is done by students and not by AI. To this end, we
have conducted a detailed experiment in a representative subject of Computer
Science such as Software Engineering, which has focused on evaluating the use
of ChatGPT as an assistant in theory activities, exercises, and laboratory
practices, assessing its potential use as a support tool for both students and
teachers. | cs.CY | Application of GPT Language Models for Innovation in Activities in University Teaching |
2024-03-15T14:25:59Z | http://arxiv.org/pdf/2403.10338v1 | http://arxiv.org/abs/2403.10338v1 | Priyanka Sukumaran, Conor Houghton, Nina Kazanina | 2024-03-15T14:25:59Z | cs.CL | Humans can learn a new word and infer its grammatical properties from very
few examples. They have an abstract notion of linguistic properties like
grammatical gender and agreement rules that can be applied to novel syntactic
contexts and words. Drawing inspiration from psycholinguistics, we conduct a
noun learning experiment to assess whether an LSTM and a decoder-only
transformer can achieve human-like abstraction of grammatical gender in French.
Language models were tasked with learning the gender of a novel noun embedding
from a few examples in one grammatical agreement context and predicting
agreement in another, unseen context. We find that both language models
effectively generalise novel noun gender from one to two learning examples and
apply the learnt gender across agreement contexts, albeit with a bias for the
masculine gender category. Importantly, the few-shot updates were only applied
to the embedding layers, demonstrating that models encode sufficient gender
information within the word embedding space. While the generalisation behaviour
of models suggests that they represent grammatical gender as an abstract
category, like humans, further work is needed to explore the details of how
exactly this is implemented. For a comparative perspective with human
behaviour, we conducted an analogous one-shot novel noun gender learning
experiment, which revealed that native French speakers, like language models,
also exhibited a masculine gender bias and are not excellent one-shot learners
either. | cs.CL | Investigating grammatical abstraction in language models using few-shot learning of novel noun gender |
2024-03-15T14:14:26Z | http://arxiv.org/pdf/2403.10326v1 | http://arxiv.org/abs/2403.10326v1 | Shang-Hsuan Chiang, Ssu-Cheng Wang, Yao-Chung Fan | 2024-03-15T14:14:26Z | cs.CL, cs.AI, cs.LG | Manually designing cloze test consumes enormous time and efforts. The major
challenge lies in wrong option (distractor) selection. Having carefully-design
distractors improves the effectiveness of learner ability assessment. As a
result, the idea of automatically generating cloze distractor is motivated. In
this paper, we investigate cloze distractor generation by exploring the
employment of pre-trained language models (PLMs) as an alternative for
candidate distractor generation. Experiments show that the PLM-enhanced model
brings a substantial performance improvement. Our best performing model
advances the state-of-the-art result from 14.94 to 34.17 (NDCG@10 score). Our
code and dataset is available at https://github.com/AndyChiangSH/CDGP. | cs.CL | CDGP: Automatic Cloze Distractor Generation based on Pre-trained Language Model |
2024-03-15T13:43:47Z | http://arxiv.org/pdf/2403.10301v2 | http://arxiv.org/abs/2403.10301v2 | Hengxing Cai, Xiaochen Cai, Shuwen Yang, Jiankun Wang, Lin Yao, Zhifeng Gao, Junhan Chang, Sihang Li, Mingjun Xu, Changxin Wang, Hongshuai Wang, Yongge Li, Mujie Lin, Yaqi Li, Yuqi Yin, Linfeng Zhang, Guolin Ke | 2024-06-15T16:03:29Z | cs.CL, cs.CV | In scientific research and its application, scientific literature analysis is
crucial as it allows researchers to build on the work of others. However, the
fast growth of scientific knowledge has led to a massive increase in scholarly
articles, making in-depth literature analysis increasingly challenging and
time-consuming. The emergence of Large Language Models (LLMs) has offered a new
way to address this challenge. Known for their strong abilities in summarizing
texts, LLMs are seen as a potential tool to improve the analysis of scientific
literature. However, existing LLMs have their own limits. Scientific literature
often includes a wide range of multimodal elements, such as tables, charts, and
molecule, which are hard for text-focused LLMs to understand and analyze. This
issue points to the urgent need for new solutions that can fully understand and
analyze multimodal content in scientific literature. To answer this demand, we
present \textbf{Uni-SMART} (Universal Science Multimodal Analysis and Research
Transformer), an innovative model designed for in-depth understanding of
multimodal scientific literature. Through rigorous quantitative evaluation
across several domains, Uni-SMART demonstrates superior performance over other
text-focused LLMs. Furthermore, our exploration extends to practical
applications, including patent infringement detection and nuanced analysis of
charts. These applications not only highlight Uni-SMART's adaptability but also
its potential to revolutionize how we interact with scientific literature. | cs.CL | Uni-SMART: Universal Science Multimodal Analysis and Research Transformer |
2024-03-15T13:33:10Z | http://arxiv.org/pdf/2403.10293v1 | http://arxiv.org/abs/2403.10293v1 | Verena Blaschke, Barbara Kovačić, Siyao Peng, Hinrich Schütze, Barbara Plank | 2024-03-15T13:33:10Z | cs.CL | Despite the success of the Universal Dependencies (UD) project exemplified by
its impressive language breadth, there is still a lack in `within-language
breadth': most treebanks focus on standard languages. Even for German, the
language with the most annotations in UD, so far no treebank exists for one of
its language varieties spoken by over 10M people: Bavarian. To contribute to
closing this gap, we present the first multi-dialect Bavarian treebank
(MaiBaam) manually annotated with part-of-speech and syntactic dependency
information in UD, covering multiple text genres (wiki, fiction, grammar
examples, social, non-fiction). We highlight the morphosyntactic differences
between the closely-related Bavarian and German and showcase the rich
variability of speakers' orthographies. Our corpus includes 15k tokens,
covering dialects from all Bavarian-speaking areas spanning three countries. We
provide baseline parsing and POS tagging results, which are lower than results
obtained on German and vary substantially between different graph-based
parsers. To support further research on Bavarian syntax, we make our dataset,
language-specific guidelines and code publicly available. | cs.CL | MaiBaam: A Multi-Dialectal Bavarian Universal Dependency Treebank |
2024-03-15T13:25:09Z | http://arxiv.org/pdf/2403.10581v2 | http://arxiv.org/abs/2403.10581v2 | Chen Chen, Lei Li, Marcel Beetz, Abhirup Banerjee, Ramneek Gupta, Vicente Grau | 2024-03-22T16:00:24Z | q-bio.QM, cs.AI, cs.CL, cs.LG, eess.SP | Heart failure (HF) poses a significant public health challenge, with a rising
global mortality rate. Early detection and prevention of HF could significantly
reduce its impact. We introduce a novel methodology for predicting HF risk
using 12-lead electrocardiograms (ECGs). We present a novel, lightweight
dual-attention ECG network designed to capture complex ECG features essential
for early HF risk prediction, despite the notable imbalance between low and
high-risk groups. This network incorporates a cross-lead attention module and
twelve lead-specific temporal attention modules, focusing on cross-lead
interactions and each lead's local dynamics. To further alleviate model
overfitting, we leverage a large language model (LLM) with a public ECG-Report
dataset for pretraining on an ECG-report alignment task. The network is then
fine-tuned for HF risk prediction using two specific cohorts from the UK
Biobank study, focusing on patients with hypertension (UKB-HYP) and those who
have had a myocardial infarction (UKB-MI).The results reveal that LLM-informed
pre-training substantially enhances HF risk prediction in these cohorts. The
dual-attention design not only improves interpretability but also predictive
accuracy, outperforming existing competitive methods with C-index scores of
0.6349 for UKB-HYP and 0.5805 for UKB-MI. This demonstrates our method's
potential in advancing HF risk assessment with clinical complex ECG data. | q-bio.QM | Large Language Model-informed ECG Dual Attention Network for Heart Failure Risk Prediction |
2024-03-15T13:24:28Z | http://arxiv.org/pdf/2403.10281v1 | http://arxiv.org/abs/2403.10281v1 | Shang-Hsuan Chiang, Ming-Chih Lo, Lin-Wei Chao, Wen-Chih Peng | 2024-03-15T13:24:28Z | cs.CL, cs.AI, cs.LG | In this paper, we present Pre-CoFactv3, a comprehensive framework comprised
of Question Answering and Text Classification components for fact verification.
Leveraging In-Context Learning, Fine-tuned Large Language Models (LLMs), and
the FakeNet model, we address the challenges of fact verification. Our
experiments explore diverse approaches, comparing different Pre-trained LLMs,
introducing FakeNet, and implementing various ensemble methods. Notably, our
team, Trifecta, secured first place in the AAAI-24 Factify 3.0 Workshop,
surpassing the baseline accuracy by 103% and maintaining a 70% lead over the
second competitor. This success underscores the efficacy of our approach and
its potential contributions to advancing fact verification research. | cs.CL | Team Trifecta at Factify5WQA: Setting the Standard in Fact Verification with Fine-Tuning |
2024-03-15T13:15:23Z | http://arxiv.org/pdf/2403.10275v1 | http://arxiv.org/abs/2403.10275v1 | Jeremie Bogaert, Francois-Xavier Standaert | 2024-03-15T13:15:23Z | cs.CL, cs.AI | The explanations of large language models have recently been shown to be
sensitive to the randomness used for their training, creating a need to
characterize this sensitivity. In this paper, we propose a characterization
that questions the possibility to provide simple and informative explanations
for such models. To this end, we give statistical definitions for the
explanations' signal, noise and signal-to-noise ratio. We highlight that, in a
typical case study where word-level univariate explanations are analyzed with
first-order statistical tools, the explanations of simple feature-based models
carry more signal and less noise than those of transformer ones. We then
discuss the possibility to improve these results with alternative definitions
of signal and noise that would capture more complex explanations and analysis
methods, while also questioning the tradeoff with their plausibility for
readers. | cs.CL | A Question on the Explainability of Large Language Models and the Word-Level Univariate First-Order Plausibility Assumption |
2024-03-15T12:47:39Z | http://arxiv.org/pdf/2403.10258v2 | http://arxiv.org/abs/2403.10258v2 | Chaoqun Liu, Wenxuan Zhang, Yiran Zhao, Anh Tuan Luu, Lidong Bing | 2024-06-20T11:09:42Z | cs.CL | Large language models (LLMs) have demonstrated multilingual capabilities;
yet, they are mostly English-centric due to the imbalanced training corpora.
Existing works leverage this phenomenon to improve their multilingual
performances through translation, primarily on natural language processing
(NLP) tasks. This work extends the evaluation from NLP tasks to real user
queries and from English-centric LLMs to non-English-centric LLMs. While
translation into English can help improve the performance of multilingual NLP
tasks for English-centric LLMs, it may not be optimal for all scenarios. For
culture-related tasks that need deep language understanding, prompting in the
native language tends to be more promising as it better captures the nuances of
culture and language. Our experiments reveal varied behaviors among different
LLMs and tasks in the multilingual context. Therefore, we advocate for more
comprehensive multilingual evaluation and more efforts toward developing
multilingual LLMs beyond English-centric ones. | cs.CL | Is Translation All You Need? A Study on Solving Multilingual Tasks with Large Language Models |
2024-03-15T12:12:54Z | http://arxiv.org/pdf/2403.10239v1 | http://arxiv.org/abs/2403.10239v1 | A. Fronzetti Colladon, R. Vestrelli, S. Bait, M. M. Schiraldi | 2024-03-15T12:12:54Z | cs.CL, econ.EM, physics.soc-ph, I.2.7; J.4; H.4.0 | Various macroeconomic and institutional factors hinder FDI inflows, including
corruption, trade openness, access to finance, and political instability.
Existing research mostly focuses on country-level data, with limited
exploration of firm-level data, especially in developing countries. Recognizing
this gap, recent calls for research emphasize the need for qualitative data
analysis to delve into FDI determinants, particularly at the regional level.
This paper proposes a novel methodology, based on text mining and social
network analysis, to get information from more than 167,000 online news
articles to quantify regional-level (sub-national) attributes affecting FDI
ownership in African companies. Our analysis extends information on obstacles
to industrial development as mapped by the World Bank Enterprise Surveys.
Findings suggest that regional (sub-national) structural and institutional
characteristics can play an important role in determining foreign ownership. | cs.CL | A Big Data Approach to Understand Sub-national Determinants of FDI in Africa |
2024-03-15T12:08:58Z | http://arxiv.org/pdf/2403.10237v1 | http://arxiv.org/abs/2403.10237v1 | Elnaz Zafarani-Moattar, Mohammad Reza Kangavari, Amir Masoud Rahmani | 2024-03-15T12:08:58Z | cs.CL | Topic detection is a complex process and depends on language because it
somehow needs to analyze text. There have been few studies on topic detection
in Persian, and the existing algorithms are not remarkable. Therefore, we aimed
to study topic detection in Persian. The objectives of this study are: 1) to
conduct an extensive study on the best algorithms for topic detection, 2) to
identify necessary adaptations to make these algorithms suitable for the
Persian language, and 3) to evaluate their performance on Persian social
network texts. To achieve these objectives, we have formulated two research
questions: First, considering the lack of research in Persian, what
modifications should be made to existing frameworks, especially those developed
in English, to make them compatible with Persian? Second, how do these
algorithms perform, and which one is superior? There are various topic
detection methods that can be categorized into different categories. Frequent
pattern and clustering are selected for this research, and a hybrid of both is
proposed as a new category. Then, ten methods from these three categories are
selected. All of them are re-implemented from scratch, changed, and adapted
with Persian. These ten methods encompass different types of topic detection
methods and have shown good performance in English. The text of Persian social
network posts is used as the dataset. Additionally, a new multiclass evaluation
criterion, called FS, is used in this paper for the first time in the field of
topic detection. Approximately 1.4 billion tokens are processed during
experiments. The results indicate that if we are searching for keyword-topics
that are easily understandable by humans, the hybrid category is better.
However, if the aim is to cluster posts for further analysis, the frequent
pattern category is more suitable. | cs.CL | A comprehensive study on Frequent Pattern Mining and Clustering categories for topic detection in Persian text stream |
2024-03-15T11:58:18Z | http://arxiv.org/pdf/2403.10228v1 | http://arxiv.org/abs/2403.10228v1 | Yueqian Wang, Xiaojun Meng, Jianxin Liang, Yuxuan Wang, Qun Liu, Dongyan Zhao | 2024-03-15T11:58:18Z | cs.CV, cs.AI, cs.CL | Video-text Large Language Models (video-text LLMs) have shown remarkable
performance in answering questions and holding conversations on simple videos.
However, they perform almost the same as random on grounding text queries in
long and complicated videos, having little ability to understand and reason
about temporal information, which is the most fundamental difference between
videos and images. In this paper, we propose HawkEye, one of the first
video-text LLMs that can perform temporal video grounding in a fully
text-to-text manner. To collect training data that is applicable for temporal
video grounding, we construct InternVid-G, a large-scale video-text corpus with
segment-level captions and negative spans, with which we introduce two new
time-aware training objectives to video-text LLMs. We also propose a
coarse-grained method of representing segments in videos, which is more robust
and easier for LLMs to learn and follow than other alternatives. Extensive
experiments show that HawkEye is better at temporal video grounding and
comparable on other video-text tasks with existing video-text LLMs, which
verifies its superior video-text multi-modal understanding abilities. | cs.CV | HawkEye: Training Video-Text LLMs for Grounding Text in Videos |
2024-03-15T11:32:44Z | http://arxiv.org/pdf/2403.10214v1 | http://arxiv.org/abs/2403.10214v1 | Jin Cui, Fumiyo Fukumoto, Xinfeng Wang, Yoshimi Suzuki, Jiyi Li, Noriko Tomuro, Wanzeng Kong | 2024-03-15T11:32:44Z | cs.CL | Aspect-category-based sentiment analysis (ACSA), which aims to identify
aspect categories and predict their sentiments has been intensively studied due
to its wide range of NLP applications. Most approaches mainly utilize
intrasentential features. However, a review often includes multiple different
aspect categories, and some of them do not explicitly appear in the review.
Even in a sentence, there is more than one aspect category with its sentiments,
and they are entangled intra-sentence, which makes the model fail to
discriminately preserve all sentiment characteristics. In this paper, we
propose an enhanced coherence-aware network with hierarchical disentanglement
(ECAN) for ACSA tasks. Specifically, we explore coherence modeling to capture
the contexts across the whole review and to help the implicit aspect and
sentiment identification. To address the issue of multiple aspect categories
and sentiment entanglement, we propose a hierarchical disentanglement module to
extract distinct categories and sentiment features. Extensive experimental and
visualization results show that our ECAN effectively decouples multiple
categories and sentiments entangled in the coherence representations and
achieves state-of-the-art (SOTA) performance. Our codes and data are available
online: \url{https://github.com/cuijin-23/ECAN}. | cs.CL | Enhanced Coherence-Aware Network with Hierarchical Disentanglement for Aspect-Category Sentiment Analysis |
2024-03-15T11:11:57Z | http://arxiv.org/pdf/2403.10205v1 | http://arxiv.org/abs/2403.10205v1 | Prince Kumar, Srikanth Tamilselvam, Dinesh Garg | 2024-03-15T11:11:57Z | cs.CL, cs.AI | While text summarization is a well-known NLP task, in this paper, we
introduce a novel and useful variant of it called functionality extraction from
Git README files. Though this task is a text2text generation at an abstract
level, it involves its own peculiarities and challenges making existing
text2text generation systems not very useful. The motivation behind this task
stems from a recent surge in research and development activities around the use
of large language models for code-related tasks, such as code refactoring, code
summarization, etc. We also release a human-annotated dataset called FuncRead,
and develop a battery of models for the task. Our exhaustive experimentation
shows that small size fine-tuned models beat any baseline models that can be
designed using popular black-box or white-box large language models (LLMs) such
as ChatGPT and Bard. Our best fine-tuned 7 Billion CodeLlama model exhibit 70%
and 20% gain on the F1 score against ChatGPT and Bard respectively. | cs.CL | Read between the lines -- Functionality Extraction From READMEs |
2024-03-15T10:46:00Z | http://arxiv.org/pdf/2403.10185v2 | http://arxiv.org/abs/2403.10185v2 | Aswathy Velutharambath, Amelie Wührl, Roman Klinger | 2024-05-10T06:58:04Z | cs.CL | If a person firmly believes in a non-factual statement, such as "The Earth is
flat", and argues in its favor, there is no inherent intention to deceive. As
the argumentation stems from genuine belief, it may be unlikely to exhibit the
linguistic properties associated with deception or lying. This interplay of
factuality, personal belief, and intent to deceive remains an understudied
area. Disentangling the influence of these variables in argumentation is
crucial to gain a better understanding of the linguistic properties attributed
to each of them. To study the relation between deception and factuality, based
on belief, we present the DeFaBel corpus, a crowd-sourced resource of
belief-based deception. To create this corpus, we devise a study in which
participants are instructed to write arguments supporting statements like
"eating watermelon seeds can cause indigestion", regardless of its factual
accuracy or their personal beliefs about the statement. In addition to the
generation task, we ask them to disclose their belief about the statement. The
collected instances are labelled as deceptive if the arguments are in
contradiction to the participants' personal beliefs. Each instance in the
corpus is thus annotated (or implicitly labelled) with personal beliefs of the
author, factuality of the statement, and the intended deceptiveness. The
DeFaBel corpus contains 1031 texts in German, out of which 643 are deceptive
and 388 are non-deceptive. It is the first publicly available corpus for
studying deception in German. In our analysis, we find that people are more
confident in the persuasiveness of their arguments when the statement is
aligned with their belief, but surprisingly less confident when they are
generating arguments in favor of facts. The DeFaBel corpus can be obtained from
https://www.ims.uni-stuttgart.de/data/defabel | cs.CL | Can Factual Statements be Deceptive? The DeFaBel Corpus of Belief-based Deception |
2024-03-15T09:43:52Z | http://arxiv.org/pdf/2403.10144v2 | http://arxiv.org/abs/2403.10144v2 | Marco Casadio, Tanvi Dinkar, Ekaterina Komendantskaya, Luca Arnaboldi, Matthew L. Daggitt, Omri Isac, Guy Katz, Verena Rieser, Oliver Lemon | 2024-05-31T13:11:15Z | cs.CL, cs.AI, cs.LG, cs.LO, cs.PL | Deep neural networks have exhibited substantial success in the field of
Natural Language Processing and ensuring their safety and reliability is
crucial: there are safety critical contexts where such models must be robust to
variability or attack, and give guarantees over their output. Unlike Computer
Vision, NLP lacks a unified verification methodology and, despite recent
advancements in literature, they are often light on the pragmatical issues of
NLP verification. In this paper, we attempt to distil and evaluate general
components of an NLP verification pipeline, that emerges from the progress in
the field to date. Our contributions are two-fold. Firstly, we give a general
(i.e. algorithm-independent) characterisation of verifiable subspaces that
result from embedding sentences into continuous spaces. We identify, and give
an effective method to deal with, the technical challenge of semantic
generalisability of verified subspaces; and propose it as a standard metric in
the NLP verification pipelines (alongside with the standard metrics of model
accuracy and model verifiability). Secondly, we propose a general methodology
to analyse the effect of the embedding gap -- a problem that refers to the
discrepancy between verification of geometric subspaces, and the semantic
meaning of sentences which the geometric subspaces are supposed to represent.
In extreme cases, poor choices in embedding of sentences may invalidate
verification results. We propose a number of practical NLP methods that can
help to quantify the effects of the embedding gap; and in particular we propose
the metric of falsifiability of semantic subspaces as another fundamental
metric to be reported as part of the NLP verification pipeline. We believe that
together these general principles pave the way towards a more consolidated and
effective development of this new domain. | cs.CL | NLP Verification: Towards a General Methodology for Certifying Robustness |
2024-03-15T09:28:19Z | http://arxiv.org/pdf/2403.10135v1 | http://arxiv.org/abs/2403.10135v1 | Lei Wang, Ee-Peng Lim | 2024-03-15T09:28:19Z | cs.IR, cs.AI, cs.CL | Large language models (LLMs) have shown excellent performance on various NLP
tasks. To use LLMs as strong sequential recommenders, we explore the in-context
learning approach to sequential recommendation. We investigate the effects of
instruction format, task consistency, demonstration selection, and number of
demonstrations. As increasing the number of demonstrations in ICL does not
improve accuracy despite using a long prompt, we propose a novel method called
LLMSRec-Syn that incorporates multiple demonstration users into one aggregated
demonstration. Our experiments on three recommendation datasets show that
LLMSRec-Syn outperforms state-of-the-art LLM-based sequential recommendation
methods. In some cases, LLMSRec-Syn can perform on par with or even better than
supervised learning methods. Our code is publicly available at
https://github.com/demoleiwang/LLMSRec_Syn. | cs.IR | The Whole is Better than the Sum: Using Aggregated Demonstrations in In-Context Learning for Sequential Recommendation |
2024-03-15T09:26:02Z | http://arxiv.org/pdf/2403.10131v2 | http://arxiv.org/abs/2403.10131v2 | Tianjun Zhang, Shishir G. Patil, Naman Jain, Sheng Shen, Matei Zaharia, Ion Stoica, Joseph E. Gonzalez | 2024-06-05T17:27:51Z | cs.CL, cs.AI | Pretraining Large Language Models (LLMs) on large corpora of textual data is
now a standard paradigm. When using these LLMs for many downstream
applications, it is common to additionally bake in new knowledge (e.g.,
time-critical news, or private domain knowledge) into the pretrained model
either through RAG-based-prompting, or fine-tuning. However, the optimal
methodology for the model to gain such new knowledge remains an open question.
In this paper, we present Retrieval Augmented FineTuning (RAFT), a training
recipe that improves the model's ability to answer questions in a "open-book"
in-domain settings. In RAFT, given a question, and a set of retrieved
documents, we train the model to ignore those documents that don't help in
answering the question, which we call, distractor documents. RAFT accomplishes
this by citing verbatim the right sequence from the relevant document that
would help answer the question. This coupled with RAFT's chain-of-thought-style
response helps improve the model's ability to reason. In domain-specific RAG,
RAFT consistently improves the model's performance across PubMed, HotpotQA, and
Gorilla datasets, presenting a post-training recipe to improve pre-trained LLMs
to in-domain RAG. RAFT's code and demo are open-sourced at
github.com/ShishirPatil/gorilla. | cs.CL | RAFT: Adapting Language Model to Domain Specific RAG |
2024-03-15T09:15:22Z | http://arxiv.org/pdf/2403.15434v1 | http://arxiv.org/abs/2403.15434v1 | Zixiao Wang, Yunheng Shen, Xufeng Yao, Wenqian Zhao, Yang Bai, Farzan Farnia, Bei Yu | 2024-03-15T09:15:22Z | cs.CL, cs.AI | Existing works focus on fixed-size layout pattern generation, while the more
practical free-size pattern generation receives limited attention. In this
paper, we propose ChatPattern, a novel Large-Language-Model (LLM) powered
framework for flexible pattern customization. ChatPattern utilizes a two-part
system featuring an expert LLM agent and a highly controllable layout pattern
generator. The LLM agent can interpret natural language requirements and
operate design tools to meet specified needs, while the generator excels in
conditional layout generation, pattern modification, and memory-friendly
patterns extension. Experiments on challenging pattern generation setting shows
the ability of ChatPattern to synthesize high-quality large-scale patterns. | cs.CL | ChatPattern: Layout Pattern Customization via Natural Language |
2024-03-15T08:03:49Z | http://arxiv.org/pdf/2403.10088v1 | http://arxiv.org/abs/2403.10088v1 | Amey Hengle, Aswini Kumar, Sahajpreet Singh, Anil Bandhakavi, Md Shad Akhtar, Tanmoy Chakroborty | 2024-03-15T08:03:49Z | cs.CL, cs.AI | Counterspeech, defined as a response to mitigate online hate speech, is
increasingly used as a non-censorial solution. Addressing hate speech
effectively involves dispelling the stereotypes, prejudices, and biases often
subtly implied in brief, single-sentence statements or abuses. These implicit
expressions challenge language models, especially in seq2seq tasks, as model
performance typically excels with longer contexts. Our study introduces CoARL,
a novel framework enhancing counterspeech generation by modeling the pragmatic
implications underlying social biases in hateful statements. CoARL's first two
phases involve sequential multi-instruction tuning, teaching the model to
understand intents, reactions, and harms of offensive statements, and then
learning task-specific low-rank adapter weights for generating
intent-conditioned counterspeech. The final phase uses reinforcement learning
to fine-tune outputs for effectiveness and non-toxicity. CoARL outperforms
existing benchmarks in intent-conditioned counterspeech generation, showing an
average improvement of 3 points in intent-conformity and 4 points in
argument-quality metrics. Extensive human evaluation supports CoARL's efficacy
in generating superior and more context-appropriate responses compared to
existing systems, including prominent LLMs like ChatGPT. | cs.CL | Intent-conditioned and Non-toxic Counterspeech Generation using Multi-Task Instruction Tuning with RLAIF |
2024-03-15T07:45:37Z | http://arxiv.org/pdf/2403.10081v2 | http://arxiv.org/abs/2403.10081v2 | Weihang Su, Yichen Tang, Qingyao Ai, Zhijing Wu, Yiqun Liu | 2024-06-05T18:44:59Z | cs.CL, cs.IR | Dynamic retrieval augmented generation (RAG) paradigm actively decides when
and what to retrieve during the text generation process of Large Language
Models (LLMs). There are two key elements of this paradigm: identifying the
optimal moment to activate the retrieval module (deciding when to retrieve) and
crafting the appropriate query once retrieval is triggered (determining what to
retrieve). However, current dynamic RAG methods fall short in both aspects.
Firstly, the strategies for deciding when to retrieve often rely on static
rules. Moreover, the strategies for deciding what to retrieve typically limit
themselves to the LLM's most recent sentence or the last few tokens, while the
LLM's real-time information needs may span across the entire context. To
overcome these limitations, we introduce a new framework, DRAGIN, i.e., Dynamic
Retrieval Augmented Generation based on the real-time Information Needs of
LLMs. Our framework is specifically designed to make decisions on when and what
to retrieve based on the LLM's real-time information needs during the text
generation process. We evaluate DRAGIN along with existing methods
comprehensively over 4 knowledge-intensive generation datasets. Experimental
results show that DRAGIN achieves superior performance on all tasks,
demonstrating the effectiveness of our method. We have open-sourced all the
code, data, and models in GitHub: https://github.com/oneal2000/DRAGIN/tree/main | cs.CL | DRAGIN: Dynamic Retrieval Augmented Generation based on the Information Needs of Large Language Models |
2024-03-15T07:15:48Z | http://arxiv.org/pdf/2403.10065v1 | http://arxiv.org/abs/2403.10065v1 | Binbin Li, Yuqing Li, Siyu Jia, Bingnan Ma, Yu Ding, Zisen Qi, Xingbang Tan, Menghan Guo, Shenghui Liu | 2024-03-15T07:15:48Z | cs.CL | Conversational Aspect-Based Sentiment Analysis (DiaASQ) aims to detect
quadruples \{target, aspect, opinion, sentiment polarity\} from given
dialogues. In DiaASQ, elements constituting these quadruples are not
necessarily confined to individual sentences but may span across multiple
utterances within a dialogue. This necessitates a dual focus on both the
syntactic information of individual utterances and the semantic interaction
among them. However, previous studies have primarily focused on coarse-grained
relationships between utterances, thus overlooking the potential benefits of
detailed intra-utterance syntactic information and the granularity of
inter-utterance relationships. This paper introduces the Triple GNNs network to
enhance DiaAsQ. It employs a Graph Convolutional Network (GCN) for modeling
syntactic dependencies within utterances and a Dual Graph Attention Network
(DualGATs) to construct interactions between utterances. Experiments on two
standard datasets reveal that our model significantly outperforms
state-of-the-art baselines. The code is available at
\url{https://github.com/nlperi2b/Triple-GNNs-}. | cs.CL | Triple GNNs: Introducing Syntactic and Semantic Information for Conversational Aspect-Based Quadruple Sentiment Analysis |
2024-03-15T06:59:43Z | http://arxiv.org/pdf/2403.10059v2 | http://arxiv.org/abs/2403.10059v2 | Di Wu, Wasi Uddin Ahmad, Dejiao Zhang, Murali Krishna Ramanathan, Xiaofei Ma | 2024-06-04T10:04:33Z | cs.SE, cs.CL | Recent advances in retrieval-augmented generation (RAG) have initiated a new
era in repository-level code completion. However, the invariable use of
retrieval in existing methods exposes issues in both efficiency and robustness,
with a large proportion of the retrieved contexts proving unhelpful or harmful
to code language models (code LMs). In this paper, we propose a selective RAG
framework to avoid retrieval when unnecessary. To power this framework, we
design a self-supervised learning approach to enable a code LM to accurately
self-evaluate whether retrieval can improve its output quality and robustly
leverage the potentially noisy retrieved contexts. Using this LM as both the
selective RAG policy and the generation model, our framework achieves
state-of-the-art repository-level code completion performance on diverse
benchmarks including RepoEval, CrossCodeEval, and CrossCodeLongEval, a new
long-form code completion benchmark. Meanwhile, our analyses show that
selectively retrieving brings as much as 70% inference speedup in the online
serving setting without harming the performance. We further demonstrate that
our framework is able to accommodate different generation models, retrievers,
and programming languages. These advancements position our framework as an
important step towards more accurate and efficient repository-level code
completion. | cs.SE | Repoformer: Selective Retrieval for Repository-Level Code Completion |
2024-03-15T06:57:08Z | http://arxiv.org/pdf/2403.12094v1 | http://arxiv.org/abs/2403.12094v1 | Abdelrahman "Boda" Sadallah, Daria Kotova, Ekaterina Kochmar | 2024-03-15T06:57:08Z | cs.AI, cs.CL, cs.LG | Cryptic crosswords are puzzles that rely not only on general knowledge but
also on the solver's ability to manipulate language on different levels and
deal with various types of wordplay. Previous research suggests that solving
such puzzles is a challenge even for modern NLP models. However, the abilities
of large language models (LLMs) have not yet been tested on this task. In this
paper, we establish the benchmark results for three popular LLMs -- LLaMA2,
Mistral, and ChatGPT -- showing that their performance on this task is still
far from that of humans. | cs.AI | Are LLMs Good Cryptic Crossword Solvers? |
2024-03-15T06:54:20Z | http://arxiv.org/pdf/2403.10056v1 | http://arxiv.org/abs/2403.10056v1 | Yongquan He, Xuancheng Huang, Minghao Tang, Lingxun Meng, Xiang Li, Wei Lin, Wenyuan Zhang, Yifu Gao | 2024-03-15T06:54:20Z | cs.CL, cs.AI | Instruction tuning for large language models (LLMs) can drive them to produce
results consistent with human goals in specific downstream tasks. However, the
process of continual instruction tuning (CIT) for LLMs may bring about the
catastrophic forgetting (CF) problem, where previously learned abilities are
degraded. Recent methods try to alleviate the CF problem by modifying models or
replaying data, which may only remember the surface-level pattern of
instructions and get confused on held-out tasks. In this paper, we propose a
novel continual instruction tuning method based on Key-part Information Gain
(KPIG). Our method computes the information gain on masked parts to dynamically
replay data and refine the training objective, which enables LLMs to capture
task-aware information relevant to the correct response and alleviate
overfitting to general descriptions in instructions. In addition, we propose
two metrics, P-score and V-score, to measure the generalization and
instruction-following abilities of LLMs. Experiments demonstrate our method
achieves superior performance on both seen and held-out tasks. | cs.CL | Don't Half-listen: Capturing Key-part Information in Continual Instruction Tuning |
2024-03-15T05:35:02Z | http://arxiv.org/pdf/2403.10576v2 | http://arxiv.org/abs/2403.10576v2 | Eugene Jang, Jian Cui, Dayeon Yim, Youngjin Jin, Jin-Woo Chung, Seungwon Shin, Yongjae Lee | 2024-04-02T08:46:42Z | cs.CR, cs.CL, cs.LG, I.2.7 | Cybersecurity information is often technically complex and relayed through
unstructured text, making automation of cyber threat intelligence highly
challenging. For such text domains that involve high levels of expertise,
pretraining on in-domain corpora has been a popular method for language models
to obtain domain expertise. However, cybersecurity texts often contain
non-linguistic elements (such as URLs and hash values) that could be unsuitable
with the established pretraining methodologies. Previous work in other domains
have removed or filtered such text as noise, but the effectiveness of these
methods have not been investigated, especially in the cybersecurity domain. We
propose different pretraining methodologies and evaluate their effectiveness
through downstream tasks and probing tasks. Our proposed strategy (selective
MLM and jointly training NLE token classification) outperforms the commonly
taken approach of replacing non-linguistic elements (NLEs). We use our
domain-customized methodology to train CyBERTuned, a cybersecurity domain
language model that outperforms other cybersecurity PLMs on most tasks. | cs.CR | Ignore Me But Don't Replace Me: Utilizing Non-Linguistic Elements for Pretraining on the Cybersecurity Domain |
2024-03-15T05:06:21Z | http://arxiv.org/pdf/2403.10020v1 | http://arxiv.org/abs/2403.10020v1 | Yiyang Luo, Ke Lin, Chao Gu | 2024-03-15T05:06:21Z | cs.CL, cs.MM | The proliferation of large language models (LLMs) in generating content
raises concerns about text copyright. Watermarking methods, particularly
logit-based approaches, embed imperceptible identifiers into text to address
these challenges. However, the widespread use of watermarking across diverse
LLMs has led to an inevitable issue known as watermark collision during common
tasks like question answering and paraphrasing. This study focuses on dual
watermark collisions, where two watermarks are present simultaneously in the
same text. The research demonstrates that watermark collision poses a threat to
detection performance for detectors of both upstream and downstream watermark
algorithms. | cs.CL | Lost in Overlap: Exploring Watermark Collision in LLMs |
2024-03-15T04:41:50Z | http://arxiv.org/pdf/2403.10575v1 | http://arxiv.org/abs/2403.10575v1 | Seonghyeon Lee, Sanghwan Jang, Seongbo Jang, Dongha Lee, Hwanjo Yu | 2024-03-15T04:41:50Z | cs.SE, cs.AI, cs.CL | Auxiliary function is a helpful component to improve language model's code
generation ability. However, a systematic exploration of how they affect has
yet to be done. In this work, we comprehensively evaluate the ability to
utilize auxiliary functions encoded in recent code-pretrained language models.
First, we construct a human-crafted evaluation set, called HumanExtension,
which contains examples of two functions where one function assists the other.
With HumanExtension, we design several experiments to examine their ability in
a multifaceted way. Our evaluation processes enable a comprehensive
understanding of including auxiliary functions in the prompt in terms of
effectiveness and robustness. An additional implementation style analysis
captures the models' various implementation patterns when they access the
auxiliary function. Through this analysis, we discover the models' promising
ability to utilize auxiliary functions including their self-improving behavior
by implementing the two functions step-by-step. However, our analysis also
reveals the model's underutilized behavior to call the auxiliary function,
suggesting the future direction to enhance their implementation by eliciting
the auxiliary function call ability encoded in the models. We release our code
and dataset to facilitate this research direction. | cs.SE | Exploring Language Model's Code Generation Ability with Auxiliary Functions |
2024-03-15T04:02:24Z | http://arxiv.org/pdf/2403.13840v1 | http://arxiv.org/abs/2403.13840v1 | Pagnarasmey Pit, Xingjun Ma, Mike Conway, Qingyu Chen, James Bailey, Henry Pit, Putrasmey Keo, Watey Diep, Yu-Gang Jiang | 2024-03-15T04:02:24Z | cs.CL, cs.AI, cs.SI | Large Language Models (LLMs) have gained significant popularity for their
application in various everyday tasks such as text generation, summarization,
and information retrieval. As the widespread adoption of LLMs continues to
surge, it becomes increasingly crucial to ensure that these models yield
responses that are politically impartial, with the aim of preventing
information bubbles, upholding fairness in representation, and mitigating
confirmation bias. In this paper, we propose a quantitative framework and
pipeline designed to systematically investigate the political orientation of
LLMs. Our investigation delves into the political alignment of LLMs across a
spectrum of eight polarizing topics, spanning from abortion to LGBTQ issues.
Across topics, the results indicate that LLMs exhibit a tendency to provide
responses that closely align with liberal or left-leaning perspectives rather
than conservative or right-leaning ones when user queries include details
pertaining to occupation, race, or political affiliation. The findings
presented in this study not only reaffirm earlier observations regarding the
left-leaning characteristics of LLMs but also surface particular attributes,
such as occupation, that are particularly susceptible to such inclinations even
when directly steered towards conservatism. As a recommendation to avoid these
models providing politicised responses, users should be mindful when crafting
queries, and exercise caution in selecting neutral prompt language. | cs.CL | Whose Side Are You On? Investigating the Political Stance of Large Language Models |
2024-03-15T03:43:07Z | http://arxiv.org/pdf/2403.09997v1 | http://arxiv.org/abs/2403.09997v1 | Xiang Dai, Sarvnaz Karimi, Nathan O'Callaghan | 2024-03-15T03:43:07Z | cs.CL | Electronic health records include information on patients' status and medical
history, which could cover the history of diseases and disorders that could be
hereditary. One important use of family history information is in precision
health, where the goal is to keep the population healthy with preventative
measures. Natural Language Processing (NLP) and machine learning techniques can
assist with identifying information that could assist health professionals in
identifying health risks before a condition is developed in their later years,
saving lives and reducing healthcare costs.
We survey the literature on the techniques from the NLP field that have been
developed to utilise digital health records to identify risks of familial
diseases. We highlight that rule-based methods are heavily investigated and are
still actively used for family history extraction. Still, more recent efforts
have been put into building neural models based on large-scale pre-trained
language models. In addition to the areas where NLP has successfully been
utilised, we also identify the areas where more research is needed to unlock
the value of patients' records regarding data collection, task formulation and
downstream applications. | cs.CL | Identifying Health Risks from Family History: A Survey of Natural Language Processing Techniques |
2024-03-15T02:40:13Z | http://arxiv.org/pdf/2403.09974v1 | http://arxiv.org/abs/2403.09974v1 | Enguang Wang, Zhimao Peng, Zhengyuan Xie, Xialei Liu, Ming-Ming Cheng | 2024-03-15T02:40:13Z | cs.CV, cs.AI, cs.CL, cs.LG | Given unlabelled datasets containing both old and new categories, generalized
category discovery (GCD) aims to accurately discover new classes while
correctly classifying old classes, leveraging the class concepts learned from
labeled samples. Current GCD methods only use a single visual modality of
information, resulting in poor classification of visually similar classes.
Though certain classes are visually confused, their text information might be
distinct, motivating us to introduce text information into the GCD task.
However, the lack of class names for unlabelled data makes it impractical to
utilize text information. To tackle this challenging problem, in this paper, we
propose a Text Embedding Synthesizer (TES) to generate pseudo text embeddings
for unlabelled samples. Specifically, our TES leverages the property that CLIP
can generate aligned vision-language features, converting visual embeddings
into tokens of the CLIP's text encoder to generate pseudo text embeddings.
Besides, we employ a dual-branch framework, through the joint learning and
instance consistency of different modality branches, visual and semantic
information mutually enhance each other, promoting the interaction and fusion
of visual and text embedding space. Our method unlocks the multi-modal
potentials of CLIP and outperforms the baseline methods by a large margin on
all GCD benchmarks, achieving new state-of-the-art. The code will be released
at \url{https://github.com/enguangW/GET}. | cs.CV | GET: Unlocking the Multi-modal Potential of CLIP for Generalized Category Discovery |
2024-03-15T02:38:26Z | http://arxiv.org/pdf/2403.09972v2 | http://arxiv.org/abs/2403.09972v2 | Moxin Li, Wenjie Wang, Fuli Feng, Fengbin Zhu, Qifan Wang, Tat-Seng Chua | 2024-06-04T05:42:12Z | cs.CL | Self-detection for Large Language Model (LLM) seeks to evaluate the LLM
output trustability by leveraging LLM's own capabilities, alleviating the
output hallucination issue. However, existing self-detection approaches only
retrospectively evaluate answers generated by LLM, typically leading to the
over-trust in incorrectly generated answers. To tackle this limitation, we
propose a novel self-detection paradigm that considers the comprehensive answer
space beyond LLM-generated answers. It thoroughly compares the trustability of
multiple candidate answers to mitigate the over-trust in LLM-generated
incorrect answers. Building upon this paradigm, we introduce a two-step
framework, which firstly instructs LLM to reflect and provide justifications
for each candidate answer, and then aggregates the justifications for
comprehensive target answer evaluation. This framework can be seamlessly
integrated with existing approaches for superior self-detection. Extensive
experiments on six datasets spanning three tasks demonstrate the effectiveness
of the proposed framework. | cs.CL | Think Twice Before Trusting: Self-Detection for Large Language Models through Comprehensive Answer Reflection |
2024-03-15T02:04:35Z | http://arxiv.org/pdf/2403.09963v2 | http://arxiv.org/abs/2403.09963v2 | Ziyang Xu, Keqin Peng, Liang Ding, Dacheng Tao, Xiliang Lu | 2024-03-26T04:08:47Z | cs.CL, cs.AI, cs.IR | Recent research shows that pre-trained language models (PLMs) suffer from
"prompt bias" in factual knowledge extraction, i.e., prompts tend to introduce
biases toward specific labels. Prompt bias presents a significant challenge in
assessing the factual knowledge within PLMs. Therefore, this paper aims to
improve the reliability of existing benchmarks by thoroughly investigating and
mitigating prompt bias. We show that: 1) all prompts in the experiments exhibit
non-negligible bias, with gradient-based prompts like AutoPrompt and OptiPrompt
displaying significantly higher levels of bias; 2) prompt bias can amplify
benchmark accuracy unreasonably by overfitting the test datasets, especially on
imbalanced datasets like LAMA. Based on these findings, we propose a
representation-based approach to mitigate the prompt bias during inference
time. Specifically, we first estimate the biased representation using
prompt-only querying, and then remove it from the model's internal
representations to generate the debiased representations, which are used to
produce the final debiased outputs. Experiments across various prompts, PLMs,
and benchmarks show that our approach can not only correct the overfitted
performance caused by prompt bias, but also significantly improve the prompt
retrieval capability (up to 10% absolute performance gain). These results
indicate that our approach effectively alleviates prompt bias in knowledge
evaluation, thereby enhancing the reliability of benchmark assessments.
Hopefully, our plug-and-play approach can be a golden standard to strengthen
PLMs toward reliable knowledge bases. Code and data are released in
https://github.com/FelliYang/PromptBias. | cs.CL | Take Care of Your Prompt Bias! Investigating and Mitigating Prompt Bias in Factual Knowledge Extraction |
2024-03-14T23:40:56Z | http://arxiv.org/pdf/2403.09919v3 | http://arxiv.org/abs/2403.09919v3 | Aonan Zhang, Chong Wang, Yi Wang, Xuanyu Zhang, Yunfei Cheng | 2024-05-30T17:55:19Z | cs.CL, cs.LG | In this paper, we introduce an improved approach of speculative decoding
aimed at enhancing the efficiency of serving large language models. Our method
capitalizes on the strengths of two established techniques: the classic
two-model speculative decoding approach, and the more recent single-model
approach, Medusa. Drawing inspiration from Medusa, our approach adopts a
single-model strategy for speculative decoding. However, our method
distinguishes itself by employing a single, lightweight draft head with a
recurrent dependency design, akin in essence to the small, draft model uses in
classic speculative decoding, but without the complexities of the full
transformer architecture. And because of the recurrent dependency, we can use
beam search to swiftly filter out undesired candidates with the draft head. The
outcome is a method that combines the simplicity of single-model design and
avoids the need to create a data-dependent tree attention structure only for
inference in Medusa. We empirically demonstrate the effectiveness of the
proposed method on several popular open source language models, along with a
comprehensive analysis of the trade-offs involved in adopting this approach. | cs.CL | Recurrent Drafter for Fast Speculative Decoding in Large Language Models |
2024-03-14T21:55:17Z | http://arxiv.org/pdf/2403.09892v1 | http://arxiv.org/abs/2403.09892v1 | Jonathan Dunn, Lane Edwards-Brown | 2024-03-14T21:55:17Z | cs.CL | This paper develops an approach to language identification in which the set
of languages considered by the model depends on the geographic origin of the
text in question. Given that many digital corpora can be geo-referenced at the
country level, this paper formulates 16 region-specific models, each of which
contains the languages expected to appear in countries within that region.
These regional models also each include 31 widely-spoken international
languages in order to ensure coverage of these linguae francae regardless of
location. An upstream evaluation using traditional language identification
testing data shows an improvement in f-score ranging from 1.7 points (Southeast
Asia) to as much as 10.4 points (North Africa). A downstream evaluation on
social media data shows that this improved performance has a significant impact
on the language labels which are applied to large real-world corpora. The
result is a highly-accurate model that covers 916 languages at a sample size of
50 characters, the performance improved by incorporating geographic information
into the model. | cs.CL | Geographically-Informed Language Identification |
2024-03-14T21:52:26Z | http://arxiv.org/pdf/2403.09891v3 | http://arxiv.org/abs/2403.09891v3 | Thennal D K, Ganesh Nathan, Suchithra M S | 2024-05-03T13:12:40Z | cs.CL, cs.AI, cs.LG | Fine-tuning pre-trained models provides significant advantages in downstream
performance. The ubiquitous nature of pre-trained models such as BERT and its
derivatives in natural language processing has also led to a proliferation of
task-specific fine-tuned models. As these models typically only perform one
task well, additional training or ensembling is required in multi-task
scenarios. The growing field of model merging provides a solution, dealing with
the challenge of combining multiple task-specific models into a single
multi-task model. In this study, we introduce a novel model merging method for
Transformers, combining insights from previous work in Fisher-weighted
averaging and the use of Fisher information in model pruning. Utilizing the
Fisher information of mask nodes within the Transformer architecture, we devise
a computationally efficient weighted-averaging scheme. Our method exhibits a
regular and significant performance increase across various models in the BERT
family, outperforming full-scale Fisher-weighted averaging in a fraction of the
computational cost, with baseline performance improvements of up to +6.5 and a
speedup between 57.4x and 321.7x across models. Our results prove the potential
of our method in current multi-task learning environments and suggest its
scalability and adaptability to new model architectures and learning scenarios. | cs.CL | Fisher Mask Nodes for Language Model Merging |
2024-03-14T21:44:48Z | http://arxiv.org/pdf/2403.09887v2 | http://arxiv.org/abs/2403.09887v2 | Thales Sales Almeida, Hugo Abonizio, Rodrigo Nogueira, Ramon Pires | 2024-03-26T23:52:35Z | cs.CL, cs.AI | We introduce Sabi\'a-2, a family of large language models trained on
Portuguese texts. The models are evaluated on a diverse range of exams,
including entry-level tests for Brazilian universities, professional
certification exams, and graduate-level exams for various disciplines such as
accounting, economics, engineering, law and medicine. Our results reveal that
our best model so far, Sabi\'a-2 Medium, matches or surpasses GPT-4's
performance in 23 out of 64 exams and outperforms GPT-3.5 in 58 out of 64
exams. Notably, specialization has a significant impact on a model's
performance without the need to increase its size, allowing us to offer
Sabi\'a-2 Medium at a price per token that is 10 times cheaper than GPT-4.
Finally, we identified that math and coding are key abilities that need
improvement. | cs.CL | Sabiá-2: A New Generation of Portuguese Large Language Models |
2024-03-14T20:39:26Z | http://arxiv.org/pdf/2403.09858v2 | http://arxiv.org/abs/2403.09858v2 | Shaina Raza, Tahniat Khan, Veronica Chatrath, Drai Paulen-Patterson, Mizanur Rahman, Oluwanifemi Bamgbose | 2024-05-04T18:53:38Z | cs.CL | In today's technologically driven world, the rapid spread of fake news,
particularly during critical events like elections, poses a growing threat to
the integrity of information. To tackle this challenge head-on, we introduce
FakeWatch, a comprehensive framework carefully designed to detect fake news.
Leveraging a newly curated dataset of North American election-related news
articles, we construct robust classification models. Our framework integrates a
model hub comprising of both traditional machine learning (ML) techniques, and
state-of-the-art Language Models (LMs) to discern fake news effectively. Our
objective is to provide the research community with adaptable and precise
classification models adept at identifying fake news for the elections agenda.
Quantitative evaluations of fake news classifiers on our dataset reveal that,
while state-of-the-art LMs exhibit a slight edge over traditional ML models,
classical models remain competitive due to their balance of accuracy and
computational efficiency. Additionally, qualitative analyses shed light on
patterns within fake news articles. We provide our labeled data at
https://huggingface.co/datasets/newsmediabias/fake_news_elections_labelled_data
and model https://huggingface.co/newsmediabias/FakeWatch for reproducibility
and further research. | cs.CL | FakeWatch: A Framework for Detecting Fake News to Ensure Credible Elections |
2024-03-14T20:17:10Z | http://arxiv.org/pdf/2403.09849v1 | http://arxiv.org/abs/2403.09849v1 | Ante Wang, Linfeng Song, Ye Tian, Baolin Peng, Lifeng Jin, Haitao Mi, Jinsong Su, Dong Yu | 2024-03-14T20:17:10Z | cs.CL, cs.AI | Calibration, which establishes the correlation between accuracy and model
confidence, is important for LLM development. We design three off-the-shelf
calibration methods based on self-consistency (Wang et al., 2022) for math
reasoning tasks. Evaluation on two popular benchmarks (GSM8K and MathQA) using
strong open-source LLMs (Mistral and LLaMA2), our methods better bridge model
confidence and accuracy than existing methods based on p(True) (Kadavath et
al., 2022) or logit (Kadavath et al., 2022). | cs.CL | Self-Consistency Boosts Calibration for Math Reasoning |
2024-03-14T19:39:10Z | http://arxiv.org/pdf/2403.09832v1 | http://arxiv.org/abs/2403.09832v1 | Zhifan Sun, Antonio Valerio Miceli-Barone | 2024-03-14T19:39:10Z | cs.CL | Large Language Models (LLMs) are increasingly becoming the preferred
foundation platforms for many Natural Language Processing tasks such as Machine
Translation, owing to their quality often comparable to or better than
task-specific models, and the simplicity of specifying the task through natural
language instructions or in-context examples. Their generality, however, opens
them up to subversion by end users who may embed into their requests
instructions that cause the model to behave in unauthorized and possibly unsafe
ways. In this work we study these Prompt Injection Attacks (PIAs) on multiple
families of LLMs on a Machine Translation task, focusing on the effects of
model size on the attack success rates. We introduce a new benchmark data set
and we discover that on multiple language pairs and injected prompts written in
English, larger models under certain conditions may become more susceptible to
successful attacks, an instance of the Inverse Scaling phenomenon (McKenzie et
al., 2023). To our knowledge, this is the first work to study non-trivial LLM
scaling behaviour in a multi-lingual setting. | cs.CL | Scaling Behavior of Machine Translation with Large Language Models under Prompt Injection Attacks |
2024-03-14T18:27:43Z | http://arxiv.org/pdf/2403.09795v1 | http://arxiv.org/abs/2403.09795v1 | Ellie Prosser, Matthew Edwards | 2024-03-14T18:27:43Z | cs.CR, cs.AI, cs.CL | Powerful generative Large Language Models (LLMs) are becoming popular tools
amongst the general public as question-answering systems, and are being
utilised by vulnerable groups such as children. With children increasingly
interacting with these tools, it is imperative for researchers to scrutinise
the safety of LLMs, especially for applications that could lead to serious
outcomes, such as online child safety queries. In this paper, the efficacy of
LLMs for online grooming prevention is explored both for identifying and
avoiding grooming through advice generation, and the impact of prompt design on
model performance is investigated by varying the provided context and prompt
specificity. In results reflecting over 6,000 LLM interactions, we find that no
models were clearly appropriate for online grooming prevention, with an
observed lack of consistency in behaviours, and potential for harmful answer
generation, especially from open-source models. We outline where and how models
fall short, providing suggestions for improvement, and identify prompt designs
that heavily altered model performance in troubling ways, with findings that
can be used to inform best practice usage guides. | cs.CR | Helpful or Harmful? Exploring the Efficacy of Large Language Models for Online Grooming Prevention |
2024-03-14T18:24:55Z | http://arxiv.org/pdf/2403.09792v2 | http://arxiv.org/abs/2403.09792v2 | Yifan Li, Hangyu Guo, Kun Zhou, Wayne Xin Zhao, Ji-Rong Wen | 2024-04-14T11:57:55Z | cs.CV, cs.CL | In this paper, we study the harmlessness alignment problem of multimodal
large language models (MLLMs). We conduct a systematic empirical analysis of
the harmlessness performance of representative MLLMs and reveal that the image
input poses the alignment vulnerability of MLLMs. Inspired by this, we propose
a novel jailbreak method named HADES, which hides and amplifies the harmfulness
of the malicious intent within the text input, using meticulously crafted
images. Experimental results show that HADES can effectively jailbreak existing
MLLMs, which achieves an average Attack Success Rate (ASR) of 90.26% for
LLaVA-1.5 and 71.60% for Gemini Pro Vision. Our code and data will be publicly
released. | cs.CV | Images are Achilles' Heel of Alignment: Exploiting Visual Vulnerabilities for Jailbreaking Multimodal Large Language Models |
2024-03-14T17:59:26Z | http://arxiv.org/pdf/2403.09636v1 | http://arxiv.org/abs/2403.09636v1 | Piotr Nawrot, Adrian Łańcucki, Marcin Chochowski, David Tarjan, Edoardo M. Ponti | 2024-03-14T17:59:26Z | cs.CL | Transformers have emerged as the backbone of large language models (LLMs).
However, generation remains inefficient due to the need to store in memory a
cache of key-value representations for past tokens, whose size scales linearly
with the input sequence length and batch size. As a solution, we propose
Dynamic Memory Compression (DMC), a method for on-line key-value cache
compression at inference time. Most importantly, the model learns to apply
different compression rates in different heads and layers. We retrofit
pre-trained LLMs such as Llama 2 (7B, 13B and 70B) into DMC Transformers,
achieving up to ~3.7x throughput increase in auto-regressive inference on a
NVIDIA H100 GPU. DMC is applied via continued pre-training on a negligible
percentage of the original data without adding any extra parameters. We find
that DMC preserves the original downstream performance with up to 4x cache
compression, outperforming up-trained grouped-query attention (GQA). GQA and
DMC can be even combined to obtain compounded gains. As a result DMC fits
longer contexts and larger batches within any given memory budget. | cs.CL | Dynamic Memory Compression: Retrofitting LLMs for Accelerated Inference |
2024-03-14T17:59:14Z | http://arxiv.org/pdf/2403.09635v1 | http://arxiv.org/abs/2403.09635v1 | Akhil Kedia, Mohd Abbas Zaidi, Sushil Khyalia, Jungho Jung, Harshith Goka, Haejun Lee | 2024-03-14T17:59:14Z | cs.CL, cs.AI, cs.CV, cs.LG, I.2.7; I.2.10 | In spite of their huge success, transformer models remain difficult to scale
in depth. In this work, we develop a unified signal propagation theory and
provide formulae that govern the moments of the forward and backward signal
through the transformer model. Our framework can be used to understand and
mitigate vanishing/exploding gradients, rank collapse, and instability
associated with high attention scores. We also propose DeepScaleLM, an
initialization and scaling scheme that conserves unit output/gradient moments
throughout the model, enabling the training of very deep models with 100s of
layers. We find that transformer models could be much deeper - our deep models
with fewer parameters outperform shallow models in Language Modeling, Speech
Translation, and Image Classification, across Encoder-only, Decoder-only and
Encoder-Decoder variants, for both Pre-LN and Post-LN transformers, for
multiple datasets and model sizes. These improvements also translate into
improved performance on downstream Question Answering tasks and improved
robustness for image classification. | cs.CL | Transformers Get Stable: An End-to-End Signal Propagation Theory for Language Models |
2024-03-14T17:58:41Z | http://arxiv.org/pdf/2403.09631v1 | http://arxiv.org/abs/2403.09631v1 | Haoyu Zhen, Xiaowen Qiu, Peihao Chen, Jincheng Yang, Xin Yan, Yilun Du, Yining Hong, Chuang Gan | 2024-03-14T17:58:41Z | cs.CV, cs.AI, cs.CL, cs.RO | Recent vision-language-action (VLA) models rely on 2D inputs, lacking
integration with the broader realm of the 3D physical world. Furthermore, they
perform action prediction by learning a direct mapping from perception to
action, neglecting the vast dynamics of the world and the relations between
actions and dynamics. In contrast, human beings are endowed with world models
that depict imagination about future scenarios to plan actions accordingly. To
this end, we propose 3D-VLA by introducing a new family of embodied foundation
models that seamlessly link 3D perception, reasoning, and action through a
generative world model. Specifically, 3D-VLA is built on top of a 3D-based
large language model (LLM), and a set of interaction tokens is introduced to
engage with the embodied environment. Furthermore, to inject generation
abilities into the model, we train a series of embodied diffusion models and
align them into the LLM for predicting the goal images and point clouds. To
train our 3D-VLA, we curate a large-scale 3D embodied instruction dataset by
extracting vast 3D-related information from existing robotics datasets. Our
experiments on held-in datasets demonstrate that 3D-VLA significantly improves
the reasoning, multimodal generation, and planning capabilities in embodied
environments, showcasing its potential in real-world applications. | cs.CV | 3D-VLA: A 3D Vision-Language-Action Generative World Model |
2024-03-14T17:58:16Z | http://arxiv.org/pdf/2403.09629v2 | http://arxiv.org/abs/2403.09629v2 | Eric Zelikman, Georges Harik, Yijia Shao, Varuna Jayasiri, Nick Haber, Noah D. Goodman | 2024-03-18T07:56:48Z | cs.CL, cs.AI, cs.LG | When writing and talking, people sometimes pause to think. Although
reasoning-focused works have often framed reasoning as a method of answering
questions or completing agentic tasks, reasoning is implicit in almost all
written text. For example, this applies to the steps not stated between the
lines of a proof or to the theory of mind underlying a conversation. In the
Self-Taught Reasoner (STaR, Zelikman et al. 2022), useful thinking is learned
by inferring rationales from few-shot examples in question-answering and
learning from those that lead to a correct answer. This is a highly constrained
setting -- ideally, a language model could instead learn to infer unstated
rationales in arbitrary text. We present Quiet-STaR, a generalization of STaR
in which LMs learn to generate rationales at each token to explain future text,
improving their predictions. We address key challenges, including 1) the
computational cost of generating continuations, 2) the fact that the LM does
not initially know how to generate or use internal thoughts, and 3) the need to
predict beyond individual next tokens. To resolve these, we propose a tokenwise
parallel sampling algorithm, using learnable tokens indicating a thought's
start and end, and an extended teacher-forcing technique. Encouragingly,
generated rationales disproportionately help model difficult-to-predict tokens
and improve the LM's ability to directly answer difficult questions. In
particular, after continued pretraining of an LM on a corpus of internet text
with Quiet-STaR, we find zero-shot improvements on GSM8K
(5.9%$\rightarrow$10.9%) and CommonsenseQA (36.3%$\rightarrow$47.2%) and
observe a perplexity improvement of difficult tokens in natural text.
Crucially, these improvements require no fine-tuning on these tasks. Quiet-STaR
marks a step towards LMs that can learn to reason in a more general and
scalable way. | cs.CL | Quiet-STaR: Language Models Can Teach Themselves to Think Before Speaking |
2024-03-14T17:51:54Z | http://arxiv.org/pdf/2403.09613v1 | http://arxiv.org/abs/2403.09613v1 | Yanlai Yang, Matt Jones, Michael C. Mozer, Mengye Ren | 2024-03-14T17:51:54Z | cs.LG, cs.CL | We explore the training dynamics of neural networks in a structured non-IID
setting where documents are presented cyclically in a fixed, repeated sequence.
Typically, networks suffer from catastrophic interference when training on a
sequence of documents; however, we discover a curious and remarkable property
of LLMs fine-tuned sequentially in this setting: they exhibit anticipatory
behavior, recovering from the forgetting on documents before encountering them
again. The behavior emerges and becomes more robust as the architecture scales
up its number of parameters. Through comprehensive experiments and
visualizations, we uncover new insights into training over-parameterized
networks in structured environments. | cs.LG | Reawakening knowledge: Anticipatory recovery from catastrophic interference via structured training |
2024-03-14T17:51:32Z | http://arxiv.org/pdf/2403.09611v4 | http://arxiv.org/abs/2403.09611v4 | Brandon McKinzie, Zhe Gan, Jean-Philippe Fauconnier, Sam Dodge, Bowen Zhang, Philipp Dufter, Dhruti Shah, Xianzhi Du, Futang Peng, Floris Weers, Anton Belyi, Haotian Zhang, Karanjeet Singh, Doug Kang, Ankur Jain, Hongyu Hè, Max Schwarzer, Tom Gunter, Xiang Kong, Aonan Zhang, Jianyu Wang, Chong Wang, Nan Du, Tao Lei, Sam Wiseman, Guoli Yin, Mark Lee, Zirui Wang, Ruoming Pang, Peter Grasch, Alexander Toshev, Yinfei Yang | 2024-04-18T18:51:04Z | cs.CV, cs.CL, cs.LG | In this work, we discuss building performant Multimodal Large Language Models
(MLLMs). In particular, we study the importance of various architecture
components and data choices. Through careful and comprehensive ablations of the
image encoder, the vision language connector, and various pre-training data
choices, we identified several crucial design lessons. For example, we
demonstrate that for large-scale multimodal pre-training using a careful mix of
image-caption, interleaved image-text, and text-only data is crucial for
achieving state-of-the-art (SOTA) few-shot results across multiple benchmarks,
compared to other published pre-training results. Further, we show that the
image encoder together with image resolution and the image token count has
substantial impact, while the vision-language connector design is of
comparatively negligible importance. By scaling up the presented recipe, we
build MM1, a family of multimodal models up to 30B parameters, including both
dense models and mixture-of-experts (MoE) variants, that are SOTA in
pre-training metrics and achieve competitive performance after supervised
fine-tuning on a range of established multimodal benchmarks. Thanks to
large-scale pre-training, MM1 enjoys appealing properties such as enhanced
in-context learning, and multi-image reasoning, enabling few-shot
chain-of-thought prompting. | cs.CV | MM1: Methods, Analysis & Insights from Multimodal LLM Pre-training |
2024-03-14T17:47:20Z | http://arxiv.org/pdf/2403.09606v1 | http://arxiv.org/abs/2403.09606v1 | Xiaoyu Liu, Paiheng Xu, Junda Wu, Jiaxin Yuan, Yifan Yang, Yuhang Zhou, Fuxiao Liu, Tianrui Guan, Haoliang Wang, Tong Yu, Julian McAuley, Wei Ai, Furong Huang | 2024-03-14T17:47:20Z | cs.CL, cs.AI | Causal inference has shown potential in enhancing the predictive accuracy,
fairness, robustness, and explainability of Natural Language Processing (NLP)
models by capturing causal relationships among variables. The emergence of
generative Large Language Models (LLMs) has significantly impacted various NLP
domains, particularly through their advanced reasoning capabilities. This
survey focuses on evaluating and improving LLMs from a causal view in the
following areas: understanding and improving the LLMs' reasoning capacity,
addressing fairness and safety issues in LLMs, complementing LLMs with
explanations, and handling multimodality. Meanwhile, LLMs' strong reasoning
capacities can in turn contribute to the field of causal inference by aiding
causal relationship discovery and causal effect estimations. This review
explores the interplay between causal inference frameworks and LLMs from both
perspectives, emphasizing their collective potential to further the development
of more advanced and equitable artificial intelligence systems. | cs.CL | Large Language Models and Causal Inference in Collaboration: A Comprehensive Survey |
2024-03-14T17:47:10Z | http://arxiv.org/pdf/2403.10568v1 | http://arxiv.org/abs/2403.10568v1 | Ruixiang Jiang, Lingbo Liu, Changwen Chen | 2024-03-14T17:47:10Z | cs.LG, cs.AI, cs.CL, cs.CV | Prompt-tuning has demonstrated parameter-efficiency in fusing unimodal
foundation models for multimodal tasks. However, its limited adaptivity and
expressiveness lead to suboptimal performance when compared with other tuning
methods. In this paper, we address this issue by disentangling the vanilla
prompts to adaptively capture dataset-level and instance-level features.
Building upon this disentanglement, we introduce the mixture of prompt experts
(MoPE) technique to enhance expressiveness. MoPE leverages multimodal pairing
priors to route the most effective prompt on a per-instance basis. Compared to
vanilla prompting, our MoPE-based conditional prompting exhibits greater
expressiveness for multimodal fusion, scaling better with the training data and
the overall number of trainable parameters. We also study a regularization term
for expert routing, leading to emergent expert specialization, where different
experts focus on different concepts, enabling interpretable soft prompting.
Extensive experiments across three multimodal datasets demonstrate that our
method achieves state-of-the-art results, matching or even surpassing the
performance of fine-tuning, while requiring only 0.8% of the trainable
parameters. Code will be released: https://github.com/songrise/MoPE. | cs.LG | MoPE: Parameter-Efficient and Scalable Multimodal Fusion via Mixture of Prompt Experts |
2024-03-14T16:47:25Z | http://arxiv.org/pdf/2403.09559v2 | http://arxiv.org/abs/2403.09559v2 | Zikang Liu, Kun Zhou, Wayne Xin Zhao, Dawei Gao, Yaliang Li, Ji-Rong Wen | 2024-03-21T06:51:16Z | cs.CL, cs.CV | Visual instruction tuning is the key to building multimodal large language
models (MLLMs), which greatly improves the reasoning capabilities of large
language models (LLMs) in vision scenario. However, existing MLLMs mostly rely
on a mixture of multiple highly diverse visual instruction datasets for
training (even more than a million instructions), which may introduce data
redundancy. To investigate this issue, we conduct a series of empirical
studies, which reveal a significant redundancy within the visual instruction
datasets, and show that greatly reducing the amount of several instruction
dataset even do not affect the performance. Based on the findings, we propose a
new data selection approach TIVE, to eliminate redundancy within visual
instruction data. TIVE first estimates the task-level and instance-level value
of the visual instructions based on computed gradients. Then, according to the
estimated values, TIVE determines the task proportion within the visual
instructions, and selects representative instances to compose a smaller visual
instruction subset for training. Experiments on LLaVA-1.5 show that our
approach using only about 7.5% data can achieve comparable performance as the
full-data fine-tuned model across seven benchmarks, even surpassing it on four
of the benchmarks. Our code and data will be publicly released. | cs.CL | Less is More: Data Value Estimation for Visual Instruction Tuning |
2024-03-14T16:27:49Z | http://arxiv.org/pdf/2403.09539v2 | http://arxiv.org/abs/2403.09539v2 | Matthew Finlayson, Xiang Ren, Swabha Swayamdipta | 2024-03-15T02:07:30Z | cs.CL, cs.AI, cs.CR, cs.LG, 68T50, I.2.7 | The commercialization of large language models (LLMs) has led to the common
practice of high-level API-only access to proprietary models. In this work, we
show that even with a conservative assumption about the model architecture, it
is possible to learn a surprisingly large amount of non-public information
about an API-protected LLM from a relatively small number of API queries (e.g.,
costing under $1,000 for OpenAI's gpt-3.5-turbo). Our findings are centered on
one key observation: most modern LLMs suffer from a softmax bottleneck, which
restricts the model outputs to a linear subspace of the full output space. We
show that this lends itself to a model image or a model signature which unlocks
several capabilities with affordable cost: efficiently discovering the LLM's
hidden size, obtaining full-vocabulary outputs, detecting and disambiguating
different model updates, identifying the source LLM given a single full LLM
output, and even estimating the output layer parameters. Our empirical
investigations show the effectiveness of our methods, which allow us to
estimate the embedding size of OpenAI's gpt-3.5-turbo to be about 4,096.
Lastly, we discuss ways that LLM providers can guard against these attacks, as
well as how these capabilities can be viewed as a feature (rather than a bug)
by allowing for greater transparency and accountability. | cs.CL | Logits of API-Protected LLMs Leak Proprietary Information |
2024-03-14T16:13:00Z | http://arxiv.org/pdf/2403.09530v2 | http://arxiv.org/abs/2403.09530v2 | Chris Kelly, Luhui Hu, Jiayin Hu, Yu Tian, Deshun Yang, Bang Yang, Cindy Yang, Zihao Li, Zaoshan Huang, Yuexian Zou | 2024-03-22T15:26:05Z | cs.CV, cs.AI, cs.CL, cs.GR | The evolution of text to visual components facilitates people's daily lives,
such as generating image, videos from text and identifying the desired elements
within the images. Computer vision models involving the multimodal abilities in
the previous days are focused on image detection, classification based on
well-defined objects. Large language models (LLMs) introduces the
transformation from nature language to visual objects, which present the visual
layout for text contexts. OpenAI GPT-4 has emerged as the pinnacle in LLMs,
while the computer vision (CV) domain boasts a plethora of state-of-the-art
(SOTA) models and algorithms to convert 2D images to their 3D representations.
However, the mismatching between the algorithms with the problem could lead to
undesired results. In response to this challenge, we propose an unified
VisionGPT-3D framework to consolidate the state-of-the-art vision models,
thereby facilitating the development of vision-oriented AI. VisionGPT-3D
provides a versatile multimodal framework building upon the strengths of
multimodal foundation models. It seamlessly integrates various SOTA vision
models and brings the automation in the selection of SOTA vision models,
identifies the suitable 3D mesh creation algorithms corresponding to 2D depth
maps analysis, generates optimal results based on diverse multimodal inputs
such as text prompts.
Keywords: VisionGPT-3D, 3D vision understanding, Multimodal agent | cs.CV | VisionGPT-3D: A Generalized Multimodal Agent for Enhanced 3D Vision Understanding |
2024-03-14T16:07:39Z | http://arxiv.org/pdf/2403.09522v2 | http://arxiv.org/abs/2403.09522v2 | Jiahuan Li, Shanbo Cheng, Shujian Huang, Jiajun Chen | 2024-04-01T07:11:32Z | cs.CL | Large Language Models (LLM) have demonstrated their strong ability in the
field of machine translation (MT), yet they suffer from high computational cost
and latency. Therefore, transferring translation knowledge from giant LLMs to
medium-sized machine translation models is a promising research direction.
However, traditional knowledge distillation methods do not take the capability
of student and teacher models into consideration, therefore repeatedly teaching
student models on the knowledge they have learned, and failing to extend to
novel contexts and knowledge. In this paper, we propose a framework called
MT-Patcher, which transfers knowledge from LLMs to existing MT models in a
selective, comprehensive and proactive manner. Considering the current
translation ability of student MT models, we only identify and correct their
translation errors, instead of distilling the whole translation from the
teacher. Leveraging the strong language abilities of LLMs, we instruct LLM
teachers to synthesize diverse contexts and anticipate more potential errors
for the student. Experiment results on translating both specific language
phenomena and general MT benchmarks demonstrate that finetuning the student MT
model on about 10% examples can achieve comparable results to the traditional
knowledge distillation method, and synthesized potential errors and diverse
contexts further improve translation performances on unseen contexts and words. | cs.CL | MT-PATCHER: Selective and Extendable Knowledge Distillation from Large Language Models for Machine Translation |
2024-03-14T15:58:36Z | http://arxiv.org/pdf/2403.09516v3 | http://arxiv.org/abs/2403.09516v3 | Shadi Iskander, Kira Radinsky, Yonatan Belinkov | 2024-04-05T18:35:37Z | cs.CL, cs.CY, cs.LG | Mitigating social biases typically requires identifying the social groups
associated with each data sample. In this paper, we present DAFair, a novel
approach to address social bias in language models. Unlike traditional methods
that rely on explicit demographic labels, our approach does not require any
such information. Instead, we leverage predefined prototypical demographic
texts and incorporate a regularization term during the fine-tuning process to
mitigate bias in the model's representations. Our empirical results across two
tasks and two models demonstrate the effectiveness of our method compared to
previous approaches that do not rely on labeled data. Moreover, with limited
demographic-annotated data, our approach outperforms common debiasing
approaches. | cs.CL | Leveraging Prototypical Representations for Mitigating Social Bias without Demographic Information |
2024-03-14T15:58:13Z | http://arxiv.org/pdf/2403.09762v1 | http://arxiv.org/abs/2403.09762v1 | Prashant Kumar Nag, Amit Bhagat, R. Vishnu Priya, Deepak kumar Khare | 2024-03-14T15:58:13Z | cs.CL, cs.AI, cs.HC, cs.LG, cs.NE | This manuscript presents a methodical examination of the utilization of
Artificial Intelligence in the assessment of emotions in texts related to
healthcare, with a particular focus on the incorporation of Natural Language
Processing and deep learning technologies. We scrutinize numerous research
studies that employ AI to augment sentiment analysis, categorize emotions, and
forecast patient outcomes based on textual information derived from clinical
narratives, patient feedback on medications, and online health discussions. The
review demonstrates noteworthy progress in the precision of algorithms used for
sentiment classification, the prognostic capabilities of AI models for
neurodegenerative diseases, and the creation of AI-powered systems that offer
support in clinical decision-making. Remarkably, the utilization of AI
applications has exhibited an enhancement in personalized therapy plans by
integrating patient sentiment and contributing to the early identification of
mental health disorders. There persist challenges, which encompass ensuring the
ethical application of AI, safeguarding patient confidentiality, and addressing
potential biases in algorithmic procedures. Nevertheless, the potential of AI
to revolutionize healthcare practices is unmistakable, offering a future where
healthcare is not only more knowledgeable and efficient but also more
empathetic and centered around the needs of patients. This investigation
underscores the transformative influence of AI on healthcare, delivering a
comprehensive comprehension of its role in examining emotional content in
healthcare texts and highlighting the trajectory towards a more compassionate
approach to patient care. The findings advocate for a harmonious synergy
between AI's analytical capabilities and the human aspects of healthcare. | cs.CL | Emotional Intelligence Through Artificial Intelligence : NLP and Deep Learning in the Analysis of Healthcare Texts |
2024-03-14T15:40:13Z | http://arxiv.org/pdf/2403.09498v1 | http://arxiv.org/abs/2403.09498v1 | Yuhan Liu, Xiuying Chen, Xiaoqing Zhang, Xing Gao, Ji Zhang, Rui Yan | 2024-03-14T15:40:13Z | cs.SI, cs.AI, cs.CL | In the digital era, the rapid propagation of fake news and rumors via social
networks brings notable societal challenges and impacts public opinion
regulation. Traditional fake news modeling typically forecasts the general
popularity trends of different groups or numerically represents opinions shift.
However, these methods often oversimplify real-world complexities and overlook
the rich semantic information of news text. The advent of large language models
(LLMs) provides the possibility of modeling subtle dynamics of opinion.
Consequently, in this work, we introduce a Fake news Propagation Simulation
framework (FPS) based on LLM, which studies the trends and control of fake news
propagation in detail. Specifically, each agent in the simulation represents an
individual with a distinct personality. They are equipped with both short-term
and long-term memory, as well as a reflective mechanism to mimic human-like
thinking. Every day, they engage in random opinion exchanges, reflect on their
thinking, and update their opinions. Our simulation results uncover patterns in
fake news propagation related to topic relevance, and individual traits,
aligning with real-world observations. Additionally, we evaluate various
intervention strategies and demonstrate that early and appropriately frequent
interventions strike a balance between governance cost and effectiveness,
offering valuable insights for practical applications. Our study underscores
the significant utility and potential of LLMs in combating fake news. | cs.SI | From Skepticism to Acceptance: Simulating the Attitude Dynamics Toward Fake News |
2024-03-14T15:30:25Z | http://arxiv.org/pdf/2403.09490v2 | http://arxiv.org/abs/2403.09490v2 | Young Hyun Yoo, Jii Cha, Changhyeon Kim, Taeuk Kim | 2024-06-07T02:24:05Z | cs.CL | While the introduction of contrastive learning frameworks in sentence
representation learning has significantly contributed to advancements in the
field, it still remains unclear whether state-of-the-art sentence embeddings
can capture the fine-grained semantics of sentences, particularly when
conditioned on specific perspectives. In this paper, we introduce Hyper-CL, an
efficient methodology that integrates hypernetworks with contrastive learning
to compute conditioned sentence representations. In our proposed approach, the
hypernetwork is responsible for transforming pre-computed condition embeddings
into corresponding projection layers. This enables the same sentence embeddings
to be projected differently according to various conditions. Evaluation on two
representative conditioning benchmarks, namely conditional semantic text
similarity and knowledge graph completion, demonstrates that Hyper-CL is
effective in flexibly conditioning sentence representations, showcasing its
computational efficiency at the same time. We also provide a comprehensive
analysis of the inner workings of our approach, leading to a better
interpretation of its mechanisms. | cs.CL | Hyper-CL: Conditioning Sentence Representations with Hypernetworks |
2024-03-14T15:30:14Z | http://arxiv.org/pdf/2403.09488v3 | http://arxiv.org/abs/2403.09488v3 | Joonwon Jang, Sanghwan Jang, Wonbin Kweon, Minjin Jeon, Hwanjo Yu | 2024-04-15T04:29:33Z | cs.CL, cs.AI | Large language models (LLMs) are able to solve various tasks with only a few
demonstrations utilizing their in-context learning (ICL) abilities. However,
LLMs often rely on their pre-trained semantic priors of demonstrations rather
than on the input-label relationships to proceed with ICL prediction. In this
work, we term this phenomenon as the 'Demonstration Shortcut'. While previous
works have primarily focused on improving ICL prediction results for predefined
tasks, we aim to rectify the Demonstration Shortcut, thereby enabling the LLM
to effectively learn new input-label relationships from demonstrations. To
achieve this, we introduce In-Context Calibration, a demonstration-aware
calibration method. We evaluate the effectiveness of the proposed method in two
settings: (1) the Original ICL Task using the standard label space and (2) the
Task Learning setting, where the label space is replaced with semantically
unrelated tokens. In both settings, In-Context Calibration demonstrates
substantial improvements, with results generalized across three LLM families
(OPT, GPT, and Llama2) under various configurations. | cs.CL | Rectifying Demonstration Shortcut in In-Context Learning |
2024-03-14T15:20:54Z | http://arxiv.org/pdf/2403.09479v1 | http://arxiv.org/abs/2403.09479v1 | Yuncheng Huang, Qianyu He, Yipei Xu, Jiaqing Liang, Yanghua Xiao | 2024-03-14T15:20:54Z | cs.LG, cs.AI, cs.CL | Current language models have demonstrated their capability to develop basic
reasoning, but struggle in more complicated reasoning tasks that require a
combination of atomic skills, such as math word problem requiring skills like
arithmetic and unit conversion. Previous methods either do not improve the
inherent atomic skills of models or not attempt to generalize the atomic skills
to complex reasoning tasks. In this paper, we first propose a probing framework
to investigate whether the atomic skill can spontaneously generalize to complex
reasoning tasks. Then, we introduce a hierarchical curriculum learning training
strategy to achieve better skill generalization. In our experiments, we find
that atomic skills can not spontaneously generalize to compositional tasks. By
leveraging hierarchical curriculum learning, we successfully induce
generalization, significantly improve the performance of open-source LMs on
complex reasoning tasks. Promisingly, the skill generalization exhibit
effective in cross-dataset and cross-domain scenarios. Complex reasoning can
also help enhance atomic skills. Our findings offer valuable guidance for
designing better training strategies for complex reasoning tasks. | cs.LG | Laying the Foundation First? Investigating the Generalization from Atomic Skills to Complex Reasoning Tasks |
2024-03-14T15:12:38Z | http://arxiv.org/pdf/2403.09472v1 | http://arxiv.org/abs/2403.09472v1 | Zhiqing Sun, Longhui Yu, Yikang Shen, Weiyang Liu, Yiming Yang, Sean Welleck, Chuang Gan | 2024-03-14T15:12:38Z | cs.LG, cs.AI, cs.CL | Current AI alignment methodologies rely on human-provided demonstrations or
judgments, and the learned capabilities of AI systems would be upper-bounded by
human capabilities as a result. This raises a challenging research question:
How can we keep improving the systems when their capabilities have surpassed
the levels of humans? This paper answers this question in the context of
tackling hard reasoning tasks (e.g., level 4-5 MATH problems) via learning from
human annotations on easier tasks (e.g., level 1-3 MATH problems), which we
term as \textit{easy-to-hard generalization}. Our key insight is that an
evaluator (reward model) trained on supervisions for easier tasks can be
effectively used for scoring candidate solutions of harder tasks and hence
facilitating easy-to-hard generalization over different levels of tasks. Based
on this insight, we propose a novel approach to scalable alignment, which
firstly trains the process-supervised reward models on easy problems (e.g.,
level 1-3), and then uses them to evaluate the performance of policy models on
hard problems. We show that such \textit{easy-to-hard generalization from
evaluators} can enable \textit{easy-to-hard generalizations in generators}
either through re-ranking or reinforcement learning (RL). Notably, our
process-supervised 7b RL model achieves an accuracy of 34.0\% on MATH500,
despite only using human supervision on easy problems. Our approach suggests a
promising path toward AI systems that advance beyond the frontier of human
supervision. | cs.LG | Easy-to-Hard Generalization: Scalable Alignment Beyond Human Supervision |
2024-03-14T14:01:26Z | http://arxiv.org/pdf/2403.09409v1 | http://arxiv.org/abs/2403.09409v1 | Seth Bernstein, Paul Denny, Juho Leinonen, Lauren Kan, Arto Hellas, Matt Littlefield, Sami Sarsa, Stephen MacNeil | 2024-03-14T14:01:26Z | cs.HC, cs.AI, cs.CL | Grasping complex computing concepts often poses a challenge for students who
struggle to anchor these new ideas to familiar experiences and understandings.
To help with this, a good analogy can bridge the gap between unfamiliar
concepts and familiar ones, providing an engaging way to aid understanding.
However, creating effective educational analogies is difficult even for
experienced instructors. We investigate to what extent large language models
(LLMs), specifically ChatGPT, can provide access to personally relevant
analogies on demand. Focusing on recursion, a challenging threshold concept, we
conducted an investigation analyzing the analogies generated by more than 350
first-year computing students. They were provided with a code snippet and
tasked to generate their own recursion-based analogies using ChatGPT,
optionally including personally relevant topics in their prompts. We observed a
great deal of diversity in the analogies produced with student-prescribed
topics, in contrast to the otherwise generic analogies, highlighting the value
of student creativity when working with LLMs. Not only did students enjoy the
activity and report an improved understanding of recursion, but they described
more easily remembering analogies that were personally and culturally relevant. | cs.HC | "Like a Nesting Doll": Analyzing Recursion Analogies Generated by CS Students using Large Language Models |
2024-03-14T13:12:21Z | http://arxiv.org/pdf/2403.09362v2 | http://arxiv.org/abs/2403.09362v2 | Louis Owen, Vishesh Tripathi, Abhay Kumar, Biddwan Ahmed | 2024-03-19T05:49:01Z | cs.CL | The recent breakthroughs in Large Language Models (LLMs) have mostly focused
on languages with easily available and sufficient resources, such as English.
However, there remains a significant gap for languages that lack sufficient
linguistic resources in the public domain. Our work introduces Komodo-7B,
7-billion-parameter Large Language Models designed to address this gap by
seamlessly operating across Indonesian, English, and 11 regional languages in
Indonesia. Komodo-7B is a family of LLMs that consist of Komodo-7B-Base and
Komodo-7B-Instruct. Komodo-7B-Instruct stands out by achieving state-of-the-art
performance in various tasks and languages, outperforming the benchmarks set by
OpenAI's GPT-3.5, Cohere's Aya-101, Llama-2-Chat-13B,
Mixtral-8x7B-Instruct-v0.1, Gemma-7B-it , and many more. This model not only
demonstrates superior performance in both language-specific and overall
assessments but also highlights its capability to excel in linguistic
diversity. Our commitment to advancing language models extends beyond
well-resourced languages, aiming to bridge the gap for those with limited
linguistic assets. Additionally, Komodo-7B-Instruct's better cross-language
understanding contributes to addressing educational disparities in Indonesia,
offering direct translations from English to 11 regional languages, a
significant improvement compared to existing language translation services.
Komodo-7B represents a crucial step towards inclusivity and effectiveness in
language models, providing to the linguistic needs of diverse communities. | cs.CL | Komodo: A Linguistic Expedition into Indonesia's Regional Languages |
2024-03-14T11:37:02Z | http://arxiv.org/pdf/2403.09298v1 | http://arxiv.org/abs/2403.09298v1 | Anna Kruspe | 2024-03-14T11:37:02Z | cs.SD, cs.CL, cs.IR, cs.LG, eess.AS | This paper addresses the challenges and advancements in speech recognition
for singing, a domain distinctly different from standard speech recognition.
Singing encompasses unique challenges, including extensive pitch variations,
diverse vocal styles, and background music interference. We explore key areas
such as phoneme recognition, language identification in songs, keyword
spotting, and full lyrics transcription. I will describe some of my own
experiences when performing research on these tasks just as they were starting
to gain traction, but will also show how recent developments in deep learning
and large-scale datasets have propelled progress in this field. My goal is to
illuminate the complexities of applying speech recognition to singing, evaluate
current capabilities, and outline future research directions. | cs.SD | More than words: Advancements and challenges in speech recognition for singing |
2024-03-14T11:29:47Z | http://arxiv.org/pdf/2403.09294v1 | http://arxiv.org/abs/2403.09294v1 | Qingqiu Li, Xiaohan Yan, Jilan Xu, Runtian Yuan, Yuejie Zhang, Rui Feng, Quanli Shen, Xiaobo Zhang, Shujun Wang | 2024-03-14T11:29:47Z | cs.CV, cs.CL | Learning medical visual representations through vision-language pre-training
has reached remarkable progress. Despite the promising performance, it still
faces challenges, i.e., local alignment lacks interpretability and clinical
relevance, and the insufficient internal and external representation learning
of image-report pairs. To address these issues, we propose an Anatomical
Structure-Guided (ASG) framework. Specifically, we parse raw reports into
triplets <anatomical region, finding, existence>, and fully utilize each
element as supervision to enhance representation learning. For anatomical
region, we design an automatic anatomical region-sentence alignment paradigm in
collaboration with radiologists, considering them as the minimum semantic units
to explore fine-grained local alignment. For finding and existence, we regard
them as image tags, applying an image-tag recognition decoder to associate
image features with their respective tags within each sample and constructing
soft labels for contrastive learning to improve the semantic association of
different image-report pairs. We evaluate the proposed ASG framework on two
downstream tasks, including five public benchmarks. Experimental results
demonstrate that our method outperforms the state-of-the-art methods. | cs.CV | Anatomical Structure-Guided Medical Vision-Language Pre-training |
2024-03-14T11:00:09Z | http://arxiv.org/pdf/2403.14690v1 | http://arxiv.org/abs/2403.14690v1 | Xiuqin Zhong, Shengyuan Yan, Gongqi Lin, Hongguang Fu, Liang Xu, Siwen Jiang, Lei Huang, Wei Fang | 2024-03-14T11:00:09Z | cs.CY, cs.AI, cs.CL, cs.LG | In the context of online education, designing an automatic solver for
geometric problems has been considered a crucial step towards general math
Artificial Intelligence (AI), empowered by natural language understanding and
traditional logical inference. In most instances, problems are addressed by
adding auxiliary components such as lines or points. However, adding auxiliary
components automatically is challenging due to the complexity in selecting
suitable auxiliary components especially when pivotal decisions have to be
made. The state-of-the-art performance has been achieved by exhausting all
possible strategies from the category library to identify the one with the
maximum likelihood. However, an extensive strategy search have to be applied to
trade accuracy for ef-ficiency. To add auxiliary components automatically and
efficiently, we present deep reinforcement learning framework based on the
language model, such as BERT. We firstly apply the graph attention mechanism to
reduce the strategy searching space, called AttnStrategy, which only focus on
the conclusion-related components. Meanwhile, a novel algorithm, named
Automatically Adding Auxiliary Components using Reinforcement Learning
framework (A3C-RL), is proposed by forcing an agent to select top strategies,
which incorporates the AttnStrategy and BERT as the memory components. Results
from extensive experiments show that the proposed A3C-RL algorithm can
substantially enhance the average precision by 32.7% compared to the
traditional MCTS. In addition, the A3C-RL algorithm outperforms humans on the
geometric questions from the annual University Entrance Mathematical
Examination of China. | cs.CY | Incorporating Graph Attention Mechanism into Geometric Problem Solving Based on Deep Reinforcement Learning |
2024-03-14T10:39:14Z | http://arxiv.org/pdf/2403.12092v1 | http://arxiv.org/abs/2403.12092v1 | Keshav Ramani, Daniel Borrajo | 2024-03-14T10:39:14Z | cs.IR, cs.AI, cs.CL | Addresses occupy a niche location within the landscape of textual data, due
to the positional importance carried by every word, and the geographical scope
it refers to. The task of matching addresses happens everyday and is present in
various fields like mail redirection, entity resolution, etc. Our work defines,
and formalizes a framework to generate matching and mismatching pairs of
addresses in the English language, and use it to evaluate various methods to
automatically perform address matching. These methods vary widely from distance
based approaches to deep learning models. By studying the Precision, Recall and
Accuracy metrics of these approaches, we obtain an understanding of the best
suited method for this setting of the address matching task. | cs.IR | Methods for Matching English Language Addresses |
2024-03-14T10:33:28Z | http://arxiv.org/pdf/2403.09259v1 | http://arxiv.org/abs/2403.09259v1 | Abdul Hameed Azeemi, Ihsan Ayyub Qazi, Agha Ali Raza | 2024-03-14T10:33:28Z | cs.CL, cs.LG | Active learning (AL) techniques reduce labeling costs for training neural
machine translation (NMT) models by selecting smaller representative subsets
from unlabeled data for annotation. Diversity sampling techniques select
heterogeneous instances, while uncertainty sampling methods select instances
with the highest model uncertainty. Both approaches have limitations -
diversity methods may extract varied but trivial examples, while uncertainty
sampling can yield repetitive, uninformative instances. To bridge this gap, we
propose HUDS, a hybrid AL strategy for domain adaptation in NMT that combines
uncertainty and diversity for sentence selection. HUDS computes uncertainty
scores for unlabeled sentences and subsequently stratifies them. It then
clusters sentence embeddings within each stratum using k-MEANS and computes
diversity scores by distance to the centroid. A weighted hybrid score that
combines uncertainty and diversity is then used to select the top instances for
annotation in each AL iteration. Experiments on multi-domain German-English
datasets demonstrate the better performance of HUDS over other strong AL
baselines. We analyze the sentence selection with HUDS and show that it
prioritizes diverse instances having high model uncertainty for annotation in
early AL iterations. | cs.CL | To Label or Not to Label: Hybrid Active Learning for Neural Machine Translation |
2024-03-14T09:45:05Z | http://arxiv.org/pdf/2403.09226v2 | http://arxiv.org/abs/2403.09226v2 | Angelo Ziletti, Leonardo D'Ambrosi | 2024-05-16T13:00:56Z | cs.CL | Electronic health records (EHR) and claims data are rich sources of
real-world data that reflect patient health status and healthcare utilization.
Querying these databases to answer epidemiological questions is challenging due
to the intricacy of medical terminology and the need for complex SQL queries.
Here, we introduce an end-to-end methodology that combines text-to-SQL
generation with retrieval augmented generation (RAG) to answer epidemiological
questions using EHR and claims data. We show that our approach, which
integrates a medical coding step into the text-to-SQL process, significantly
improves the performance over simple prompting. Our findings indicate that
although current language models are not yet sufficiently accurate for
unsupervised use, RAG offers a promising direction for improving their
capabilities, as shown in a realistic industry setting. | cs.CL | Retrieval augmented text-to-SQL generation for epidemiological question answering using electronic health records |
2024-03-14T09:38:12Z | http://arxiv.org/pdf/2403.09751v1 | http://arxiv.org/abs/2403.09751v1 | Roy Weiss, Daniel Ayzenshteyn, Guy Amit, Yisroel Mirsky | 2024-03-14T09:38:12Z | cs.CR, cs.AI, cs.CL | AI assistants are becoming an integral part of society, used for asking
advice or help in personal and confidential issues. In this paper, we unveil a
novel side-channel that can be used to read encrypted responses from AI
Assistants over the web: the token-length side-channel. We found that many
vendors, including OpenAI and Microsoft, have this side-channel.
However, inferring the content of a response from a token-length sequence
alone proves challenging. This is because tokens are akin to words, and
responses can be several sentences long leading to millions of grammatically
correct sentences. In this paper, we show how this can be overcome by (1)
utilizing the power of a large language model (LLM) to translate these
sequences, (2) providing the LLM with inter-sentence context to narrow the
search space and (3) performing a known-plaintext attack by fine-tuning the
model on the target model's writing style.
Using these methods, we were able to accurately reconstruct 29\% of an AI
assistant's responses and successfully infer the topic from 55\% of them. To
demonstrate the threat, we performed the attack on OpenAI's ChatGPT-4 and
Microsoft's Copilot on both browser and API traffic. | cs.CR | What Was Your Prompt? A Remote Keylogging Attack on AI Assistants |
2024-03-14T09:21:25Z | http://arxiv.org/pdf/2403.09207v2 | http://arxiv.org/abs/2403.09207v2 | Viktor Moskvoretskii, Ekaterina Neminova, Alina Lobanova, Alexander Panchenko, Irina Nikishina | 2024-06-17T16:43:10Z | cs.CL | In this paper, we explore the capabilities of LLMs in capturing
lexical-semantic knowledge from WordNet on the example of the LLaMA-2-7b model
and test it on multiple lexical semantic tasks. As the outcome of our
experiments, we present TaxoLLaMA, the everything-in-one model, lightweight due
to 4-bit quantization and LoRA. It achieves 11 SotA results, 4 top-2 results
out of 16 tasks for the Taxonomy Enrichment, Hypernym Discovery, Taxonomy
Construction, and Lexical Entailment tasks. Moreover, it demonstrates very
strong zero-shot performance on Lexical Entailment and Taxonomy Construction
with no fine-tuning. We also explore its hidden multilingual and domain
adaptation capabilities with a little tuning or few-shot learning. All
datasets, code, and model are available online at
https://github.com/VityaVitalich/TaxoLLaMA | cs.CL | TaxoLLaMA: WordNet-based Model for Solving Multiple Lexical Semantic Tasks |
2024-03-14T08:27:32Z | http://arxiv.org/pdf/2403.09167v1 | http://arxiv.org/abs/2403.09167v1 | Jianwei Sun, Chaoyang Mei, Linlin Wei, Kaiyu Zheng, Na Liu, Ming Cui, Tianyi Li | 2024-03-14T08:27:32Z | cs.CL | The efficacy of large language models (LLMs) is heavily dependent on the
quality of the underlying data, particularly within specialized domains. A
common challenge when fine-tuning LLMs for domain-specific applications is the
potential degradation of the model's generalization capabilities. To address
these issues, we propose a two-stage approach for the construction of
production prompts designed to yield high-quality data. This method involves
the generation of a diverse array of prompts that encompass a broad spectrum of
tasks and exhibit a rich variety of expressions. Furthermore, we introduce a
cost-effective, multi-dimensional quality assessment framework to ensure the
integrity of the generated labeling data. Utilizing a dataset comprised of
service provider and customer interactions from the real estate sector, we
demonstrate a positive correlation between data quality and model performance.
Notably, our findings indicate that the domain-specific proficiency of general
LLMs can be enhanced through fine-tuning with data produced via our proposed
method, without compromising their overall generalization abilities, even when
exclusively domain-specific data is employed for fine-tuning. | cs.CL | Dial-insight: Fine-tuning Large Language Models with High-Quality Domain-Specific Data Preventing Capability Collapse |
2024-03-14T08:20:40Z | http://arxiv.org/pdf/2403.09164v1 | http://arxiv.org/abs/2403.09164v1 | Li Yizhen, Huang Shaohan, Qi Jiaxing, Quan Lei, Han Dongran, Luan Zhongzhi | 2024-03-14T08:20:40Z | cs.CL, stat.AP | No previous work has studied the performance of Large Language Models (LLMs)
in the context of Traditional Chinese Medicine (TCM), an essential and distinct
branch of medical knowledge with a rich history. To bridge this gap, we present
a TCM question dataset named TCM-QA, which comprises three question types:
single choice, multiple choice, and true or false, to examine the LLM's
capacity for knowledge recall and comprehensive reasoning within the TCM
domain. In our study, we evaluate two settings of the LLM, zero-shot and
few-shot settings, while concurrently discussing the differences between
English and Chinese prompts. Our results indicate that ChatGPT performs best in
true or false questions, achieving the highest precision of 0.688 while scoring
the lowest precision is 0.241 in multiple-choice questions. Furthermore, we
observed that Chinese prompts outperformed English prompts in our evaluations.
Additionally, we assess the quality of explanations generated by ChatGPT and
their potential contribution to TCM knowledge comprehension. This paper offers
valuable insights into the applicability of LLMs in specialized domains and
paves the way for future research in leveraging these powerful models to
advance TCM. | cs.CL | Exploring the Comprehension of ChatGPT in Traditional Chinese Medicine Knowledge |
2024-03-14T08:19:41Z | http://arxiv.org/pdf/2403.09163v1 | http://arxiv.org/abs/2403.09163v1 | Eliza Mik | 2024-03-14T08:19:41Z | cs.CL, cs.CY | The current fascination with large language models, or LLMs, derives from the
fact that many users lack the expertise to evaluate the quality of the
generated text. LLMs may therefore appear more capable than they actually are.
The dangerous combination of fluency and superficial plausibility leads to the
temptation to trust the generated text and creates the risk of overreliance.
Who would not trust perfect legalese? Relying recent findings in both technical
and legal scholarship, this Article counterbalances the overly optimistic
predictions as to the role of LLMs in legal practice. Integrating LLMs into
legal workstreams without a better comprehension of their limitations, will
create inefficiencies if not outright risks. Notwithstanding their
unprecedented ability to generate text, LLMs do not understand text. Without
the ability to understand meaning, LLMs will remain unable to use language, to
acquire knowledge and to perform complex reasoning tasks. Trained to model
language on the basis of stochastic word predictions, LLMs cannot distinguish
fact from fiction. Their knowledge of the law is limited to word strings
memorized in their parameters. It is also incomplete and largely incorrect.
LLMs operate at the level of word distributions, not at the level of verified
facts. The resulting propensity to hallucinate, to produce statements that are
incorrect but appear helpful and relevant, is alarming in high-risk areas like
legal services. At present, lawyers should beware of relying on text generated
by LLMs. | cs.CL | Caveat Lector: Large Language Models in Legal Practice |
2024-03-14T08:18:59Z | http://arxiv.org/pdf/2403.09162v1 | http://arxiv.org/abs/2403.09162v1 | Haoran Yang, Yumeng Zhang, Jiaqi Xu, Hongyuan Lu, Pheng Ann Heng, Wai Lam | 2024-03-14T08:18:59Z | cs.CL | While Large Language Models (LLMs) have demonstrated exceptional multitasking
abilities, fine-tuning these models on downstream, domain-specific datasets is
often necessary to yield superior performance on test sets compared to their
counterparts without fine-tuning. However, the comprehensive effects of
fine-tuning on the LLMs' generalization ability are not fully understood. This
paper delves into the differences between original, unmodified LLMs and their
fine-tuned variants. Our primary investigation centers on whether fine-tuning
affects the generalization ability intrinsic to LLMs. To elaborate on this, we
conduct extensive experiments across five distinct language tasks on various
datasets. Our main findings reveal that models fine-tuned on generation and
classification tasks exhibit dissimilar behaviors in generalizing to different
domains and tasks. Intriguingly, we observe that integrating the in-context
learning strategy during fine-tuning on generation tasks can enhance the
model's generalization ability. Through this systematic investigation, we aim
to contribute valuable insights into the evolving landscape of fine-tuning
practices for LLMs. | cs.CL | Unveiling the Generalization Power of Fine-Tuned Large Language Models |
2024-03-14T08:12:47Z | http://arxiv.org/pdf/2403.09159v1 | http://arxiv.org/abs/2403.09159v1 | Jaione Bengoetxea, Yi-Ling Chung, Marco Guerini, Rodrigo Agerri | 2024-03-14T08:12:47Z | cs.CL | Counter Narratives (CNs) are non-negative textual responses to Hate Speech
(HS) aiming at defusing online hatred and mitigating its spreading across
media. Despite the recent increase in HS content posted online, research on
automatic CN generation has been relatively scarce and predominantly focused on
English. In this paper, we present CONAN-EUS, a new Basque and Spanish dataset
for CN generation developed by means of Machine Translation (MT) and
professional post-edition. Being a parallel corpus, also with respect to the
original English CONAN, it allows to perform novel research on multilingual and
crosslingual automatic generation of CNs. Our experiments on CN generation with
mT5, a multilingual encoder-decoder model, show that generation greatly
benefits from training on post-edited data, as opposed to relying on silver MT
data only. These results are confirmed by their correlation with a qualitative
manual evaluation, demonstrating that manually revised training data remains
crucial for the quality of the generated CNs. Furthermore, multilingual data
augmentation improves results over monolingual settings for structurally
similar languages such as English and Spanish, while being detrimental for
Basque, a language isolate. Similar findings occur in zero-shot crosslingual
evaluations, where model transfer (fine-tuning in English and generating in a
different target language) outperforms fine-tuning mT5 on machine translated
data for Spanish but not for Basque. This provides an interesting insight into
the asymmetry in the multilinguality of generative models, a challenging topic
which is still open to research. | cs.CL | Basque and Spanish Counter Narrative Generation: Data Creation and Evaluation |
2024-03-14T07:58:27Z | http://arxiv.org/pdf/2403.09148v1 | http://arxiv.org/abs/2403.09148v1 | Lauren Rhue, Sofie Goethals, Arun Sundararajan | 2024-03-14T07:58:27Z | cs.CL, cs.IR | This study examines the use of Large Language Models (LLMs) for retrieving
factual information, addressing concerns over their propensity to produce
factually incorrect "hallucinated" responses or to altogether decline to even
answer prompt at all. Specifically, it investigates the presence of
gender-based biases in LLMs' responses to factual inquiries. This paper takes a
multi-pronged approach to evaluating GPT models by evaluating fairness across
multiple dimensions of recall, hallucinations and declinations. Our findings
reveal discernible gender disparities in the responses generated by GPT-3.5.
While advancements in GPT-4 have led to improvements in performance, they have
not fully eradicated these gender disparities, notably in instances where
responses are declined. The study further explores the origins of these
disparities by examining the influence of gender associations in prompts and
the homogeneity in the responses. | cs.CL | Evaluating LLMs for Gender Disparities in Notable Persons |
2024-03-14T06:49:16Z | http://arxiv.org/pdf/2403.09131v3 | http://arxiv.org/abs/2403.09131v3 | Chang Zong, Yuyan Chen, Weiming Lu, Jian Shao, Yueting Zhuang | 2024-04-16T03:31:25Z | cs.CL, cs.AI, 68T50, I.2.7 | Large Language Models (LLMs) have demonstrated efficacy in various linguistic
applications, including text summarization and controlled text generation.
However, studies into their capacity of switching between styles via
fine-tuning remain underexplored. This study concentrates on textual
professionalism and introduces a novel methodology, named ProSwitch, which
equips a language model with the ability to produce both professional and
non-professional responses through knowledge-guided instruction tuning.
ProSwitch unfolds across three phases: data preparation for gathering domain
knowledge and training corpus; instruction tuning for optimizing language
models with multiple levels of instruction formats; and comprehensive
evaluation for assessing the professionalism discrimination and reference-based
quality of generated text. Comparative analysis of ProSwitch against both
general and specialized language models reveals that our approach outperforms
baselines in switching between professional and non-professional text
generation. | cs.CL | ProSwitch: Knowledge-Guided Instruction Tuning to Generate Professional and Non-Professional Styled Text |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.