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-04-11T07:26:00Z | http://arxiv.org/pdf/2404.07520v2 | http://arxiv.org/abs/2404.07520v2 | Anant Khandelwal | 2024-04-12T17:01:04Z | cs.CV, cs.CL | The potential for zero-shot generalization in vision-language (V-L) models
such as CLIP has spurred their widespread adoption in addressing numerous
downstream tasks. Previous methods have employed test-time prompt tuning to
adapt the model to unseen domains, but they overlooked the issue of imbalanced
class distributions. In this study, we explicitly address this problem by
employing class-aware prototype alignment weighted by mean class probabilities
obtained for the test sample and filtered augmented views. Additionally, we
ensure that the class probabilities are as accurate as possible by performing
prototype discrimination using contrastive learning. The combination of
alignment and discriminative loss serves as a geometric regularizer, preventing
the prompt representation from collapsing onto a single class and effectively
bridging the distribution gap between the source and test domains. Our method,
named PromptSync, synchronizes the prompts for each test sample on both the
text and vision branches of the V-L model. In empirical evaluations on the
domain generalization benchmark, our method outperforms previous best methods
by 2.33% in overall performance, by 1% in base-to-novel generalization, and by
2.84% in cross-dataset transfer tasks. | cs.CV | PromptSync: Bridging Domain Gaps in Vision-Language Models through Class-Aware Prototype Alignment and Discrimination |
2024-04-11T07:11:47Z | http://arxiv.org/pdf/2404.08704v1 | http://arxiv.org/abs/2404.08704v1 | Avinash Anand, Janak Kapuriya, Apoorv Singh, Jay Saraf, Naman Lal, Astha Verma, Rushali Gupta, Rajiv Shah | 2024-04-11T07:11:47Z | cs.CL, cs.AI | While Large Language Models (LLMs) can achieve human-level performance in
various tasks, they continue to face challenges when it comes to effectively
tackling multi-step physics reasoning tasks. To identify the shortcomings of
existing models and facilitate further research in this area, we curated a
novel dataset, MM-PhyQA, which comprises well-constructed, high schoollevel
multimodal physics problems. By evaluating the performance of contemporary LLMs
that are publicly available, both with and without the incorporation of
multimodal elements in these problems, we aim to shed light on their
capabilities. For generating answers for questions consisting of multimodal
input (in this case, images and text) we employed Zero-shot prediction using
GPT-4 and utilized LLaVA (LLaVA and LLaVA-1.5), the latter of which were
fine-tuned on our dataset. For evaluating the performance of LLMs consisting
solely of textual input, we tested the performance of the base and fine-tuned
versions of the Mistral-7B and LLaMA2-7b models. We also showcased the
performance of the novel Multi-Image Chain-of-Thought (MI-CoT) Prompting
technique, which when used to train LLaVA-1.5 13b yielded the best results when
tested on our dataset, with superior scores in most metrics and the highest
accuracy of 71.65% on the test set. | cs.CL | MM-PhyQA: Multimodal Physics Question-Answering With Multi-Image CoT Prompting |
2024-04-11T06:34:17Z | http://arxiv.org/pdf/2404.07503v1 | http://arxiv.org/abs/2404.07503v1 | Ruibo Liu, Jerry Wei, Fangyu Liu, Chenglei Si, Yanzhe Zhang, Jinmeng Rao, Steven Zheng, Daiyi Peng, Diyi Yang, Denny Zhou, Andrew M. Dai | 2024-04-11T06:34:17Z | cs.CL | The success of AI models relies on the availability of large, diverse, and
high-quality datasets, which can be challenging to obtain due to data scarcity,
privacy concerns, and high costs. Synthetic data has emerged as a promising
solution by generating artificial data that mimics real-world patterns. This
paper provides an overview of synthetic data research, discussing its
applications, challenges, and future directions. We present empirical evidence
from prior art to demonstrate its effectiveness and highlight the importance of
ensuring its factuality, fidelity, and unbiasedness. We emphasize the need for
responsible use of synthetic data to build more powerful, inclusive, and
trustworthy language models. | cs.CL | Best Practices and Lessons Learned on Synthetic Data for Language Models |
2024-04-11T06:32:03Z | http://arxiv.org/pdf/2404.07501v1 | http://arxiv.org/abs/2404.07501v1 | Julian Neuberger, Leonie Doll, Benedict Engelmann, Lars Ackermann, Stefan Jablonski | 2024-04-11T06:32:03Z | cs.CL | Business Process Modeling projects often require formal process models as a
central component. High costs associated with the creation of such formal
process models motivated many different fields of research aimed at automated
generation of process models from readily available data. These include process
mining on event logs, and generating business process models from natural
language texts. Research in the latter field is regularly faced with the
problem of limited data availability, hindering both evaluation and development
of new techniques, especially learning-based ones.
To overcome this data scarcity issue, in this paper we investigate the
application of data augmentation for natural language text data. Data
augmentation methods are well established in machine learning for creating new,
synthetic data without human assistance. We find that many of these methods are
applicable to the task of business process information extraction, improving
the accuracy of extraction. Our study shows, that data augmentation is an
important component in enabling machine learning methods for the task of
business process model generation from natural language text, where currently
mostly rule-based systems are still state of the art. Simple data augmentation
techniques improved the $F_1$ score of mention extraction by 2.9 percentage
points, and the $F_1$ of relation extraction by $4.5$. To better understand how
data augmentation alters human annotated texts, we analyze the resulting text,
visualizing and discussing the properties of augmented textual data.
We make all code and experiments results publicly available. | cs.CL | Leveraging Data Augmentation for Process Information Extraction |
2024-04-11T06:22:56Z | http://arxiv.org/pdf/2404.07498v1 | http://arxiv.org/abs/2404.07498v1 | Ian Tenney, Ryan Mullins, Bin Du, Shree Pandya, Minsuk Kahng, Lucas Dixon | 2024-04-11T06:22:56Z | cs.CL, cs.AI, cs.HC, cs.LG | We present Sequence Salience, a visual tool for interactive prompt debugging
with input salience methods. Sequence Salience builds on widely used salience
methods for text classification and single-token prediction, and extends this
to a system tailored for debugging complex LLM prompts. Our system is
well-suited for long texts, and expands on previous work by 1) providing
controllable aggregation of token-level salience to the word, sentence, or
paragraph level, making salience over long inputs tractable; and 2) supporting
rapid iteration where practitioners can act on salience results, refine
prompts, and run salience on the new output. We include case studies showing
how Sequence Salience can help practitioners work with several complex
prompting strategies, including few-shot, chain-of-thought, and constitutional
principles. Sequence Salience is built on the Learning Interpretability Tool,
an open-source platform for ML model visualizations, and code, notebooks, and
tutorials are available at http://goo.gle/sequence-salience. | cs.CL | Interactive Prompt Debugging with Sequence Salience |
2024-04-11T05:53:38Z | http://arxiv.org/pdf/2404.08020v1 | http://arxiv.org/abs/2404.08020v1 | Sanat Sharma, Mayank Poddar, Jayant Kumar, Kosta Blank, Tracy King | 2024-04-11T05:53:38Z | cs.AI, cs.CL, cs.DL, cs.IR, cs.LG | Knowledge graphs are useful tools to organize, recommend and sort data.
Hierarchies in knowledge graphs provide significant benefit in improving
understanding and compartmentalization of the data within a knowledge graph.
This work leverages large language models to generate and augment hierarchies
in an existing knowledge graph. For small (<100,000 node) domain-specific KGs,
we find that a combination of few-shot prompting with one-shot generation works
well, while larger KG may require cyclical generation. We present techniques
for augmenting hierarchies, which led to coverage increase by 98% for intents
and 99% for colors in our knowledge graph. | cs.AI | Augmenting Knowledge Graph Hierarchies Using Neural Transformers |
2024-04-11T05:09:03Z | http://arxiv.org/pdf/2404.07475v2 | http://arxiv.org/abs/2404.07475v2 | Evan Shieh, Faye-Marie Vassel, Cassidy Sugimoto, Thema Monroe-White | 2024-04-16T04:07:42Z | cs.CL, cs.AI, cs.CY, cs.LG | The rapid deployment of generative language models (LMs) has raised concerns
about social biases affecting the well-being of diverse consumers. The extant
literature on generative LMs has primarily examined bias via explicit identity
prompting. However, prior research on bias in earlier language-based technology
platforms, including search engines, has shown that discrimination can occur
even when identity terms are not specified explicitly. Studies of bias in LM
responses to open-ended prompts (where identity classifications are left
unspecified) are lacking and have not yet been grounded in end-consumer harms.
Here, we advance studies of generative LM bias by considering a broader set of
natural use cases via open-ended prompting. In this "laissez-faire" setting, we
find that synthetically generated texts from five of the most pervasive LMs
(ChatGPT3.5, ChatGPT4, Claude2.0, Llama2, and PaLM2) perpetuate harms of
omission, subordination, and stereotyping for minoritized individuals with
intersectional race, gender, and/or sexual orientation identities (AI/AN,
Asian, Black, Latine, MENA, NH/PI, Female, Non-binary, Queer). We find
widespread evidence of bias to an extent that such individuals are hundreds to
thousands of times more likely to encounter LM-generated outputs that portray
their identities in a subordinated manner compared to representative or
empowering portrayals. We also document a prevalence of stereotypes (e.g.
perpetual foreigner) in LM-generated outputs that are known to trigger
psychological harms that disproportionately affect minoritized individuals.
These include stereotype threat, which leads to impaired cognitive performance
and increased negative self-perception. Our findings highlight the urgent need
to protect consumers from discriminatory harms caused by language models and
invest in critical AI education programs tailored towards empowering diverse
consumers. | cs.CL | Laissez-Faire Harms: Algorithmic Biases in Generative Language Models |
2024-04-11T04:24:48Z | http://arxiv.org/pdf/2404.07471v1 | http://arxiv.org/abs/2404.07471v1 | Jiayi Wu, Renyu Zhu, Nuo Chen, Qiushi Sun, Xiang Li, Ming Gao | 2024-04-11T04:24:48Z | cs.SE, cs.AI, cs.CL | Over the past few years, we have witnessed remarkable advancements in Code
Pre-trained Models (CodePTMs). These models achieved excellent representation
capabilities by designing structure-based pre-training tasks for code. However,
how to enhance the absorption of structural knowledge when fine-tuning CodePTMs
still remains a significant challenge. To fill this gap, in this paper, we
present Structure-aware Fine-tuning (SAT), a novel structure-enhanced and
plug-and-play fine-tuning method for CodePTMs. We first propose a structure
loss to quantify the difference between the information learned by CodePTMs and
the knowledge extracted from code structure. Specifically, we use the attention
scores extracted from Transformer layer as the learned structural information,
and the shortest path length between leaves in abstract syntax trees as the
structural knowledge. Subsequently, multi-task learning is introduced to
improve the performance of fine-tuning. Experiments conducted on four
pre-trained models and two generation tasks demonstrate the effectiveness of
our proposed method as a plug-and-play solution. Furthermore, we observed that
SAT can benefit CodePTMs more with limited training data. | cs.SE | Structure-aware Fine-tuning for Code Pre-trained Models |
2024-04-11T04:22:15Z | http://arxiv.org/pdf/2404.07470v1 | http://arxiv.org/abs/2404.07470v1 | Bohao Peng, Zhuotao Tian, Shu Liu, Mingchang Yang, Jiaya Jia | 2024-04-11T04:22:15Z | cs.CL | Continual learning has gained increasing importance as it facilitates the
acquisition and refinement of scalable knowledge and skills in language models.
However, existing methods typically encounter strict limitations and challenges
in real-world scenarios, such as reliance on experience replay, optimization
constraints, and inference task-ID. In this study, we introduce the Scalable
Language Model (SLM) to overcome these limitations within a more challenging
and generalized setting, representing a significant advancement toward
practical applications for continual learning. Specifically, we propose the
Joint Adaptive Re-Parameterization (JARe), integrated with Dynamic Task-related
Knowledge Retrieval (DTKR), to enable adaptive adjustment of language models
based on specific downstream tasks. This approach leverages the task
distribution within the vector space, aiming to achieve a smooth and effortless
continual learning process. Our method demonstrates state-of-the-art
performance on diverse backbones and benchmarks, achieving effective continual
learning in both full-set and few-shot scenarios with minimal forgetting.
Moreover, while prior research primarily focused on a single task type such as
classification, our study goes beyond, with the large language model, i.e.,
LLaMA-2, to explore the effects across diverse domains and task types, such
that a single language model can be decently scaled to broader applications. | cs.CL | Scalable Language Model with Generalized Continual Learning |
2024-04-11T03:51:29Z | http://arxiv.org/pdf/2404.07461v1 | http://arxiv.org/abs/2404.07461v1 | Pranav Narayanan Venkit, Tatiana Chakravorti, Vipul Gupta, Heidi Biggs, Mukund Srinath, Koustava Goswami, Sarah Rajtmajer, Shomir Wilson | 2024-04-11T03:51:29Z | cs.CL, cs.AI | We investigate how hallucination in large language models (LLM) is
characterized in peer-reviewed literature using a critical examination of 103
publications across NLP research. Through a comprehensive review of
sociological and technological literature, we identify a lack of agreement with
the term `hallucination.' Additionally, we conduct a survey with 171
practitioners from the field of NLP and AI to capture varying perspectives on
hallucination. Our analysis underscores the necessity for explicit definitions
and frameworks outlining hallucination within NLP, highlighting potential
challenges, and our survey inputs provide a thematic understanding of the
influence and ramifications of hallucination in society. | cs.CL | "Confidently Nonsensical?'': A Critical Survey on the Perspectives and Challenges of 'Hallucinations' in NLP |
2024-04-11T03:08:53Z | http://arxiv.org/pdf/2404.07448v2 | http://arxiv.org/abs/2404.07448v2 | Jingxuan Xu, Wuyang Chen, Yao Zhao, Yunchao Wei | 2024-06-04T03:15:51Z | cs.CV, cs.CL, eess.IV | Recent success of pre-trained foundation vision-language models makes
Open-Vocabulary Segmentation (OVS) possible. Despite the promising performance,
this approach introduces heavy computational overheads for two challenges: 1)
large model sizes of the backbone; 2) expensive costs during the fine-tuning.
These challenges hinder this OVS strategy from being widely applicable and
affordable in real-world scenarios. Although traditional methods such as model
compression and efficient fine-tuning can address these challenges, they often
rely on heuristics. This means that their solutions cannot be easily
transferred and necessitate re-training on different models, which comes at a
cost. In the context of efficient OVS, we target achieving performance that is
comparable to or even better than prior OVS works based on large
vision-language foundation models, by utilizing smaller models that incur lower
training costs. The core strategy is to make our efficiency principled and thus
seamlessly transferable from one OVS framework to others without further
customization. Comprehensive experiments on diverse OVS benchmarks demonstrate
our superior trade-off between segmentation accuracy and computation costs over
previous works. Our code is available on https://github.com/Xujxyang/OpenTrans | cs.CV | Transferable and Principled Efficiency for Open-Vocabulary Segmentation |
2024-04-11T02:44:13Z | http://arxiv.org/pdf/2404.07439v1 | http://arxiv.org/abs/2404.07439v1 | Richard Kelley | 2024-04-11T02:44:13Z | cs.AI, cs.CL | Language models trained on internet-scale data sets have shown an impressive
ability to solve problems in Natural Language Processing and Computer Vision.
However, experience is showing that these models are frequently brittle in
unexpected ways, and require significant scaffolding to ensure that they
operate correctly in the larger systems that comprise "language-model agents."
In this paper, we argue that behavior trees provide a unifying framework for
combining language models with classical AI and traditional programming. We
introduce Dendron, a Python library for programming language model agents using
behavior trees. We demonstrate the approach embodied by Dendron in three case
studies: building a chat agent, a camera-based infrastructure inspection agent
for use on a mobile robot or vehicle, and an agent that has been built to
satisfy safety constraints that it did not receive through instruction tuning
or RLHF. | cs.AI | Behavior Trees Enable Structured Programming of Language Model Agents |
2024-04-11T00:52:39Z | http://arxiv.org/pdf/2404.07413v1 | http://arxiv.org/abs/2404.07413v1 | Yikang Shen, Zhen Guo, Tianle Cai, Zengyi Qin | 2024-04-11T00:52:39Z | cs.CL, cs.AI | Large Language Models (LLMs) have achieved remarkable results, but their
increasing resource demand has become a major obstacle to the development of
powerful and accessible super-human intelligence. This report introduces
JetMoE-8B, a new LLM trained with less than $0.1 million, using 1.25T tokens
from carefully mixed open-source corpora and 30,000 H100 GPU hours. Despite its
low cost, the JetMoE-8B demonstrates impressive performance, with JetMoE-8B
outperforming the Llama2-7B model and JetMoE-8B-Chat surpassing the
Llama2-13B-Chat model. These results suggest that LLM training can be much more
cost-effective than generally thought. JetMoE-8B is based on an efficient
Sparsely-gated Mixture-of-Experts (SMoE) architecture, composed of attention
and feedforward experts. Both layers are sparsely activated, allowing JetMoE-8B
to have 8B parameters while only activating 2B for each input token, reducing
inference computation by about 70% compared to Llama2-7B. Moreover, JetMoE-8B
is highly open and academia-friendly, using only public datasets and training
code. All training parameters and data mixtures have been detailed in this
report to facilitate future efforts in the development of open foundation
models. This transparency aims to encourage collaboration and further
advancements in the field of accessible and efficient LLMs. The model weights
are publicly available at https://github.com/myshell-ai/JetMoE. | cs.CL | JetMoE: Reaching Llama2 Performance with 0.1M Dollars |
2024-04-10T22:42:18Z | http://arxiv.org/pdf/2404.08018v1 | http://arxiv.org/abs/2404.08018v1 | Rajarshi Haldar, Julia Hockenmaier | 2024-04-10T22:42:18Z | cs.SE, cs.AI, cs.CL | Large language models (LLMs) such as Llama 2 perform very well on tasks that
involve both natural language and source code, particularly code summarization
and code generation. We show that for the task of code summarization, the
performance of these models on individual examples often depends on the amount
of (subword) token overlap between the code and the corresponding reference
natural language descriptions in the dataset. This token overlap arises because
the reference descriptions in standard datasets (corresponding to docstrings in
large code bases) are often highly similar to the names of the functions they
describe. We also show that this token overlap occurs largely in the function
names of the code and compare the relative performance of these models after
removing function names versus removing code structure. We also show that using
multiple evaluation metrics like BLEU and BERTScore gives us very little
additional insight since these metrics are highly correlated with each other. | cs.SE | Analyzing the Performance of Large Language Models on Code Summarization |
2024-04-10T22:35:06Z | http://arxiv.org/pdf/2404.07377v1 | http://arxiv.org/abs/2404.07377v1 | Sahil Garg, Anderson Schneider, Anant Raj, Kashif Rasul, Yuriy Nevmyvaka, Sneihil Gopal, Amit Dhurandhar, Guillermo Cecchi, Irina Rish | 2024-04-10T22:35:06Z | cs.LG, cs.AI, cs.CL, cs.CV, cs.IT, math.IT | Building on the remarkable achievements in generative sampling of natural
images, we propose an innovative challenge, potentially overly ambitious, which
involves generating samples of entire multivariate time series that resemble
images. However, the statistical challenge lies in the small sample size,
sometimes consisting of a few hundred subjects. This issue is especially
problematic for deep generative models that follow the conventional approach of
generating samples from a canonical distribution and then decoding or denoising
them to match the true data distribution. In contrast, our method is grounded
in information theory and aims to implicitly characterize the distribution of
images, particularly the (global and local) dependency structure between
pixels. We achieve this by empirically estimating its KL-divergence in the dual
form with respect to the respective marginal distribution. This enables us to
perform generative sampling directly in the optimized 1-D dual divergence
space. Specifically, in the dual space, training samples representing the data
distribution are embedded in the form of various clusters between two end
points. In theory, any sample embedded between those two end points is
in-distribution w.r.t. the data distribution. Our key idea for generating novel
samples of images is to interpolate between the clusters via a walk as per
gradients of the dual function w.r.t. the data dimensions. In addition to the
data efficiency gained from direct sampling, we propose an algorithm that
offers a significant reduction in sample complexity for estimating the
divergence of the data distribution with respect to the marginal distribution.
We provide strong theoretical guarantees along with an extensive empirical
evaluation using many real-world datasets from diverse domains, establishing
the superiority of our approach w.r.t. state-of-the-art deep learning methods. | cs.LG | Deep Generative Sampling in the Dual Divergence Space: A Data-efficient & Interpretative Approach for Generative AI |
2024-04-10T22:26:26Z | http://arxiv.org/pdf/2404.07376v1 | http://arxiv.org/abs/2404.07376v1 | Masoud Monajatipoor, Jiaxin Yang, Joel Stremmel, Melika Emami, Fazlolah Mohaghegh, Mozhdeh Rouhsedaghat, Kai-Wei Chang | 2024-04-10T22:26:26Z | cs.CL | Large Language Models (LLMs) demonstrate remarkable versatility in various
NLP tasks but encounter distinct challenges in biomedicine due to medical
language complexities and data scarcity. This paper investigates the
application of LLMs in the medical domain by exploring strategies to enhance
their performance for the Named-Entity Recognition (NER) task. Specifically,
our study reveals the importance of meticulously designed prompts in
biomedicine. Strategic selection of in-context examples yields a notable
improvement, showcasing ~15-20\% increase in F1 score across all benchmark
datasets for few-shot clinical NER. Additionally, our findings suggest that
integrating external resources through prompting strategies can bridge the gap
between general-purpose LLM proficiency and the specialized demands of medical
NER. Leveraging a medical knowledge base, our proposed method inspired by
Retrieval-Augmented Generation (RAG) can boost the F1 score of LLMs for
zero-shot clinical NER. We will release the code upon publication. | cs.CL | LLMs in Biomedicine: A study on clinical Named Entity Recognition |
2024-04-10T20:40:24Z | http://arxiv.org/pdf/2404.07341v2 | http://arxiv.org/abs/2404.07341v2 | Kevin Zhang, Luka Chkhetiani, Francis McCann Ramirez, Yash Khare, Andrea Vanzo, Michael Liang, Sergio Ramirez Martin, Gabriel Oexle, Ruben Bousbib, Taufiquzzaman Peyash, Michael Nguyen, Dillon Pulliam, Domenic Donato | 2024-04-12T18:23:35Z | eess.AS, cs.CL, cs.LG, cs.SD | This paper presents Conformer-1, an end-to-end Automatic Speech Recognition
(ASR) model trained on an extensive dataset of 570k hours of speech audio data,
91% of which was acquired from publicly available sources. To achieve this, we
perform Noisy Student Training after generating pseudo-labels for the unlabeled
public data using a strong Conformer RNN-T baseline model. The addition of
these pseudo-labeled data results in remarkable improvements in relative Word
Error Rate (WER) by 11.5% and 24.3% for our asynchronous and realtime models,
respectively. Additionally, the model is more robust to background noise owing
to the addition of these data. The results obtained in this study demonstrate
that the incorporation of pseudo-labeled publicly available data is a highly
effective strategy for improving ASR accuracy and noise robustness. | eess.AS | Conformer-1: Robust ASR via Large-Scale Semisupervised Bootstrapping |
2024-04-10T18:56:53Z | http://arxiv.org/pdf/2404.07304v2 | http://arxiv.org/abs/2404.07304v2 | Aarohi Srivastava, David Chiang | 2024-06-16T02:09:44Z | cs.CL | We present a suite of experiments that allow us to understand the underlying
challenges of language model adaptation to nonstandard text. We do so by
designing interventions that approximate several types of linguistic variation
and their interactions with existing biases of language models. Applying our
interventions during language model adaptation with varying size and nature of
training data, we gain important insights into when knowledge transfer can be
successful, as well as the aspects of linguistic variation that are
particularly difficult for language models to deal with. For instance, on text
with character-level variation, performance improves with even a few training
examples but approaches a plateau, suggesting that more data is not the
solution. In contrast, on text with variation involving new words or meanings,
far more data is needed, but it leads to a massive breakthrough in performance.
Our findings reveal that existing models lack the necessary infrastructure to
handle diverse forms of nonstandard text and linguistic variation, guiding the
development of more resilient language modeling techniques for the future. We
make the code for our interventions, which can be applied to any English text
data, publicly available. | cs.CL | We're Calling an Intervention: Exploring the Fundamental Hurdles in Adapting Language Models to Nonstandard Text |
2024-04-10T18:08:59Z | http://arxiv.org/pdf/2404.08700v2 | http://arxiv.org/abs/2404.08700v2 | Seyed Mahed Mousavi, Simone Alghisi, Giuseppe Riccardi | 2024-06-12T13:44:10Z | cs.CL, cs.AI | LLMs acquire knowledge from massive data snapshots collected at different
timestamps. Their knowledge is then commonly evaluated using static benchmarks.
However, factual knowledge is generally subject to time-sensitive changes, and
static benchmarks cannot address those cases. We present an approach to
dynamically evaluate the knowledge in LLMs and their time-sensitiveness against
Wikidata, a publicly available up-to-date knowledge graph. We evaluate the
time-sensitive knowledge in twenty-four private and open-source LLMs, as well
as the effectiveness of four editing methods in updating the outdated facts.
Our results show that 1) outdatedness is a critical problem across
state-of-the-art LLMs; 2) LLMs output inconsistent answers when prompted with
slight variations of the question prompt; and 3) the performance of the
state-of-the-art knowledge editing algorithms is very limited, as they can not
reduce the cases of outdatedness and output inconsistency. | cs.CL | DyKnow:Dynamically Verifying Time-Sensitive Factual Knowledge in LLMs |
2024-04-10T17:59:20Z | http://arxiv.org/pdf/2404.07202v1 | http://arxiv.org/abs/2404.07202v1 | Weihao Xia, Raoul de Charette, Cengiz Öztireli, Jing-Hao Xue | 2024-04-10T17:59:20Z | cs.CV, cs.AI, cs.CL | We address prevailing challenges of the brain-powered research, departing
from the observation that the literature hardly recover accurate spatial
information and require subject-specific models. To address these challenges,
we propose UMBRAE, a unified multimodal decoding of brain signals. First, to
extract instance-level conceptual and spatial details from neural signals, we
introduce an efficient universal brain encoder for multimodal-brain alignment
and recover object descriptions at multiple levels of granularity from
subsequent multimodal large language model (MLLM). Second, we introduce a
cross-subject training strategy mapping subject-specific features to a common
feature space. This allows a model to be trained on multiple subjects without
extra resources, even yielding superior results compared to subject-specific
models. Further, we demonstrate this supports weakly-supervised adaptation to
new subjects, with only a fraction of the total training data. Experiments
demonstrate that UMBRAE not only achieves superior results in the newly
introduced tasks but also outperforms methods in well established tasks. To
assess our method, we construct and share with the community a comprehensive
brain understanding benchmark BrainHub. Our code and benchmark are available at
https://weihaox.github.io/UMBRAE. | cs.CV | UMBRAE: Unified Multimodal Decoding of Brain Signals |
2024-04-10T16:30:09Z | http://arxiv.org/pdf/2404.08699v2 | http://arxiv.org/abs/2404.08699v2 | Ahmed Agiza, Mohamed Mostagir, Sherief Reda | 2024-04-21T23:51:29Z | cs.CL, cs.AI, cs.LG | In an era where language models are increasingly integrated into
decision-making and communication, understanding the biases within Large
Language Models (LLMs) becomes imperative, especially when these models are
applied in the economic and political domains. This work investigates the
impact of fine-tuning and data selection on economic and political biases in
LLM. We explore the methodological aspects of biasing LLMs towards specific
ideologies, mindful of the biases that arise from their extensive training on
diverse datasets. Our approach, distinct from earlier efforts that either focus
on smaller models or entail resource-intensive pre-training, employs
Parameter-Efficient Fine-Tuning (PEFT) techniques. These techniques allow for
the alignment of LLMs with targeted ideologies by modifying a small subset of
parameters. We introduce a systematic method for dataset selection, annotation,
and instruction tuning, and we assess its effectiveness through both
quantitative and qualitative evaluations. Our work analyzes the potential of
embedding specific biases into LLMs and contributes to the dialogue on the
ethical application of AI, highlighting the importance of deploying AI in a
manner that aligns with societal values. | cs.CL | Analyzing the Impact of Data Selection and Fine-Tuning on Economic and Political Biases in LLMs |
2024-04-10T16:18:42Z | http://arxiv.org/pdf/2404.07143v1 | http://arxiv.org/abs/2404.07143v1 | Tsendsuren Munkhdalai, Manaal Faruqui, Siddharth Gopal | 2024-04-10T16:18:42Z | cs.CL, cs.AI, cs.LG, cs.NE | This work introduces an efficient method to scale Transformer-based Large
Language Models (LLMs) to infinitely long inputs with bounded memory and
computation. A key component in our proposed approach is a new attention
technique dubbed Infini-attention. The Infini-attention incorporates a
compressive memory into the vanilla attention mechanism and builds in both
masked local attention and long-term linear attention mechanisms in a single
Transformer block. We demonstrate the effectiveness of our approach on
long-context language modeling benchmarks, 1M sequence length passkey context
block retrieval and 500K length book summarization tasks with 1B and 8B LLMs.
Our approach introduces minimal bounded memory parameters and enables fast
streaming inference for LLMs. | cs.CL | Leave No Context Behind: Efficient Infinite Context Transformers with Infini-attention |
2024-04-10T16:12:50Z | http://arxiv.org/pdf/2404.07135v2 | http://arxiv.org/abs/2404.07135v2 | Jinwei Lu, Yuanfeng Song, Haodi Zhang, Chen Zhang, Raymond Chi-Wing Wong | 2024-04-11T05:56:39Z | cs.CL, cs.AI | Text-to-Vis is an emerging task in the natural language processing (NLP) area
that aims to automatically generate data visualizations from natural language
questions (NLQs). Despite their progress, existing text-to-vis models often
heavily rely on lexical matching between words in the questions and tokens in
data schemas. This overreliance on lexical matching may lead to a diminished
level of model robustness against input variations. In this study, we
thoroughly examine the robustness of current text-to-vis models, an area that
has not previously been explored. In particular, we construct the first
robustness dataset nvBench-Rob, which contains diverse lexical and phrasal
variations based on the original text-to-vis benchmark nvBench. Then, we found
that the performance of existing text-to-vis models on this new dataset
dramatically drops, implying that these methods exhibit inadequate robustness
overall. Finally, we propose a novel framework based on Retrieval-Augmented
Generation (RAG) technique, named GRED, specifically designed to address input
perturbations in these two variants. The framework consists of three parts:
NLQ-Retrieval Generator, Visualization Query-Retrieval Retuner and
Annotation-based Debugger, which are used to tackle the challenges posed by
natural language variants, programming style differences and data schema
variants, respectively. Extensive experimental evaluations show that, compared
to the state-of-the-art model RGVisNet in the Text-to-Vis field, GRED performs
better in terms of model robustness, with a 32% increase in accuracy on the
proposed nvBench-Rob dataset. | cs.CL | Towards Robustness of Text-to-Visualization Translation against Lexical and Phrasal Variability |
2024-04-10T16:11:09Z | http://arxiv.org/pdf/2404.08698v1 | http://arxiv.org/abs/2404.08698v1 | Jie Ou, Yueming Chen, Wenhong Tian | 2024-04-10T16:11:09Z | cs.CL, cs.LG | While Large Language Models (LLMs) have shown remarkable abilities, they are
hindered by significant resource consumption and considerable latency due to
autoregressive processing. In this study, we introduce Adaptive N-gram Parallel
Decoding (ANPD), an innovative and lossless approach that accelerates inference
by allowing the simultaneous generation of multiple tokens. ANPD incorporates a
two-stage approach: it begins with a rapid drafting phase that employs an
N-gram module, which adapts based on the current interactive context, followed
by a verification phase, during which the original LLM assesses and confirms
the proposed tokens. Consequently, ANPD preserves the integrity of the LLM's
original output while enhancing processing speed. We further leverage a
multi-level architecture for the N-gram module to enhance the precision of the
initial draft, consequently reducing inference latency. ANPD eliminates the
need for retraining or extra GPU memory, making it an efficient and
plug-and-play enhancement. In our experiments, models such as LLaMA and its
fine-tuned variants have shown speed improvements up to 3.67x, validating the
effectiveness of our proposed ANPD. | cs.CL | Lossless Acceleration of Large Language Model via Adaptive N-gram Parallel Decoding |
2024-04-10T15:55:07Z | http://arxiv.org/pdf/2404.07117v1 | http://arxiv.org/abs/2404.07117v1 | Sara Kangaslahti, David Alvarez-Melis | 2024-04-10T15:55:07Z | cs.CL, cs.LG | As large language models (LLMs) have gained popularity for a variety of use
cases, making them adaptable and controllable has become increasingly
important, especially for user-facing applications. While the existing
literature on LLM adaptation primarily focuses on finding a model (or models)
that optimizes a single predefined objective, here we focus on the challenging
case where the model must dynamically adapt to diverse -- and often changing --
user preferences. For this, we leverage adaptation methods based on linear
weight interpolation, casting them as continuous multi-domain interpolators
that produce models with specific prescribed generation characteristics
on-the-fly. Specifically, we use low-rank updates to fine-tune a base model to
various different domains, yielding a set of anchor models with distinct
generation profiles. Then, we use the weight updates of these anchor models to
parametrize the entire (infinite) class of models contained within their convex
hull. We empirically show that varying the interpolation weights yields
predictable and consistent change in the model outputs with respect to all of
the controlled attributes. We find that there is little entanglement between
most attributes and identify and discuss the pairs of attributes for which this
is not the case. Our results suggest that linearly interpolating between the
weights of fine-tuned models facilitates predictable, fine-grained control of
model outputs with respect to multiple stylistic characteristics
simultaneously. | cs.CL | Continuous Language Model Interpolation for Dynamic and Controllable Text Generation |
2024-04-10T15:46:08Z | http://arxiv.org/pdf/2404.07108v2 | http://arxiv.org/abs/2404.07108v2 | Yongqiang Ma, Lizhi Qing, Jiawei Liu, Yangyang Kang, Yue Zhang, Wei Lu, Xiaozhong Liu, Qikai Cheng | 2024-04-11T02:36:27Z | cs.CL, cs.IR | Evaluating large language models (LLMs) is fundamental, particularly in the
context of practical applications. Conventional evaluation methods, typically
designed primarily for LLM development, yield numerical scores that ignore the
user experience. Therefore, our study shifts the focus from model-centered to
human-centered evaluation in the context of AI-powered writing assistance
applications. Our proposed metric, termed ``Revision Distance,'' utilizes LLMs
to suggest revision edits that mimic the human writing process. It is
determined by counting the revision edits generated by LLMs. Benefiting from
the generated revision edit details, our metric can provide a self-explained
text evaluation result in a human-understandable manner beyond the
context-independent score. Our results show that for the easy-writing task,
``Revision Distance'' is consistent with established metrics (ROUGE,
Bert-score, and GPT-score), but offers more insightful, detailed feedback and
better distinguishes between texts. Moreover, in the context of challenging
academic writing tasks, our metric still delivers reliable evaluations where
other metrics tend to struggle. Furthermore, our metric also holds significant
potential for scenarios lacking reference texts. | cs.CL | From Model-centered to Human-Centered: Revision Distance as a Metric for Text Evaluation in LLMs-based Applications |
2024-04-10T15:41:53Z | http://arxiv.org/pdf/2404.07103v1 | http://arxiv.org/abs/2404.07103v1 | Bowen Jin, Chulin Xie, Jiawei Zhang, Kashob Kumar Roy, Yu Zhang, Suhang Wang, Yu Meng, Jiawei Han | 2024-04-10T15:41:53Z | cs.CL, cs.IR, cs.LG | Large language models (LLMs), while exhibiting exceptional performance,
suffer from hallucinations, especially on knowledge-intensive tasks. Existing
works propose to augment LLMs with individual text units retrieved from
external knowledge corpora to alleviate the issue. However, in many domains,
texts are interconnected (e.g., academic papers in a bibliographic graph are
linked by citations and co-authorships) which form a (text-attributed) graph.
The knowledge in such graphs is encoded not only in single texts/nodes but also
in their associated connections. To facilitate the research of augmenting LLMs
with graphs, we manually construct a Graph Reasoning Benchmark dataset called
GRBench, containing 1,740 questions that can be answered with the knowledge
from 10 domain graphs. Then, we propose a simple and effective framework called
Graph Chain-of-thought (Graph-CoT) to augment LLMs with graphs by encouraging
LLMs to reason on the graph iteratively. Each Graph-CoT iteration consists of
three sub-steps: LLM reasoning, LLM-graph interaction, and graph execution. We
conduct systematic experiments with three LLM backbones on GRBench, where
Graph-CoT outperforms the baselines consistently. The code is available at
https://github.com/PeterGriffinJin/Graph-CoT. | cs.CL | Graph Chain-of-Thought: Augmenting Large Language Models by Reasoning on Graphs |
2024-04-10T15:17:17Z | http://arxiv.org/pdf/2404.07084v1 | http://arxiv.org/abs/2404.07084v1 | Jianzhi Liu, Hexiang Gu, Tianyu Zheng, Liuyu Xiang, Huijia Wu, Jie Fu, Zhaofeng He | 2024-04-10T15:17:17Z | cs.CL, cs.AI | In the realm of mimicking human deliberation, large language models (LLMs)
show promising performance, thereby amplifying the importance of this research
area. Deliberation is influenced by both logic and personality. However,
previous studies predominantly focused on the logic of LLMs, neglecting the
exploration of personality aspects. In this work, we introduce Dynamic
Personality Generation (DPG), a dynamic personality generation method based on
Hypernetworks. Initially, we embed the Big Five personality theory into GPT-4
to form a personality assessment machine, enabling it to evaluate characters'
personality traits from dialogues automatically. We propose a new metric to
assess personality generation capability based on this evaluation method. Then,
we use this personality assessment machine to evaluate dialogues in script
data, resulting in a personality-dialogue dataset. Finally, we fine-tune DPG on
the personality-dialogue dataset. Experiments prove that DPG's personality
generation capability is stronger after fine-tuning on this dataset than
traditional fine-tuning methods, surpassing prompt-based GPT-4. | cs.CL | Dynamic Generation of Personalities with Large Language Models |
2024-04-10T14:56:40Z | http://arxiv.org/pdf/2404.07066v2 | http://arxiv.org/abs/2404.07066v2 | Mingyu Jin, Qinkai Yu, Jingyuan Huang, Qingcheng Zeng, Zhenting Wang, Wenyue Hua, Haiyan Zhao, Kai Mei, Yanda Meng, Kaize Ding, Fan Yang, Mengnan Du, Yongfeng Zhang | 2024-04-30T18:53:56Z | cs.CL, cs.AI, cs.LG | Large language models (LLMs) have shown remarkable performances across a wide
range of tasks. However, the mechanisms by which these models encode tasks of
varying complexities remain poorly understood. In this paper, we explore the
hypothesis that LLMs process concepts of varying complexities in different
layers, introducing the idea of "Concept Depth" to suggest that more complex
concepts are typically acquired in deeper layers. Specifically, we categorize
concepts based on their level of abstraction, defining them in the order of
increasing complexity within factual, emotional, and inferential tasks. We
conduct extensive probing experiments using layer-wise representations across
various LLM families (Gemma, LLaMA, QWen) on various datasets spanning the
three domains of tasks. Our findings reveal that models could efficiently
conduct probing for simpler tasks in shallow layers, and more complex tasks
typically necessitate deeper layers for accurate understanding. Additionally,
we examine how external factors, such as adding noise to the input and
quantizing the model weights, might affect layer-wise representations. Our
findings suggest that these factors can impede the development of a conceptual
understanding of LLMs until deeper layers are explored. We hope that our
proposed concept and experimental insights will enhance the understanding of
the mechanisms underlying LLMs. Our codes are available at
https://github.com/Luckfort/CD. | cs.CL | Exploring Concept Depth: How Large Language Models Acquire Knowledge at Different Layers? |
2024-04-10T14:50:10Z | http://arxiv.org/pdf/2404.07060v1 | http://arxiv.org/abs/2404.07060v1 | Alessandro Stolfo | 2024-04-10T14:50:10Z | cs.CL, cs.LG | We present an empirical study of groundedness in long-form question answering
(LFQA) by retrieval-augmented large language models (LLMs). In particular, we
evaluate whether every generated sentence is grounded in the retrieved
documents or the model's pre-training data. Across 3 datasets and 4 model
families, our findings reveal that a significant fraction of generated
sentences are consistently ungrounded, even when those sentences contain
correct ground-truth answers. Additionally, we examine the impacts of factors
such as model size, decoding strategy, and instruction tuning on groundedness.
Our results show that while larger models tend to ground their outputs more
effectively, a significant portion of correct answers remains compromised by
hallucinations. This study provides novel insights into the groundedness
challenges in LFQA and underscores the necessity for more robust mechanisms in
LLMs to mitigate the generation of ungrounded content. | cs.CL | Groundedness in Retrieval-augmented Long-form Generation: An Empirical Study |
2024-04-10T14:44:48Z | http://arxiv.org/pdf/2404.07053v1 | http://arxiv.org/abs/2404.07053v1 | Elisa Sanchez-Bayona, Rodrigo Agerri | 2024-04-10T14:44:48Z | cs.CL, cs.AI, cs.LG | Metaphors, although occasionally unperceived, are ubiquitous in our everyday
language. Thus, it is crucial for Language Models to be able to grasp the
underlying meaning of this kind of figurative language. In this work, we
present Meta4XNLI, a novel parallel dataset for the tasks of metaphor detection
and interpretation that contains metaphor annotations in both Spanish and
English. We investigate language models' metaphor identification and
understanding abilities through a series of monolingual and cross-lingual
experiments by leveraging our proposed corpus. In order to comprehend how these
non-literal expressions affect models' performance, we look over the results
and perform an error analysis. Additionally, parallel data offers many
potential opportunities to investigate metaphor transferability between these
languages and the impact of translation on the development of multilingual
annotated resources. | cs.CL | Meta4XNLI: A Crosslingual Parallel Corpus for Metaphor Detection and Interpretation |
2024-04-10T14:28:09Z | http://arxiv.org/pdf/2404.07036v1 | http://arxiv.org/abs/2404.07036v1 | Jaya Caporusso, Damar Hoogland, Mojca Brglez, Boshko Koloski, Matthew Purver, Senja Pollak | 2024-04-10T14:28:09Z | cs.CL | Dehumanisation involves the perception and or treatment of a social group's
members as less than human. This phenomenon is rarely addressed with
computational linguistic techniques. We adapt a recently proposed approach for
English, making it easier to transfer to other languages and to evaluate,
introducing a new sentiment resource, the use of zero-shot cross-lingual
valence and arousal detection, and a new method for statistical significance
testing. We then apply it to study attitudes to migration expressed in Slovene
newspapers, to examine changes in the Slovene discourse on migration between
the 2015-16 migration crisis following the war in Syria and the 2022-23 period
following the war in Ukraine. We find that while this discourse became more
negative and more intense over time, it is less dehumanising when specifically
addressing Ukrainian migrants compared to others. | cs.CL | A Computational Analysis of the Dehumanisation of Migrants from Syria and Ukraine in Slovene News Media |
2024-04-10T14:05:44Z | http://arxiv.org/pdf/2404.07017v3 | http://arxiv.org/abs/2404.07017v3 | Yunlong Feng, Yang Xu, Libo Qin, Yasheng Wang, Wanxiang Che | 2024-04-30T14:38:59Z | cs.CL, cs.AI | Large-scale high-quality training data is important for improving the
performance of models. After trained with data that has rationales (reasoning
steps), models gain reasoning capability. However, the dataset with
high-quality rationales is relatively scarce due to the high annotation cost.
To address this issue, we propose \textit{Self-motivated Learning} framework.
The framework motivates the model itself to automatically generate rationales
on existing datasets. Based on the inherent rank from correctness across
multiple rationales, the model learns to generate better rationales, leading to
higher reasoning capability. Specifically, we train a reward model with the
rank to evaluate the quality of rationales, and improve the performance of
reasoning through reinforcement learning. Experiment results of Llama2 7B on
multiple reasoning datasets show that our method significantly improves the
reasoning ability of models, even outperforming text-davinci-002 in some
datasets. | cs.CL | Improving Language Model Reasoning with Self-motivated Learning |
2024-04-10T13:50:46Z | http://arxiv.org/pdf/2404.07009v3 | http://arxiv.org/abs/2404.07009v3 | Kuo-Yu Liao, Cheng-Shang Chang, Y. -W. Peter Hong | 2024-05-15T18:05:54Z | cs.CL, cs.IT, cs.LG, math.IT | Recent advances in Large Language Models (LLMs) have demonstrated the
emergence of capabilities (learned skills) when the number of system parameters
and the size of training data surpass certain thresholds. The exact mechanisms
behind such phenomena are not fully understood and remain a topic of active
research. Inspired by the skill-text bipartite graph model proposed by Arora
and Goyal for modeling semantic languages, we develop a mathematical theory to
explain the emergence of learned skills, taking the learning (or training)
process into account. Our approach models the learning process for skills in
the skill-text bipartite graph as an iterative decoding process in Low-Density
Parity Check (LDPC) codes and Irregular Repetition Slotted ALOHA (IRSA). Using
density evolution analysis, we demonstrate the emergence of learned skills when
the ratio of the number of training texts to the number of skills exceeds a
certain threshold. Our analysis also yields a scaling law for testing errors
relative to this ratio. Upon completion of the training, the association of
learned skills can also be acquired to form a skill association graph. We use
site percolation analysis to derive the conditions for the existence of a giant
component in the skill association graph. Our analysis can also be extended to
the setting with a hierarchy of skills, where a fine-tuned model is built upon
a foundation model. It is also applicable to the setting with multiple classes
of skills and texts. As an important application, we propose a method for
semantic compression and discuss its connections to semantic communication. | cs.CL | A Mathematical Theory for Learning Semantic Languages by Abstract Learners |
2024-04-10T13:40:29Z | http://arxiv.org/pdf/2404.07005v1 | http://arxiv.org/abs/2404.07005v1 | Yuexi Chen, Zhicheng Liu | 2024-04-10T13:40:29Z | cs.HC, cs.AI, cs.CL | Non-native English speakers (NNES) face challenges in digital workspace
communication (e.g., emails, Slack messages), often inadvertently translating
expressions from their native languages, which can lead to awkward or incorrect
usage. Current AI-assisted writing tools are equipped with fluency enhancement
and rewriting suggestions; however, NNES may struggle to grasp the subtleties
among various expressions, making it challenging to choose the one that
accurately reflects their intent. Such challenges are exacerbated in high-stake
text-based communications, where the absence of non-verbal cues heightens the
risk of misinterpretation. By leveraging the latest advancements in large
language models (LLM) and word embeddings, we propose WordDecipher, an
explainable AI-assisted writing tool to enhance digital workspace communication
for NNES. WordDecipher not only identifies the perceived social intentions
detected in users' writing, but also generates rewriting suggestions aligned
with users' intended messages, either numerically or by inferring from users'
writing in their native language. Then, WordDecipher provides an overview of
nuances to help NNES make selections. Through a usage scenario, we demonstrate
how WordDecipher can significantly enhance an NNES's ability to communicate her
request, showcasing its potential to transform workspace communication for
NNES. | cs.HC | WordDecipher: Enhancing Digital Workspace Communication with Explainable AI for Non-native English Speakers |
2024-04-10T13:39:11Z | http://arxiv.org/pdf/2404.07004v1 | http://arxiv.org/abs/2404.07004v1 | Igor Tufanov, Karen Hambardzumyan, Javier Ferrando, Elena Voita | 2024-04-10T13:39:11Z | cs.CL | We present the LM Transparency Tool (LM-TT), an open-source interactive
toolkit for analyzing the internal workings of Transformer-based language
models. Differently from previously existing tools that focus on isolated parts
of the decision-making process, our framework is designed to make the entire
prediction process transparent, and allows tracing back model behavior from the
top-layer representation to very fine-grained parts of the model. Specifically,
it (1) shows the important part of the whole input-to-output information flow,
(2) allows attributing any changes done by a model block to individual
attention heads and feed-forward neurons, (3) allows interpreting the functions
of those heads or neurons. A crucial part of this pipeline is showing the
importance of specific model components at each step. As a result, we are able
to look at the roles of model components only in cases where they are important
for a prediction. Since knowing which components should be inspected is key for
analyzing large models where the number of these components is extremely high,
we believe our tool will greatly support the interpretability community both in
research settings and in practical applications. | cs.CL | LM Transparency Tool: Interactive Tool for Analyzing Transformer Language Models |
2024-04-10T13:31:07Z | http://arxiv.org/pdf/2404.07001v3 | http://arxiv.org/abs/2404.07001v3 | Linan Yue, Qi Liu, Lili Zhao, Li Wang, Weibo Gao, Yanqing An | 2024-04-16T06:34:31Z | cs.CL, cs.AI | With the development of legal intelligence, Criminal Court View Generation
has attracted much attention as a crucial task of legal intelligence, which
aims to generate concise and coherent texts that summarize case facts and
provide explanations for verdicts. Existing researches explore the key
information in case facts to yield the court views. Most of them employ a
coarse-grained approach that partitions the facts into broad segments (e.g.,
verdict-related sentences) to make predictions. However, this approach fails to
capture the complex details present in the case facts, such as various criminal
elements and legal events. To this end, in this paper, we propose an Event
Grounded Generation (EGG) method for criminal court view generation with
cooperative (Large) Language Models, which introduces the fine-grained event
information into the generation. Specifically, we first design a LLMs-based
extraction method that can extract events in case facts without massive
annotated events. Then, we incorporate the extracted events into court view
generation by merging case facts and events. Besides, considering the
computational burden posed by the use of LLMs in the extraction phase of EGG,
we propose a LLMs-free EGG method that can eliminate the requirement for event
extraction using LLMs in the inference phase. Extensive experimental results on
a real-world dataset clearly validate the effectiveness of our proposed method. | cs.CL | Event Grounded Criminal Court View Generation with Cooperative (Large) Language Models |
2024-04-10T13:19:56Z | http://arxiv.org/pdf/2404.06996v1 | http://arxiv.org/abs/2404.06996v1 | Maite Heredia, Julen Etxaniz, Muitze Zulaika, Xabier Saralegi, Jeremy Barnes, Aitor Soroa | 2024-04-10T13:19:56Z | cs.CL, cs.AI | XNLI is a popular Natural Language Inference (NLI) benchmark widely used to
evaluate cross-lingual Natural Language Understanding (NLU) capabilities across
languages. In this paper, we expand XNLI to include Basque, a low-resource
language that can greatly benefit from transfer-learning approaches. The new
dataset, dubbed XNLIeu, has been developed by first machine-translating the
English XNLI corpus into Basque, followed by a manual post-edition step. We
have conducted a series of experiments using mono- and multilingual LLMs to
assess a) the effect of professional post-edition on the MT system; b) the best
cross-lingual strategy for NLI in Basque; and c) whether the choice of the best
cross-lingual strategy is influenced by the fact that the dataset is built by
translation. The results show that post-edition is necessary and that the
translate-train cross-lingual strategy obtains better results overall, although
the gain is lower when tested in a dataset that has been built natively from
scratch. Our code and datasets are publicly available under open licenses. | cs.CL | XNLIeu: a dataset for cross-lingual NLI in Basque |
2024-04-10T12:31:09Z | http://arxiv.org/pdf/2404.06970v1 | http://arxiv.org/abs/2404.06970v1 | Peipei Liu, Gaosheng Wang, Ying Tong, Jian Liang, Zhenquan Ding, Hongsong Zhu | 2024-04-10T12:31:09Z | cs.CL | Few-shot named entity recognition can identify new types of named entities
based on a few labeled examples. Previous methods employing token-level or
span-level metric learning suffer from the computational burden and a large
number of negative sample spans. In this paper, we propose the Hybrid
Multi-stage Decoding for Few-shot NER with Entity-aware Contrastive Learning
(MsFNER), which splits the general NER into two stages: entity-span detection
and entity classification. There are 3 processes for introducing MsFNER:
training, finetuning, and inference. In the training process, we train and get
the best entity-span detection model and the entity classification model
separately on the source domain using meta-learning, where we create a
contrastive learning module to enhance entity representations for entity
classification. During finetuning, we finetune the both models on the support
dataset of target domain. In the inference process, for the unlabeled data, we
first detect the entity-spans, then the entity-spans are jointly determined by
the entity classification model and the KNN. We conduct experiments on the open
FewNERD dataset and the results demonstrate the advance of MsFNER. | cs.CL | Hybrid Multi-stage Decoding for Few-shot NER with Entity-aware Contrastive Learning |
2024-04-10T12:22:32Z | http://arxiv.org/pdf/2404.06964v1 | http://arxiv.org/abs/2404.06964v1 | Martin Popel, Lucie Poláková, Michal Novák, Jindřich Helcl, Jindřich Libovický, Pavel Straňák, Tomáš Krabač, Jaroslava Hlaváčová, Mariia Anisimova, Tereza Chlaňová | 2024-04-10T12:22:32Z | cs.CL | We present Charles Translator, a machine translation system between Ukrainian
and Czech, developed as part of a society-wide effort to mitigate the impact of
the Russian-Ukrainian war on individuals and society. The system was developed
in the spring of 2022 with the help of many language data providers in order to
quickly meet the demand for such a service, which was not available at the time
in the required quality. The translator was later implemented as an online web
interface and as an Android app with speech input, both featuring
Cyrillic-Latin script transliteration. The system translates directly, compared
to other available systems that use English as a pivot, and thus take advantage
of the typological similarity of the two languages. It uses the block
back-translation method, which allows for efficient use of monolingual training
data. The paper describes the development process, including data collection
and implementation, evaluation, mentions several use cases, and outlines
possibilities for the further development of the system for educational
purposes. | cs.CL | Charles Translator: A Machine Translation System between Ukrainian and Czech |
2024-04-10T12:12:07Z | http://arxiv.org/pdf/2404.06954v1 | http://arxiv.org/abs/2404.06954v1 | Yijin Liu, Fandong Meng, Jie Zhou | 2024-04-10T12:12:07Z | cs.CL | Recently, dynamic computation methods have shown notable acceleration for
Large Language Models (LLMs) by skipping several layers of computations through
elaborate heuristics or additional predictors. However, in the decoding process
of existing approaches, different samples are assigned different computational
budgets, which cannot guarantee a stable and precise acceleration effect.
Furthermore, existing approaches generally skip multiple contiguous layers at
the bottom or top of the layers, leading to a drastic change in the model's
layer-wise representations, and thus a consequent performance degeneration.
Therefore, we propose a Unified Layer Skipping strategy, which selects the
number of layers to skip computation based solely on the target speedup ratio,
and then skips the corresponding number of intermediate layer computations in a
balanced manner. Since the Unified Layer Skipping strategy is independent of
input samples, it naturally supports popular acceleration techniques such as
batch decoding and KV caching, thus demonstrating more practicality for
real-world applications. Experimental results on two common tasks, i.e.,
machine translation and text summarization, indicate that given a target
speedup ratio, the Unified Layer Skipping strategy significantly enhances both
the inference performance and the actual model throughput over existing dynamic
approaches. | cs.CL | Accelerating Inference in Large Language Models with a Unified Layer Skipping Strategy |
2024-04-10T11:56:01Z | http://arxiv.org/pdf/2404.06948v2 | http://arxiv.org/abs/2404.06948v2 | Rahul Mehta, Andrew Hoblitzell, Jack O'Keefe, Hyeju Jang, Vasudeva Varma | 2024-04-11T15:39:44Z | cs.CL, cs.AI, 68T07, 68T50, I.2.7 | Hallucinations in large language models (LLMs) have recently become a
significant problem. A recent effort in this direction is a shared task at
Semeval 2024 Task 6, SHROOM, a Shared-task on Hallucinations and Related
Observable Overgeneration Mistakes. This paper describes our winning solution
ranked 1st and 2nd in the 2 sub-tasks of model agnostic and model aware tracks
respectively. We propose a meta-regressor framework of LLMs for model
evaluation and integration that achieves the highest scores on the leaderboard.
We also experiment with various transformer-based models and black box methods
like ChatGPT, Vectara, and others. In addition, we perform an error analysis
comparing GPT4 against our best model which shows the limitations of the
former. | cs.CL | MetaCheckGPT -- A Multi-task Hallucination Detector Using LLM Uncertainty and Meta-models |
2024-04-10T11:17:33Z | http://arxiv.org/pdf/2404.06921v1 | http://arxiv.org/abs/2404.06921v1 | Shishir G. Patil, Tianjun Zhang, Vivian Fang, Noppapon C., Roy Huang, Aaron Hao, Martin Casado, Joseph E. Gonzalez, Raluca Ada Popa, Ion Stoica | 2024-04-10T11:17:33Z | cs.CL, cs.AI | Large Language Models (LLMs) are evolving beyond their classical role of
providing information within dialogue systems to actively engaging with tools
and performing actions on real-world applications and services. Today, humans
verify the correctness and appropriateness of the LLM-generated outputs (e.g.,
code, functions, or actions) before putting them into real-world execution.
This poses significant challenges as code comprehension is well known to be
notoriously difficult. In this paper, we study how humans can efficiently
collaborate with, delegate to, and supervise autonomous LLMs in the future. We
argue that in many cases, "post-facto validation" - verifying the correctness
of a proposed action after seeing the output - is much easier than the
aforementioned "pre-facto validation" setting. The core concept behind enabling
a post-facto validation system is the integration of an intuitive undo feature,
and establishing a damage confinement for the LLM-generated actions as
effective strategies to mitigate the associated risks. Using this, a human can
now either revert the effect of an LLM-generated output or be confident that
the potential risk is bounded. We believe this is critical to unlock the
potential for LLM agents to interact with applications and services with
limited (post-facto) human involvement. We describe the design and
implementation of our open-source runtime for executing LLM actions, Gorilla
Execution Engine (GoEX), and present open research questions towards realizing
the goal of LLMs and applications interacting with each other with minimal
human supervision. We release GoEX at https://github.com/ShishirPatil/gorilla/. | cs.CL | GoEX: Perspectives and Designs Towards a Runtime for Autonomous LLM Applications |
2024-04-10T11:03:57Z | http://arxiv.org/pdf/2404.06911v1 | http://arxiv.org/abs/2404.06911v1 | Shuzhou Yuan, Michael Färber | 2024-04-10T11:03:57Z | cs.CL | Pretrained Language Models (PLMs) benefit from external knowledge stored in
graph structures for various downstream tasks. However, bridging the modality
gap between graph structures and text remains a significant challenge.
Traditional methods like linearizing graphs for PLMs lose vital graph
connectivity, whereas Graph Neural Networks (GNNs) require cumbersome processes
for integration into PLMs. In this work, we propose a novel graph-guided
self-attention mechanism, GraSAME. GraSAME seamlessly incorporates token-level
structural information into PLMs without necessitating additional alignment or
concatenation efforts. As an end-to-end, lightweight multimodal module, GraSAME
follows a multi-task learning strategy and effectively bridges the gap between
graph and textual modalities, facilitating dynamic interactions between GNNs
and PLMs. Our experiments on the graph-to-text generation task demonstrate that
GraSAME outperforms baseline models and achieves results comparable to
state-of-the-art (SOTA) models on WebNLG datasets. Furthermore, compared to
SOTA models, GraSAME eliminates the need for extra pre-training tasks to adjust
graph inputs and reduces the number of trainable parameters by over 100
million. | cs.CL | GraSAME: Injecting Token-Level Structural Information to Pretrained Language Models via Graph-guided Self-Attention Mechanism |
2024-04-10T11:03:17Z | http://arxiv.org/pdf/2404.06910v1 | http://arxiv.org/abs/2404.06910v1 | Thomas Merth, Qichen Fu, Mohammad Rastegari, Mahyar Najibi | 2024-04-10T11:03:17Z | cs.CL, cs.AI, cs.LG | Despite the successes of large language models (LLMs), they exhibit
significant drawbacks, particularly when processing long contexts. Their
inference cost scales quadratically with respect to sequence length, making it
expensive for deployment in some real-world text processing applications, such
as retrieval-augmented generation (RAG). Additionally, LLMs also exhibit the
"distraction phenomenon," where irrelevant context in the prompt degrades
output quality. To address these drawbacks, we propose a novel RAG prompting
methodology, superposition prompting, which can be directly applied to
pre-trained transformer-based LLMs without the need for fine-tuning. At a high
level, superposition prompting allows the LLM to process input documents in
parallel prompt paths, discarding paths once they are deemed irrelevant. We
demonstrate the capability of our method to simultaneously enhance time
efficiency across a variety of question-answering benchmarks using multiple
pre-trained LLMs. Furthermore, our technique significantly improves accuracy
when the retrieved context is large relative the context the model was trained
on. For example, our approach facilitates an 93x reduction in compute time
while improving accuracy by 43\% on the NaturalQuestions-Open dataset with the
MPT-7B instruction-tuned model over naive RAG. | cs.CL | Superposition Prompting: Improving and Accelerating Retrieval-Augmented Generation |
2024-04-10T10:38:17Z | http://arxiv.org/pdf/2404.08695v2 | http://arxiv.org/abs/2404.08695v2 | Feihu Jiang, Chuan Qin, Kaichun Yao, Chuyu Fang, Fuzhen Zhuang, Hengshu Zhu, Hui Xiong | 2024-04-20T05:29:29Z | cs.CL, cs.AI, cs.IR | Efficient knowledge management plays a pivotal role in augmenting both the
operational efficiency and the innovative capacity of businesses and
organizations. By indexing knowledge through vectorization, a variety of
knowledge retrieval methods have emerged, significantly enhancing the efficacy
of knowledge management systems. Recently, the rapid advancements in generative
natural language processing technologies paved the way for generating precise
and coherent answers after retrieving relevant documents tailored to user
queries. However, for enterprise knowledge bases, assembling extensive training
data from scratch for knowledge retrieval and generation is a formidable
challenge due to the privacy and security policies of private data, frequently
entailing substantial costs. To address the challenge above, in this paper, we
propose EKRG, a novel Retrieval-Generation framework based on large language
models (LLMs), expertly designed to enable question-answering for Enterprise
Knowledge bases with limited annotation costs. Specifically, for the retrieval
process, we first introduce an instruction-tuning method using an LLM to
generate sufficient document-question pairs for training a knowledge retriever.
This method, through carefully designed instructions, efficiently generates
diverse questions for enterprise knowledge bases, encompassing both
fact-oriented and solution-oriented knowledge. Additionally, we develop a
relevance-aware teacher-student learning strategy to further enhance the
efficiency of the training process. For the generation process, we propose a
novel chain of thought (CoT) based fine-tuning method to empower the LLM-based
generator to adeptly respond to user questions using retrieved documents.
Finally, extensive experiments on real-world datasets have demonstrated the
effectiveness of our proposed framework. | cs.CL | Enhancing Question Answering for Enterprise Knowledge Bases using Large Language Models |
2024-04-10T09:28:14Z | http://arxiv.org/pdf/2404.06854v1 | http://arxiv.org/abs/2404.06854v1 | Jinghong Chen, Weizhe Lin, Jingbiao Mei, Bill Byrne | 2024-04-10T09:28:14Z | cs.CL, I.2 | The Directed Acyclic Transformer is a fast non-autoregressive (NAR) model
that performs well in Neural Machine Translation. Two issues prevent its
application to general Natural Language Generation (NLG) tasks: frequent
Out-Of-Vocabulary (OOV) errors and the inability to faithfully generate entity
names. We introduce Control-DAG, a constrained decoding algorithm for our
Directed Acyclic T5 (DA-T5) model which offers lexical, vocabulary and length
control. We show that Control-DAG significantly enhances DA-T5 on the Schema
Guided Dialogue and the DART datasets, establishing strong NAR results for
Task-Oriented Dialogue and Data-to-Text NLG. | cs.CL | Control-DAG: Constrained Decoding for Non-Autoregressive Directed Acyclic T5 using Weighted Finite State Automata |
2024-04-10T09:02:33Z | http://arxiv.org/pdf/2404.06838v1 | http://arxiv.org/abs/2404.06838v1 | Miriam Anschütz, Edoardo Mosca, Georg Groh | 2024-04-10T09:02:33Z | cs.CL | Text simplification seeks to improve readability while retaining the original
content and meaning. Our study investigates whether pre-trained classifiers
also maintain such coherence by comparing their predictions on both original
and simplified inputs. We conduct experiments using 11 pre-trained models,
including BERT and OpenAI's GPT 3.5, across six datasets spanning three
languages. Additionally, we conduct a detailed analysis of the correlation
between prediction change rates and simplification types/strengths. Our
findings reveal alarming inconsistencies across all languages and models. If
not promptly addressed, simplified inputs can be easily exploited to craft
zero-iteration model-agnostic adversarial attacks with success rates of up to
50% | cs.CL | Simpler becomes Harder: Do LLMs Exhibit a Coherent Behavior on Simplified Corpora? |
2024-04-10T08:49:27Z | http://arxiv.org/pdf/2404.06833v1 | http://arxiv.org/abs/2404.06833v1 | Li Zhou, Taelin Karidi, Nicolas Garneau, Yong Cao, Wanlong Liu, Wenyu Chen, Daniel Hershcovich | 2024-04-10T08:49:27Z | cs.CL | Recent studies have highlighted the presence of cultural biases in Large
Language Models (LLMs), yet often lack a robust methodology to dissect these
phenomena comprehensively. Our work aims to bridge this gap by delving into the
Food domain, a universally relevant yet culturally diverse aspect of human
life. We introduce FmLAMA, a multilingual dataset centered on food-related
cultural facts and variations in food practices. We analyze LLMs across various
architectures and configurations, evaluating their performance in both
monolingual and multilingual settings. By leveraging templates in six different
languages, we investigate how LLMs interact with language-specific and cultural
knowledge. Our findings reveal that (1) LLMs demonstrate a pronounced bias
towards food knowledge prevalent in the United States; (2) Incorporating
relevant cultural context significantly improves LLMs' ability to access
cultural knowledge; (3) The efficacy of LLMs in capturing cultural nuances is
highly dependent on the interplay between the probing language, the specific
model architecture, and the cultural context in question. This research
underscores the complexity of integrating cultural understanding into LLMs and
emphasizes the importance of culturally diverse datasets to mitigate biases and
enhance model performance across different cultural domains. | cs.CL | Does Mapo Tofu Contain Coffee? Probing LLMs for Food-related Cultural Knowledge |
2024-04-10T08:00:26Z | http://arxiv.org/pdf/2404.06812v1 | http://arxiv.org/abs/2404.06812v1 | Mingrui Fu, Weijiang Li | 2024-04-10T08:00:26Z | cs.CL | The purpose of emotion-cause pair extraction is to extract the pair of
emotion clauses and cause clauses. On the one hand, the existing methods do not
take fully into account the relationship between the emotion extraction of two
auxiliary tasks. On the other hand, the existing two-stage model has the
problem of error propagation. In addition, existing models do not adequately
address the emotion and cause-induced locational imbalance of samples. To solve
these problems, an end-to-end multitasking model (MM-ECPE) based on shared
interaction between GRU, knowledge graph and transformer modules is proposed.
Furthermore, based on MM-ECPE, in order to use the encoder layer to better
solve the problem of imbalanced distribution of clause distances between
clauses and emotion clauses, we propose a novel encoding based on BERT,
sentiment lexicon, and position-aware interaction module layer of emotion motif
pair retrieval model (MM-ECPE(BERT)). The model first fully models the
interaction between different tasks through the multi-level sharing module, and
mines the shared information between emotion-cause pair extraction and the
emotion extraction and cause extraction. Second, to solve the imbalanced
distribution of emotion clauses and cause clauses problem, suitable labels are
screened out according to the knowledge graph path length and task-specific
features are constructed so that the model can focus on extracting pairs with
corresponding emotion-cause relationships. Experimental results on the ECPE
benchmark dataset show that the proposed model achieves good performance,
especially on position-imbalanced samples. | cs.CL | Emotion-cause pair extraction method based on multi-granularity information and multi-module interaction |
2024-04-10T07:56:26Z | http://arxiv.org/pdf/2404.06809v2 | http://arxiv.org/abs/2404.06809v2 | Ruotong Pan, Boxi Cao, Hongyu Lin, Xianpei Han, Jia Zheng, Sirui Wang, Xunliang Cai, Le Sun | 2024-05-09T02:45:33Z | cs.CL | The rapid development of large language models has led to the widespread
adoption of Retrieval-Augmented Generation (RAG), which integrates external
knowledge to alleviate knowledge bottlenecks and mitigate hallucinations.
However, the existing RAG paradigm inevitably suffers from the impact of flawed
information introduced during the retrieval phrase, thereby diminishing the
reliability and correctness of the generated outcomes. In this paper, we
propose Credibility-aware Generation (CAG), a universally applicable framework
designed to mitigate the impact of flawed information in RAG. At its core, CAG
aims to equip models with the ability to discern and process information based
on its credibility. To this end, we propose an innovative data transformation
framework that generates data based on credibility, thereby effectively
endowing models with the capability of CAG. Furthermore, to accurately evaluate
the models' capabilities of CAG, we construct a comprehensive benchmark
covering three critical real-world scenarios. Experimental results demonstrate
that our model can effectively understand and utilize credibility for
generation, significantly outperform other models with retrieval augmentation,
and exhibit resilience against the disruption caused by noisy documents,
thereby maintaining robust performance. Moreover, our model supports customized
credibility, offering a wide range of potential applications. | cs.CL | Not All Contexts Are Equal: Teaching LLMs Credibility-aware Generation |
2024-04-10T06:03:13Z | http://arxiv.org/pdf/2404.06762v1 | http://arxiv.org/abs/2404.06762v1 | Zhengyuan Liu, Stella Xin Yin, Geyu Lin, Nancy F. Chen | 2024-04-10T06:03:13Z | cs.CL, cs.HC | Intelligent Tutoring Systems (ITSs) can provide personalized and self-paced
learning experience. The emergence of large language models (LLMs) further
enables better human-machine interaction, and facilitates the development of
conversational ITSs in various disciplines such as math and language learning.
In dialogic teaching, recognizing and adapting to individual characteristics
can significantly enhance student engagement and learning efficiency. However,
characterizing and simulating student's persona remain challenging in training
and evaluating conversational ITSs. In this work, we propose a framework to
construct profiles of different student groups by refining and integrating both
cognitive and noncognitive aspects, and leverage LLMs for personality-aware
student simulation in a language learning scenario. We further enhance the
framework with multi-aspect validation, and conduct extensive analysis from
both teacher and student perspectives. Our experimental results show that
state-of-the-art LLMs can produce diverse student responses according to the
given language ability and personality traits, and trigger teacher's adaptive
scaffolding strategies. | cs.CL | Personality-aware Student Simulation for Conversational Intelligent Tutoring Systems |
2024-04-10T05:56:46Z | http://arxiv.org/pdf/2404.06760v1 | http://arxiv.org/abs/2404.06760v1 | Jianxiang Xiang, Zhenhua Liu, Haodong Liu, Yin Bai, Jia Cheng, Wenliang Chen | 2024-04-10T05:56:46Z | cs.CL, cs.AI | In real-life conversations, the content is diverse, and there exists the
one-to-many problem that requires diverse generation. Previous studies
attempted to introduce discrete or Gaussian-based continuous latent variables
to address the one-to-many problem, but the diversity is limited. Recently,
diffusion models have made breakthroughs in computer vision, and some attempts
have been made in natural language processing. In this paper, we propose
DiffusionDialog, a novel approach to enhance the diversity of dialogue
generation with the help of diffusion model. In our approach, we introduce
continuous latent variables into the diffusion model. The problem of using
latent variables in the dialog task is how to build both an effective prior of
the latent space and an inferring process to obtain the proper latent given the
context. By combining the encoder and latent-based diffusion model, we encode
the response's latent representation in a continuous space as the prior,
instead of fixed Gaussian distribution or simply discrete ones. We then infer
the latent by denoising step by step with the diffusion model. The experimental
results show that our model greatly enhances the diversity of dialog responses
while maintaining coherence. Furthermore, in further analysis, we find that our
diffusion model achieves high inference efficiency, which is the main challenge
of applying diffusion models in natural language processing. | cs.CL | DiffusionDialog: A Diffusion Model for Diverse Dialog Generation with Latent Space |
2024-04-10T05:53:25Z | http://arxiv.org/pdf/2404.06757v1 | http://arxiv.org/abs/2404.06757v1 | Jon Kleinberg, Sendhil Mullainathan | 2024-04-10T05:53:25Z | cs.DS, cs.AI, cs.CL, cs.LG | Although current large language models are complex, the most basic
specifications of the underlying language generation problem itself are simple
to state: given a finite set of training samples from an unknown language,
produce valid new strings from the language that don't already appear in the
training data. Here we ask what we can conclude about language generation using
only this specification, without further assumptions. In particular, suppose
that an adversary enumerates the strings of an unknown target language L that
is known only to come from one of a possibly infinite list of candidates. A
computational agent is trying to learn to generate from this language; we say
that the agent generates from L in the limit if after some finite point in the
enumeration of L, the agent is able to produce new elements that come
exclusively from L and that have not yet been presented by the adversary. Our
main result is that there is an agent that is able to generate in the limit for
every countable list of candidate languages. This contrasts dramatically with
negative results due to Gold and Angluin in a well-studied model of language
learning where the goal is to identify an unknown language from samples; the
difference between these results suggests that identifying a language is a
fundamentally different problem than generating from it. | cs.DS | Language Generation in the Limit |
2024-04-10T05:00:35Z | http://arxiv.org/pdf/2404.06742v1 | http://arxiv.org/abs/2404.06742v1 | Xiaokang Zhang, Zijun Yao, Jing Zhang, Kaifeng Yun, Jifan Yu, Juanzi Li, Jie Tang | 2024-04-10T05:00:35Z | cs.CL | Detecting non-factual content is a longstanding goal to increase the
trustworthiness of large language models (LLMs) generations. Current factuality
probes, trained using humanannotated labels, exhibit limited transferability to
out-of-distribution content, while online selfconsistency checking imposes
extensive computation burden due to the necessity of generating multiple
outputs. This paper proposes PINOSE, which trains a probing model on offline
self-consistency checking results, thereby circumventing the need for
human-annotated data and achieving transferability across diverse data
distributions. As the consistency check process is offline, PINOSE reduces the
computational burden of generating multiple responses by online consistency
verification. Additionally, it examines various aspects of internal states
prior to response decoding, contributing to more effective detection of factual
inaccuracies. Experiment results on both factuality detection and question
answering benchmarks show that PINOSE achieves surpassing results than existing
factuality detection methods. Our code and datasets are publicly available on
this anonymized repository. | cs.CL | Transferable and Efficient Non-Factual Content Detection via Probe Training with Offline Consistency Checking |
2024-04-10T04:19:59Z | http://arxiv.org/pdf/2404.06723v1 | http://arxiv.org/abs/2404.06723v1 | Yingbo Ma, Suraj Kolla, Zhenhong Hu, Dhruv Kaliraman, Victoria Nolan, Ziyuan Guan, Yuanfang Ren, Brooke Armfield, Tezcan Ozrazgat-Baslanti, Jeremy A. Balch, Tyler J. Loftus, Parisa Rashidi, Azra Bihorac, Benjamin Shickel | 2024-04-10T04:19:59Z | cs.LG, cs.CL | Modern electronic health records (EHRs) hold immense promise in tracking
personalized patient health trajectories through sequential deep learning,
owing to their extensive breadth, scale, and temporal granularity. Nonetheless,
how to effectively leverage multiple modalities from EHRs poses significant
challenges, given its complex characteristics such as high dimensionality,
multimodality, sparsity, varied recording frequencies, and temporal
irregularities. To this end, this paper introduces a novel multimodal
contrastive learning framework, specifically focusing on medical time series
and clinical notes. To tackle the challenge of sparsity and irregular time
intervals in medical time series, the framework integrates temporal
cross-attention transformers with a dynamic embedding and tokenization scheme
for learning multimodal feature representations. To harness the interconnected
relationships between medical time series and clinical notes, the framework
equips a global contrastive loss, aligning a patient's multimodal feature
representations with the corresponding discharge summaries. Since discharge
summaries uniquely pertain to individual patients and represent a holistic view
of the patient's hospital stay, machine learning models are led to learn
discriminative multimodal features via global contrasting. Extensive
experiments with a real-world EHR dataset demonstrated that our framework
outperformed state-of-the-art approaches on the exemplar task of predicting the
occurrence of nine postoperative complications for more than 120,000 major
inpatient surgeries using multimodal data from UF health system split among
three hospitals (UF Health Gainesville, UF Health Jacksonville, and UF Health
Jacksonville-North). | cs.LG | Global Contrastive Training for Multimodal Electronic Health Records with Language Supervision |
2024-04-10T03:46:03Z | http://arxiv.org/pdf/2404.06714v3 | http://arxiv.org/abs/2404.06714v3 | Xincan Feng, Akifumi Yoshimoto | 2024-04-18T03:54:38Z | cs.CL, cs.SD, eess.AS | Recent advancements in Natural Language Processing (NLP) have seen
Large-scale Language Models (LLMs) excel at producing high-quality text for
various purposes. Notably, in Text-To-Speech (TTS) systems, the integration of
BERT for semantic token generation has underscored the importance of semantic
content in producing coherent speech outputs. Despite this, the specific
utility of LLMs in enhancing TTS synthesis remains considerably limited. This
research introduces an innovative approach, Llama-VITS, which enhances TTS
synthesis by enriching the semantic content of text using LLM. Llama-VITS
integrates semantic embeddings from Llama2 with the VITS model, a leading
end-to-end TTS framework. By leveraging Llama2 for the primary speech synthesis
process, our experiments demonstrate that Llama-VITS matches the naturalness of
the original VITS (ORI-VITS) and those incorporate BERT (BERT-VITS), on the
LJSpeech dataset, a substantial collection of neutral, clear speech. Moreover,
our method significantly enhances emotive expressiveness on the EmoV_DB_bea_sem
dataset, a curated selection of emotionally consistent speech from the EmoV_DB
dataset, highlighting its potential to generate emotive speech. | cs.CL | Llama-VITS: Enhancing TTS Synthesis with Semantic Awareness |
2024-04-10T03:35:51Z | http://arxiv.org/pdf/2404.06711v1 | http://arxiv.org/abs/2404.06711v1 | Murong Yue, Wijdane Mifdal, Yixuan Zhang, Jennifer Suh, Ziyu Yao | 2024-04-10T03:35:51Z | cs.CL, cs.HC | Mathematical modeling (MM) is considered a fundamental skill for students in
STEM disciplines. Practicing the MM skill is often the most effective when
students can engage in group discussion and collaborative problem-solving.
However, due to unevenly distributed teachers and educational resources needed
to monitor such group activities, students do not always receive equal
opportunities for this practice. Excitingly, large language models (LLMs) have
recently demonstrated strong capability in both modeling mathematical problems
and simulating characters with different traits and properties. Drawing
inspiration from the advancement of LLMs, in this work, we present MATHVC, the
very first LLM-powered virtual classroom containing multiple LLM-simulated
student characters, with whom a human student can practice their MM skill. To
encourage each LLM character's behaviors to be aligned with their specified
math-relevant properties (termed "characteristics alignment") and the overall
conversational procedure to be close to an authentic student MM discussion
(termed "conversational procedural alignment"), we proposed three innovations:
integrating MM domain knowledge into the simulation, defining a symbolic schema
as the ground for character simulation, and designing a meta planner at the
platform level to drive the conversational procedure. Through experiments and
ablation studies, we confirmed the effectiveness of our simulation approach and
showed the promise for MATHVC to benefit real-life students in the future. | cs.CL | MathVC: An LLM-Simulated Multi-Character Virtual Classroom for Mathematics Education |
2024-04-10T03:32:41Z | http://arxiv.org/pdf/2404.08692v1 | http://arxiv.org/abs/2404.08692v1 | Shangyu Chen, Zibo Zhao, Yuanyuan Zhao, Xiang Li | 2024-04-10T03:32:41Z | cs.IR, cs.AI, cs.CL | The emergence of Large Language Models (LLMs) has innovated the development
of dialog agents. Specially, a well-trained LLM, as a central process unit, is
capable of providing fluent and reasonable response for user's request.
Besides, auxiliary tools such as external knowledge retrieval, personalized
character for vivid response, short/long-term memory for ultra long context
management are developed, completing the usage experience for LLM-based dialog
agents. However, the above-mentioned techniques does not solve the issue of
\textbf{personalization from user perspective}: agents response in a same
fashion to different users, without consideration of their features, such as
habits, interests and past experience. In another words, current implementation
of dialog agents fail in ``knowing the user''. The capacity of well-description
and representation of user is under development. In this work, we proposed a
framework for dialog agent to incorporate user profiling (initialization,
update): user's query and response is analyzed and organized into a structural
user profile, which is latter served to provide personal and more precise
response. Besides, we proposed a series of evaluation protocols for
personalization: to what extend the response is personal to the different
users.
The framework is named as \method{}, inspired by inscription of ``Know
Yourself'' in the temple of Apollo (also known as \method{}) in Ancient Greek.
Few works have been conducted on incorporating personalization into LLM,
\method{} is a pioneer work on guiding LLM's response to meet individuation via
the application of dialog agents, with a set of evaluation methods for
measurement in personalization. | cs.IR | Apollonion: Profile-centric Dialog Agent |
2024-04-10T03:30:01Z | http://arxiv.org/pdf/2404.06709v1 | http://arxiv.org/abs/2404.06709v1 | Longwei Zou, Qingyang Wang, Han Zhao, Jiangang Kong, Yi Yang, Yangdong Deng | 2024-04-10T03:30:01Z | cs.CL | The fast-growing large scale language models are delivering unprecedented
performance on almost all natural language processing tasks. However, the
effectiveness of large language models are reliant on an exponentially
increasing number of parameters. The overwhelming computation complexity incurs
a high inference latency that negatively affects user experience. Existing
methods to improve inference efficiency, such as tensor parallelism and
quantization, target to reduce per-layer computing latency, yet overlook the
cumulative latency due to the number of layers. Recent works on reducing the
cumulative latency through layer removing, however, lead to significant
performance drop. Motivated by the similarity of inputs among adjacent layers,
we propose to identify quasi-independent layers, which can be concurrently
computed to significantly decrease inference latency. We also introduce a
bypassing technique to mitigate the effect of information loss. Empirical
experiments of the proposed approach on the LLaMA models confirm that
Concurrent Computation of Quasi-Independent Layers (CQIL) can reduce latency by
up to 48.3% on the LLaMA-33B model, while maintaining a close level of
performance. | cs.CL | CQIL: Inference Latency Optimization with Concurrent Computation of Quasi-Independent Layers |
2024-04-10T02:32:58Z | http://arxiv.org/pdf/2404.06690v2 | http://arxiv.org/abs/2404.06690v2 | Leying Zhang, Yao Qian, Long Zhou, Shujie Liu, Dongmei Wang, Xiaofei Wang, Midia Yousefi, Yanmin Qian, Jinyu Li, Lei He, Sheng Zhao, Michael Zeng | 2024-05-29T07:30:20Z | eess.AS, cs.AI, cs.CL, cs.LG, cs.SD | Recent advancements in zero-shot text-to-speech (TTS) modeling have led to
significant strides in generating high-fidelity and diverse speech. However,
dialogue generation, along with achieving human-like naturalness in speech,
continues to be a challenge. In this paper, we introduce CoVoMix:
Conversational Voice Mixture Generation, a novel model for zero-shot,
human-like, multi-speaker, multi-round dialogue speech generation. CoVoMix
first converts dialogue text into multiple streams of discrete tokens, with
each token stream representing semantic information for individual talkers.
These token streams are then fed into a flow-matching based acoustic model to
generate mixed mel-spectrograms. Finally, the speech waveforms are produced
using a HiFi-GAN model. Furthermore, we devise a comprehensive set of metrics
for measuring the effectiveness of dialogue modeling and generation. Our
experimental results show that CoVoMix can generate dialogues that are not only
human-like in their naturalness and coherence but also involve multiple talkers
engaging in multiple rounds of conversation. This is exemplified by instances
generated in a single channel where one speaker's utterance is seamlessly mixed
with another's interjections or laughter, indicating the latter's role as an
attentive listener. Audio samples are available at https://aka.ms/covomix. | eess.AS | CoVoMix: Advancing Zero-Shot Speech Generation for Human-like Multi-talker Conversations |
2024-04-10T02:02:34Z | http://arxiv.org/pdf/2404.06680v1 | http://arxiv.org/abs/2404.06680v1 | Shashi Kant Gupta, Aditya Basu, Bradley Taylor, Anai Kothari, Hrituraj Singh | 2024-04-10T02:02:34Z | cs.CL | Retrieving information from EHR systems is essential for answering specific
questions about patient journeys and improving the delivery of clinical care.
Despite this fact, most EHR systems still rely on keyword-based searches. With
the advent of generative large language models (LLMs), retrieving information
can lead to better search and summarization capabilities. Such retrievers can
also feed Retrieval-augmented generation (RAG) pipelines to answer any query.
However, the task of retrieving information from EHR real-world clinical data
contained within EHR systems in order to solve several downstream use cases is
challenging due to the difficulty in creating query-document support pairs. We
provide a blueprint for creating such datasets in an affordable manner using
large language models. Our method results in a retriever that is 30-50 F-1
points better than propriety counterparts such as Ada and Mistral for oncology
data elements. We further compare our model, called Onco-Retriever, against
fine-tuned PubMedBERT model as well. We conduct an extensive manual evaluation
on real-world EHR data along with latency analysis of the different models and
provide a path forward for healthcare organizations to build domain-specific
retrievers. | cs.CL | Onco-Retriever: Generative Classifier for Retrieval of EHR Records in Oncology |
2024-04-10T01:26:24Z | http://arxiv.org/pdf/2404.08008v1 | http://arxiv.org/abs/2404.08008v1 | Kehua Feng, Keyan Ding, Kede Ma, Zhihua Wang, Qiang Zhang, Huajun Chen | 2024-04-10T01:26:24Z | cs.LG, cs.CL, cs.HC | The past years have witnessed a proliferation of large language models
(LLMs). Yet, automated and unbiased evaluation of LLMs is challenging due to
the inaccuracy of standard metrics in reflecting human preferences and the
inefficiency in sampling informative and diverse test examples. While human
evaluation remains the gold standard, it is expensive and time-consuming,
especially when dealing with a large number of testing samples. To address this
problem, we propose a sample-efficient human evaluation method based on MAximum
Discrepancy (MAD) competition. MAD automatically selects a small set of
informative and diverse instructions, each adapted to two LLMs, whose responses
are subject to three-alternative forced choice by human subjects. The pairwise
comparison results are then aggregated into a global ranking using the Elo
rating system. We select eight representative LLMs and compare them in terms of
four skills: knowledge understanding, mathematical reasoning, writing, and
coding. Experimental results show that the proposed method achieves a reliable
and sensible ranking of LLMs' capabilities, identifies their relative strengths
and weaknesses, and offers valuable insights for further LLM advancement. | cs.LG | Sample-Efficient Human Evaluation of Large Language Models via Maximum Discrepancy Competition |
2024-04-10T01:14:12Z | http://arxiv.org/pdf/2404.06670v1 | http://arxiv.org/abs/2404.06670v1 | Anna Wegmann, Tijs van den Broek, Dong Nguyen | 2024-04-10T01:14:12Z | cs.CL | Best practices for high conflict conversations like counseling or customer
support almost always include recommendations to paraphrase the previous
speaker. Although paraphrase classification has received widespread attention
in NLP, paraphrases are usually considered independent from context, and common
models and datasets are not applicable to dialog settings. In this work, we
investigate paraphrases in dialog (e.g., Speaker 1: "That book is mine."
becomes Speaker 2: "That book is yours."). We provide an operationalization of
context-dependent paraphrases, and develop a training for crowd-workers to
classify paraphrases in dialog. We introduce a dataset with utterance pairs
from NPR and CNN news interviews annotated for context-dependent paraphrases.
To enable analyses on label variation, the dataset contains 5,581 annotations
on 600 utterance pairs. We present promising results with in-context learning
and with token classification models for automatic paraphrase detection in
dialog. | cs.CL | What's Mine becomes Yours: Defining, Annotating and Detecting Context-Dependent Paraphrases in News Interview Dialogs |
2024-04-10T00:26:08Z | http://arxiv.org/pdf/2404.06666v1 | http://arxiv.org/abs/2404.06666v1 | Xinfeng Li, Yuchen Yang, Jiangyi Deng, Chen Yan, Yanjiao Chen, Xiaoyu Ji, Wenyuan Xu | 2024-04-10T00:26:08Z | cs.CV, cs.AI, cs.CL, cs.CR | Text-to-image (T2I) models, such as Stable Diffusion, have exhibited
remarkable performance in generating high-quality images from text descriptions
in recent years. However, text-to-image models may be tricked into generating
not-safe-for-work (NSFW) content, particularly in sexual scenarios. Existing
countermeasures mostly focus on filtering inappropriate inputs and outputs, or
suppressing improper text embeddings, which can block explicit NSFW-related
content (e.g., naked or sexy) but may still be vulnerable to adversarial
prompts inputs that appear innocent but are ill-intended. In this paper, we
present SafeGen, a framework to mitigate unsafe content generation by
text-to-image models in a text-agnostic manner. The key idea is to eliminate
unsafe visual representations from the model regardless of the text input. In
this way, the text-to-image model is resistant to adversarial prompts since
unsafe visual representations are obstructed from within. Extensive experiments
conducted on four datasets demonstrate SafeGen's effectiveness in mitigating
unsafe content generation while preserving the high-fidelity of benign images.
SafeGen outperforms eight state-of-the-art baseline methods and achieves 99.1%
sexual content removal performance. Furthermore, our constructed benchmark of
adversarial prompts provides a basis for future development and evaluation of
anti-NSFW-generation methods. | cs.CV | SafeGen: Mitigating Unsafe Content Generation in Text-to-Image Models |
2024-04-10T00:25:09Z | http://arxiv.org/pdf/2404.06664v1 | http://arxiv.org/abs/2404.06664v1 | Yu Ying Chiu, Liwei Jiang, Maria Antoniak, Chan Young Park, Shuyue Stella Li, Mehar Bhatia, Sahithya Ravi, Yulia Tsvetkov, Vered Shwartz, Yejin Choi | 2024-04-10T00:25:09Z | cs.CL, cs.AI, cs.HC | Frontier large language models (LLMs) are developed by researchers and
practitioners with skewed cultural backgrounds and on datasets with skewed
sources. However, LLMs' (lack of) multicultural knowledge cannot be effectively
assessed with current methods for developing benchmarks. Existing multicultural
evaluations primarily rely on expensive and restricted human annotations or
potentially outdated internet resources. Thus, they struggle to capture the
intricacy, dynamics, and diversity of cultural norms. LLM-generated benchmarks
are promising, yet risk propagating the same biases they are meant to measure.
To synergize the creativity and expert cultural knowledge of human annotators
and the scalability and standardizability of LLM-based automation, we introduce
CulturalTeaming, an interactive red-teaming system that leverages human-AI
collaboration to build truly challenging evaluation dataset for assessing the
multicultural knowledge of LLMs, while improving annotators' capabilities and
experiences. Our study reveals that CulturalTeaming's various modes of AI
assistance support annotators in creating cultural questions, that modern LLMs
fail at, in a gamified manner. Importantly, the increased level of AI
assistance (e.g., LLM-generated revision hints) empowers users to create more
difficult questions with enhanced perceived creativity of themselves, shedding
light on the promises of involving heavier AI assistance in modern evaluation
dataset creation procedures. Through a series of 1-hour workshop sessions, we
gather CULTURALBENCH-V0.1, a compact yet high-quality evaluation dataset with
users' red-teaming attempts, that different families of modern LLMs perform
with accuracy ranging from 37.7% to 72.2%, revealing a notable gap in LLMs'
multicultural proficiency. | cs.CL | CulturalTeaming: AI-Assisted Interactive Red-Teaming for Challenging LLMs' (Lack of) Multicultural Knowledge |
2024-04-09T23:51:29Z | http://arxiv.org/pdf/2404.06659v1 | http://arxiv.org/abs/2404.06659v1 | Nikhita Vedula, Giuseppe Castellucci, Eugene Agichtein, Oleg Rokhlenko, Shervin Malmasi | 2024-04-09T23:51:29Z | cs.CL | Conversational Task Assistants (CTAs) guide users in performing a multitude
of activities, such as making recipes. However, ensuring that interactions
remain engaging, interesting, and enjoyable for CTA users is not trivial,
especially for time-consuming or challenging tasks. Grounded in psychological
theories of human interest, we propose to engage users with contextual and
interesting statements or facts during interactions with a multi-modal CTA, to
reduce fatigue and task abandonment before a task is complete. To
operationalize this idea, we train a high-performing classifier (82% F1-score)
to automatically identify relevant and interesting facts for users. We use it
to create an annotated dataset of task-specific interesting facts for the
domain of cooking. Finally, we design and validate a dialogue policy to
incorporate the identified relevant and interesting facts into a conversation,
to improve user engagement and task completion. Live testing on a leading
multi-modal voice assistant shows that 66% of the presented facts were received
positively, leading to a 40% gain in the user satisfaction rating, and a 37%
increase in conversation length. These findings emphasize that strategically
incorporating interesting facts into the CTA experience can promote real-world
user participation for guided task interactions. | cs.CL | Leveraging Interesting Facts to Enhance User Engagement with Conversational Interfaces |
2024-04-09T23:41:27Z | http://arxiv.org/pdf/2404.06654v2 | http://arxiv.org/abs/2404.06654v2 | Cheng-Ping Hsieh, Simeng Sun, Samuel Kriman, Shantanu Acharya, Dima Rekesh, Fei Jia, Yang Zhang, Boris Ginsburg | 2024-04-11T23:53:59Z | cs.CL | The needle-in-a-haystack (NIAH) test, which examines the ability to retrieve
a piece of information (the "needle") from long distractor texts (the
"haystack"), has been widely adopted to evaluate long-context language models
(LMs). However, this simple retrieval-based test is indicative of only a
superficial form of long-context understanding. To provide a more comprehensive
evaluation of long-context LMs, we create a new synthetic benchmark RULER with
flexible configurations for customized sequence length and task complexity.
RULER expands upon the vanilla NIAH test to encompass variations with diverse
types and quantities of needles. Moreover, RULER introduces new task categories
multi-hop tracing and aggregation to test behaviors beyond searching from
context. We evaluate ten long-context LMs with 13 representative tasks in
RULER. Despite achieving nearly perfect accuracy in the vanilla NIAH test, all
models exhibit large performance drops as the context length increases. While
these models all claim context sizes of 32K tokens or greater, only four models
(GPT-4, Command-R, Yi-34B, and Mixtral) can maintain satisfactory performance
at the length of 32K. Our analysis of Yi-34B, which supports context length of
200K, reveals large room for improvement as we increase input length and task
complexity. We open source RULER to spur comprehensive evaluation of
long-context LMs. | cs.CL | RULER: What's the Real Context Size of Your Long-Context Language Models? |
2024-04-09T22:56:05Z | http://arxiv.org/pdf/2404.08690v1 | http://arxiv.org/abs/2404.08690v1 | Dmitriy Bespalov, Sourav Bhabesh, Yi Xiang, Liutong Zhou, Yanjun Qi | 2024-04-09T22:56:05Z | cs.CL, cs.AI, cs.CR, cs.LG | Recent NLP literature pays little attention to the robustness of toxicity
language predictors, while these systems are most likely to be used in
adversarial contexts. This paper presents a novel adversarial attack,
\texttt{ToxicTrap}, introducing small word-level perturbations to fool SOTA
text classifiers to predict toxic text samples as benign. ToxicTrap exploits
greedy based search strategies to enable fast and effective generation of toxic
adversarial examples. Two novel goal function designs allow ToxicTrap to
identify weaknesses in both multiclass and multilabel toxic language detectors.
Our empirical results show that SOTA toxicity text classifiers are indeed
vulnerable to the proposed attacks, attaining over 98\% attack success rates in
multilabel cases. We also show how a vanilla adversarial training and its
improved version can help increase robustness of a toxicity detector even
against unseen attacks. | cs.CL | Towards Building a Robust Toxicity Predictor |
2024-04-09T22:38:13Z | http://arxiv.org/pdf/2404.06644v1 | http://arxiv.org/abs/2404.06644v1 | Omid Ghahroodi, Marzia Nouri, Mohammad Vali Sanian, Alireza Sahebi, Doratossadat Dastgheib, Ehsaneddin Asgari, Mahdieh Soleymani Baghshah, Mohammad Hossein Rohban | 2024-04-09T22:38:13Z | cs.CL, cs.AI | Evaluating Large Language Models (LLMs) is challenging due to their
generative nature, necessitating precise evaluation methodologies.
Additionally, non-English LLM evaluation lags behind English, resulting in the
absence or weakness of LLMs for many languages. In response to this necessity,
we introduce Khayyam Challenge (also known as PersianMMLU), a meticulously
curated collection comprising 20,192 four-choice questions sourced from 38
diverse tasks extracted from Persian examinations, spanning a wide spectrum of
subjects, complexities, and ages. The primary objective of the Khayyam
Challenge is to facilitate the rigorous evaluation of LLMs that support the
Persian language. Distinctive features of the Khayyam Challenge are (i) its
comprehensive coverage of various topics, including literary comprehension,
mathematics, sciences, logic, intelligence testing, etc., aimed at assessing
different facets of LLMs such as language comprehension, reasoning, and
information retrieval across various educational stages, from lower primary
school to upper secondary school (ii) its inclusion of rich metadata such as
human response rates, difficulty levels, and descriptive answers (iii) its
utilization of new data to avoid data contamination issues prevalent in
existing frameworks (iv) its use of original, non-translated data tailored for
Persian speakers, ensuring the framework is free from translation challenges
and errors while encompassing cultural nuances (v) its inherent scalability for
future data updates and evaluations without requiring special human effort.
Previous works lacked an evaluation framework that combined all of these
features into a single comprehensive benchmark. Furthermore, we evaluate a wide
range of existing LLMs that support the Persian language, with statistical
analyses and interpretations of their outputs. | cs.CL | Khayyam Challenge (PersianMMLU): Is Your LLM Truly Wise to The Persian Language? |
2024-04-09T21:12:08Z | http://arxiv.org/pdf/2404.06621v1 | http://arxiv.org/abs/2404.06621v1 | Jeongrok Yu, Seong Ug Kim, Jacob Choi, Jinho D. Choi | 2024-04-09T21:12:08Z | cs.CL | Bias is a disproportionate prejudice in favor of one side against another.
Due to the success of transformer-based Masked Language Models (MLMs) and their
impact on many NLP tasks, a systematic evaluation of bias in these models is
needed more than ever. While many studies have evaluated gender bias in English
MLMs, only a few works have been conducted for the task in other languages.
This paper proposes a multilingual approach to estimate gender bias in MLMs
from 5 languages: Chinese, English, German, Portuguese, and Spanish. Unlike
previous work, our approach does not depend on parallel corpora coupled with
English to detect gender bias in other languages using multilingual lexicons.
Moreover, a novel model-based method is presented to generate sentence pairs
for a more robust analysis of gender bias, compared to the traditional
lexicon-based method. For each language, both the lexicon-based and model-based
methods are applied to create two datasets respectively, which are used to
evaluate gender bias in an MLM specifically trained for that language using one
existing and 3 new scoring metrics. Our results show that the previous approach
is data-sensitive and not stable as it does not remove contextual dependencies
irrelevant to gender. In fact, the results often flip when different scoring
metrics are used on the same dataset, suggesting that gender bias should be
studied on a large dataset using multiple evaluation metrics for best practice. | cs.CL | What is Your Favorite Gender, MLM? Gender Bias Evaluation in Multilingual Masked Language Models |
2024-04-09T21:09:22Z | http://arxiv.org/pdf/2404.06619v1 | http://arxiv.org/abs/2404.06619v1 | Jane Dwivedi-Yu, Raaz Dwivedi, Timo Schick | 2024-04-09T21:09:22Z | cs.CL, cs.CY, cs.LG | The accurate evaluation of differential treatment in language models to
specific groups is critical to ensuring a positive and safe user experience. An
ideal evaluation should have the properties of being robust, extendable to new
groups or attributes, and being able to capture biases that appear in typical
usage (rather than just extreme, rare cases). Relatedly, bias evaluation should
surface not only egregious biases but also ones that are subtle and
commonplace, such as a likelihood for talking about appearances with regard to
women. We present FairPair, an evaluation framework for assessing differential
treatment that occurs during ordinary usage. FairPair operates through
counterfactual pairs, but crucially, the paired continuations are grounded in
the same demographic group, which ensures equivalent comparison. Additionally,
unlike prior work, our method factors in the inherent variability that comes
from the generation process itself by measuring the sampling variability. We
present an evaluation of several commonly used generative models and a
qualitative analysis that indicates a preference for discussing family and
hobbies with regard to women. | cs.CL | FairPair: A Robust Evaluation of Biases in Language Models through Paired Perturbations |
2024-04-09T19:02:12Z | http://arxiv.org/pdf/2404.06579v1 | http://arxiv.org/abs/2404.06579v1 | Tong Wang, Ninad Kulkarni, Yanjun Qi | 2024-04-09T19:02:12Z | cs.CL, cs.AI, cs.LG | Assessing the factual consistency of automatically generated texts in
relation to source context is crucial for developing reliable natural language
generation applications. Recent literature proposes AlignScore which uses a
unified alignment model to evaluate factual consistency and substantially
outperforms previous methods across many benchmark tasks. In this paper, we
take a closer look of datasets used in AlignScore and uncover an unexpected
finding: utilizing a smaller number of data points can actually improve
performance. We process the original AlignScore training dataset to remove
noise, augment with robustness-enhanced samples, and utilize a subset
comprising 10\% of the data to train an improved factual consistency evaluation
model, we call LIM-RA (Less Is More for Robust AlignScore). LIM-RA demonstrates
superior performance, consistently outperforming AlignScore and other strong
baselines like ChatGPT across four benchmarks (two utilizing traditional
natural language generation datasets and two focused on large language model
outputs). Our experiments show that LIM-RA achieves the highest score on 24 of
the 33 test datasets, while staying competitive on the rest, establishing the
new state-of-the-art benchmarks. | cs.CL | Less is More for Improving Automatic Evaluation of Factual Consistency |
2024-04-09T18:29:42Z | http://arxiv.org/pdf/2404.07242v1 | http://arxiv.org/abs/2404.07242v1 | Bibek Upadhayay, Vahid Behzadan | 2024-04-09T18:29:42Z | cs.CR, cs.AI, cs.CL | Large Language Models (LLMs) are increasingly being developed and applied,
but their widespread use faces challenges. These include aligning LLMs'
responses with human values to prevent harmful outputs, which is addressed
through safety training methods. Even so, bad actors and malicious users have
succeeded in attempts to manipulate the LLMs to generate misaligned responses
for harmful questions such as methods to create a bomb in school labs, recipes
for harmful drugs, and ways to evade privacy rights. Another challenge is the
multilingual capabilities of LLMs, which enable the model to understand and
respond in multiple languages. Consequently, attackers exploit the unbalanced
pre-training datasets of LLMs in different languages and the comparatively
lower model performance in low-resource languages than high-resource ones. As a
result, attackers use a low-resource languages to intentionally manipulate the
model to create harmful responses. Many of the similar attack vectors have been
patched by model providers, making the LLMs more robust against language-based
manipulation. In this paper, we introduce a new black-box attack vector called
the \emph{Sandwich attack}: a multi-language mixture attack, which manipulates
state-of-the-art LLMs into generating harmful and misaligned responses. Our
experiments with five different models, namely Google's Bard, Gemini Pro,
LLaMA-2-70-B-Chat, GPT-3.5-Turbo, GPT-4, and Claude-3-OPUS, show that this
attack vector can be used by adversaries to generate harmful responses and
elicit misaligned responses from these models. By detailing both the mechanism
and impact of the Sandwich attack, this paper aims to guide future research and
development towards more secure and resilient LLMs, ensuring they serve the
public good while minimizing potential for misuse. | cs.CR | Sandwich attack: Multi-language Mixture Adaptive Attack on LLMs |
2024-04-09T17:59:32Z | http://arxiv.org/pdf/2404.06512v1 | http://arxiv.org/abs/2404.06512v1 | Xiaoyi Dong, Pan Zhang, Yuhang Zang, Yuhang Cao, Bin Wang, Linke Ouyang, Songyang Zhang, Haodong Duan, Wenwei Zhang, Yining Li, Hang Yan, Yang Gao, Zhe Chen, Xinyue Zhang, Wei Li, Jingwen Li, Wenhai Wang, Kai Chen, Conghui He, Xingcheng Zhang, Jifeng Dai, Yu Qiao, Dahua Lin, Jiaqi Wang | 2024-04-09T17:59:32Z | cs.CV, cs.CL | The Large Vision-Language Model (LVLM) field has seen significant
advancements, yet its progression has been hindered by challenges in
comprehending fine-grained visual content due to limited resolution. Recent
efforts have aimed to enhance the high-resolution understanding capabilities of
LVLMs, yet they remain capped at approximately 1500 x 1500 pixels and
constrained to a relatively narrow resolution range. This paper represents
InternLM-XComposer2-4KHD, a groundbreaking exploration into elevating LVLM
resolution capabilities up to 4K HD (3840 x 1600) and beyond. Concurrently,
considering the ultra-high resolution may not be necessary in all scenarios, it
supports a wide range of diverse resolutions from 336 pixels to 4K standard,
significantly broadening its scope of applicability. Specifically, this
research advances the patch division paradigm by introducing a novel extension:
dynamic resolution with automatic patch configuration. It maintains the
training image aspect ratios while automatically varying patch counts and
configuring layouts based on a pre-trained Vision Transformer (ViT) (336 x
336), leading to dynamic training resolution from 336 pixels to 4K standard.
Our research demonstrates that scaling training resolution up to 4K HD leads to
consistent performance enhancements without hitting the ceiling of potential
improvements. InternLM-XComposer2-4KHD shows superb capability that matches or
even surpasses GPT-4V and Gemini Pro in 10 of the 16 benchmarks. The
InternLM-XComposer2-4KHD model series with 7B parameters are publicly available
at https://github.com/InternLM/InternLM-XComposer. | cs.CV | InternLM-XComposer2-4KHD: A Pioneering Large Vision-Language Model Handling Resolutions from 336 Pixels to 4K HD |
2024-04-09T17:57:29Z | http://arxiv.org/pdf/2404.06508v2 | http://arxiv.org/abs/2404.06508v2 | Anton Schäfer, Thomas Hofmann, Imanol Schlag, Tiago Pimentel | 2024-05-02T23:29:56Z | cs.CL, cs.LG, I.2.7 | Tokenisation is a core part of language models (LMs). It involves splitting a
character sequence into subwords which are assigned arbitrary indices before
being served to the LM. While typically lossless, however, this process may
lead to less sample efficient LM training: as it removes character-level
information, it could make it harder for LMs to generalise across similar
subwords, such as now and Now. We refer to such subwords as near duplicates. In
this paper, we study the impact of near duplicate subwords on LM training
efficiency. First, we design an experiment that gives us an upper bound to how
much we should expect a model to improve if we could perfectly generalise
across near duplicates. We do this by duplicating each subword in our LM's
vocabulary, creating perfectly equivalent classes of subwords. Experimentally,
we find that LMs need roughly 17% more data when trained in a fully duplicated
setting. Second, we investigate the impact of naturally occurring near
duplicates on LMs. Here, we see that merging them considerably hurts LM
performance. Therefore, although subword duplication negatively impacts LM
training efficiency, naturally occurring near duplicates may not be as similar
as anticipated, limiting the potential for performance improvements. | cs.CL | On the Effect of (Near) Duplicate Subwords in Language Modelling |
2024-04-09T17:54:10Z | http://arxiv.org/pdf/2404.06503v1 | http://arxiv.org/abs/2404.06503v1 | Nathan Brake, Thomas Schaaf | 2024-04-09T17:54:10Z | cs.CL | Following an interaction with a patient, physicians are responsible for the
submission of clinical documentation, often organized as a SOAP note. A
clinical note is not simply a summary of the conversation but requires the use
of appropriate medical terminology. The relevant information can then be
extracted and organized according to the structure of the SOAP note. In this
paper we analyze two different approaches to generate the different sections of
a SOAP note based on the audio recording of the conversation, and specifically
examine them in terms of note consistency. The first approach generates the
sections independently, while the second method generates them all together. In
this work we make use of PEGASUS-X Transformer models and observe that both
methods lead to similar ROUGE values (less than 1% difference) and have no
difference in terms of the Factuality metric. We perform a human evaluation to
measure aspects of consistency and demonstrate that LLMs like Llama2 can be
used to perform the same tasks with roughly the same agreement as the human
annotators. Between the Llama2 analysis and the human reviewers we observe a
Cohen Kappa inter-rater reliability of 0.79, 1.00, and 0.32 for consistency of
age, gender, and body part injury, respectively. With this we demonstrate the
usefulness of leveraging an LLM to measure quality indicators that can be
identified by humans but are not currently captured by automatic metrics. This
allows scaling evaluation to larger data sets, and we find that clinical note
consistency improves by generating each new section conditioned on the output
of all previously generated sections. | cs.CL | Comparing Two Model Designs for Clinical Note Generation; Is an LLM a Useful Evaluator of Consistency? |
2024-04-09T17:42:59Z | http://arxiv.org/pdf/2404.06488v1 | http://arxiv.org/abs/2404.06488v1 | Ipek Baris Schlicht, Defne Altiok, Maryanne Taouk, Lucie Flek | 2024-04-09T17:42:59Z | cs.CL, cs.AI | This paper addresses debiasing in news editing and evaluates the
effectiveness of conversational Large Language Models in this task. We designed
an evaluation checklist tailored to news editors' perspectives, obtained
generated texts from three popular conversational models using a subset of a
publicly available dataset in media bias, and evaluated the texts according to
the designed checklist. Furthermore, we examined the models as evaluator for
checking the quality of debiased model outputs. Our findings indicate that none
of the LLMs are perfect in debiasing. Notably, some models, including ChatGPT,
introduced unnecessary changes that may impact the author's style and create
misinformation. Lastly, we show that the models do not perform as proficiently
as domain experts in evaluating the quality of debiased outputs. | cs.CL | Pitfalls of Conversational LLMs on News Debiasing |
2024-04-09T17:30:48Z | http://arxiv.org/pdf/2404.06480v2 | http://arxiv.org/abs/2404.06480v2 | Chonghua Wang, Haodong Duan, Songyang Zhang, Dahua Lin, Kai Chen | 2024-04-10T07:40:56Z | cs.CL, cs.AI | Recently, the large language model (LLM) community has shown increasing
interest in enhancing LLMs' capability to handle extremely long documents. As
various long-text techniques and model architectures emerge, the precise and
detailed evaluation of models' long-text capabilities has become increasingly
important. Existing long-text evaluation benchmarks, such as L-Eval and
LongBench, construct long-text test sets based on open-source datasets,
focusing mainly on QA and summarization tasks. These datasets include test
samples of varying lengths (from 2k to 32k+) entangled together, making it
challenging to assess model capabilities across different length ranges.
Moreover, they do not cover the ultralong settings (100k+ tokens) that the
latest LLMs claim to achieve. In this paper, we introduce Ada-LEval, a
length-adaptable benchmark for evaluating the long-context understanding of
LLMs. Ada-LEval includes two challenging subsets, TSort and BestAnswer, which
enable a more reliable evaluation of LLMs' long context capabilities. These
benchmarks support intricate manipulation of the length of test cases, and can
easily produce text samples up to 128k tokens. We evaluate 4 state-of-the-art
closed-source API models and 6 open-source models with Ada-LEval. The
evaluation results demonstrate the limitations of current LLMs, especially in
ultra-long-context settings. Our code is available at
https://github.com/open-compass/Ada-LEval. | cs.CL | Ada-LEval: Evaluating long-context LLMs with length-adaptable benchmarks |
2024-04-09T17:30:18Z | http://arxiv.org/pdf/2404.06479v3 | http://arxiv.org/abs/2404.06479v3 | Zhenhailong Wang, Joy Hsu, Xingyao Wang, Kuan-Hao Huang, Manling Li, Jiajun Wu, Heng Ji | 2024-05-24T19:40:26Z | cs.CL, cs.AI, cs.CV | While large multimodal models excel in broad vision-language benchmarks, they
often struggle with tasks requiring precise perception of low-level visual
details, such as comparing line lengths or solving simple mazes. In particular,
this failure mode persists in question-answering tasks about vector graphics --
images composed purely of 2D objects and shapes. To address this challenge, we
propose the Visually Descriptive Language Model (VDLM), which performs
text-based reasoning about vector graphics. VDLM leverages Scalable Vector
Graphics (SVG) for a more precise visual description and first uses an
off-the-shelf raster-to-SVG algorithm for encoding. Since existing language
models cannot understand raw SVGs in a zero-shot setting, VDLM then bridges SVG
with pretrained language models through a newly introduced intermediate
symbolic representation, Primal Visual Description (PVD), comprising primitive
attributes (e.g., shape, position, measurement) with their corresponding
predicted values. PVD is task-agnostic and represents visual primitives that
are universal across all vector graphics. It can be learned with procedurally
generated (SVG, PVD) pairs and also enables the direct use of LLMs for
generalization to complex reasoning tasks. By casting an image to a text-based
representation, we can leverage the power of language models to learn alignment
from SVG to visual primitives and generalize to unseen question-answering
tasks. Empirical results show that VDLM achieves stronger zero-shot performance
compared to state-of-the-art LMMs, such as GPT-4V, in various low-level
multimodal perception and reasoning tasks on vector graphics. We additionally
present extensive analyses on VDLM's performance, demonstrating that our
framework offers better interpretability due to its disentangled perception and
reasoning processes. Project page: https://mikewangwzhl.github.io/VDLM/ | cs.CL | Text-Based Reasoning About Vector Graphics |
2024-04-09T16:03:26Z | http://arxiv.org/pdf/2404.06413v1 | http://arxiv.org/abs/2404.06413v1 | Kunal Garg, Jacob Arkin, Songyuan Zhang, Nicholas Roy, Chuchu Fan | 2024-04-09T16:03:26Z | cs.RO, cs.CL, math.OC | Multi-agent robotic systems are prone to deadlocks in an obstacle environment
where the system can get stuck away from its desired location under a smooth
low-level control policy. Without an external intervention, often in terms of a
high-level command, it is not possible to guarantee that just a low-level
control policy can resolve such deadlocks. Utilizing the generalizability and
low data requirements of large language models (LLMs), this paper explores the
possibility of using LLMs for deadlock resolution. We propose a hierarchical
control framework where an LLM resolves deadlocks by assigning a leader and
direction for the leader to move along. A graph neural network (GNN) based
low-level distributed control policy executes the assigned plan. We
systematically study various prompting techniques to improve LLM's performance
in resolving deadlocks. In particular, as part of prompt engineering, we
provide in-context examples for LLMs. We conducted extensive experiments on
various multi-robot environments with up to 15 agents and 40 obstacles. Our
results demonstrate that LLM-based high-level planners are effective in
resolving deadlocks in MRS. | cs.RO | Large Language Models to the Rescue: Deadlock Resolution in Multi-Robot Systems |
2024-04-09T16:01:24Z | http://arxiv.org/pdf/2404.06411v1 | http://arxiv.org/abs/2404.06411v1 | Luca Gioacchini, Giuseppe Siracusano, Davide Sanvito, Kiril Gashteovski, David Friede, Roberto Bifulco, Carolin Lawrence | 2024-04-09T16:01:24Z | cs.AI, cs.CL | The advances made by Large Language Models (LLMs) have led to the pursuit of
LLM agents that can solve intricate, multi-step reasoning tasks. As with any
research pursuit, benchmarking and evaluation are key corner stones to
efficient and reliable progress. However, existing benchmarks are often narrow
and simply compute overall task success. To face these issues, we propose
AgentQuest -- a framework where (i) both benchmarks and metrics are modular and
easily extensible through well documented and easy-to-use APIs; (ii) we offer
two new evaluation metrics that can reliably track LLM agent progress while
solving a task. We exemplify the utility of the metrics on two use cases
wherein we identify common failure points and refine the agent architecture to
obtain a significant performance increase. Together with the research
community, we hope to extend AgentQuest further and therefore we make it
available under https://github.com/nec-research/agentquest. | cs.AI | AgentQuest: A Modular Benchmark Framework to Measure Progress and Improve LLM Agents |
2024-04-09T15:54:16Z | http://arxiv.org/pdf/2404.06407v3 | http://arxiv.org/abs/2404.06407v3 | Hongyu Cai, Arjun Arunasalam, Leo Y. Lin, Antonio Bianchi, Z. Berkay Celik | 2024-05-07T14:06:23Z | cs.CL, cs.AI, cs.CR, cs.LG | Large language models (LLMs) have become increasingly integrated with various
applications. To ensure that LLMs do not generate unsafe responses, they are
aligned with safeguards that specify what content is restricted. However, such
alignment can be bypassed to produce prohibited content using a technique
commonly referred to as jailbreak. Different systems have been proposed to
perform the jailbreak automatically. These systems rely on evaluation methods
to determine whether a jailbreak attempt is successful. However, our analysis
reveals that current jailbreak evaluation methods have two limitations. (1)
Their objectives lack clarity and do not align with the goal of identifying
unsafe responses. (2) They oversimplify the jailbreak result as a binary
outcome, successful or not. In this paper, we propose three metrics, safeguard
violation, informativeness, and relative truthfulness, to evaluate language
model jailbreak. Additionally, we demonstrate how these metrics correlate with
the goal of different malicious actors. To compute these metrics, we introduce
a multifaceted approach that extends the natural language generation evaluation
method after preprocessing the response. We evaluate our metrics on a benchmark
dataset produced from three malicious intent datasets and three jailbreak
systems. The benchmark dataset is labeled by three annotators. We compare our
multifaceted approach with three existing jailbreak evaluation methods.
Experiments demonstrate that our multifaceted evaluation outperforms existing
methods, with F1 scores improving on average by 17% compared to existing
baselines. Our findings motivate the need to move away from the binary view of
the jailbreak problem and incorporate a more comprehensive evaluation to ensure
the safety of the language model. | cs.CL | Rethinking How to Evaluate Language Model Jailbreak |
2024-04-09T15:54:00Z | http://arxiv.org/pdf/2404.06405v2 | http://arxiv.org/abs/2404.06405v2 | Shiven Sinha, Ameya Prabhu, Ponnurangam Kumaraguru, Siddharth Bhat, Matthias Bethge | 2024-04-11T14:37:29Z | cs.AI, cs.CG, cs.CL, cs.LG | Proving geometric theorems constitutes a hallmark of visual reasoning
combining both intuitive and logical skills. Therefore, automated theorem
proving of Olympiad-level geometry problems is considered a notable milestone
in human-level automated reasoning. The introduction of AlphaGeometry, a
neuro-symbolic model trained with 100 million synthetic samples, marked a major
breakthrough. It solved 25 of 30 International Mathematical Olympiad (IMO)
problems whereas the reported baseline based on Wu's method solved only ten. In
this note, we revisit the IMO-AG-30 Challenge introduced with AlphaGeometry,
and find that Wu's method is surprisingly strong. Wu's method alone can solve
15 problems, and some of them are not solved by any of the other methods. This
leads to two key findings: (i) Combining Wu's method with the classic synthetic
methods of deductive databases and angle, ratio, and distance chasing solves 21
out of 30 methods by just using a CPU-only laptop with a time limit of 5
minutes per problem. Essentially, this classic method solves just 4 problems
less than AlphaGeometry and establishes the first fully symbolic baseline
strong enough to rival the performance of an IMO silver medalist. (ii) Wu's
method even solves 2 of the 5 problems that AlphaGeometry failed to solve.
Thus, by combining AlphaGeometry with Wu's method we set a new state-of-the-art
for automated theorem proving on IMO-AG-30, solving 27 out of 30 problems, the
first AI method which outperforms an IMO gold medalist. | cs.AI | Wu's Method can Boost Symbolic AI to Rival Silver Medalists and AlphaGeometry to Outperform Gold Medalists at IMO Geometry |
2024-04-09T15:36:50Z | http://arxiv.org/pdf/2404.06395v3 | http://arxiv.org/abs/2404.06395v3 | Shengding Hu, Yuge Tu, Xu Han, Chaoqun He, Ganqu Cui, Xiang Long, Zhi Zheng, Yewei Fang, Yuxiang Huang, Weilin Zhao, Xinrong Zhang, Zheng Leng Thai, Kaihuo Zhang, Chongyi Wang, Yuan Yao, Chenyang Zhao, Jie Zhou, Jie Cai, Zhongwu Zhai, Ning Ding, Chao Jia, Guoyang Zeng, Dahai Li, Zhiyuan Liu, Maosong Sun | 2024-06-03T08:54:38Z | cs.CL, cs.LG | The burgeoning interest in developing Large Language Models (LLMs) with up to
trillion parameters has been met with concerns regarding resource efficiency
and practical expense, particularly given the immense cost of experimentation.
This scenario underscores the importance of exploring the potential of Small
Language Models (SLMs) as a resource-efficient alternative. In this context, we
introduce MiniCPM, specifically the 1.2B and 2.4B non-embedding parameter
variants, not only excel in their respective categories but also demonstrate
capabilities on par with 7B-13B LLMs. While focusing on SLMs, our approach
exhibits scalability in both model and data dimensions for future LLM research.
Regarding model scaling, we employ extensive model wind tunnel experiments for
stable and optimal scaling. For data scaling, we introduce a
Warmup-Stable-Decay (WSD) learning rate scheduler (LRS), conducive to
continuous training and domain adaptation. We present an in-depth analysis of
the intriguing training dynamics that occurred in the WSD LRS. With WSD LRS, we
are now able to efficiently study data-model scaling law without extensive
retraining experiments on both axes of model and data, from which we derive the
much higher compute optimal data-model ratio than Chinchilla Optimal.
Additionally, we introduce MiniCPM family, including MiniCPM-DPO, MiniCPM-MoE
and MiniCPM-128K, whose excellent performance further cementing MiniCPM's
foundation in diverse SLM applications. MiniCPM models are available publicly
at https://github.com/OpenBMB/MiniCPM . | cs.CL | MiniCPM: Unveiling the Potential of Small Language Models with Scalable Training Strategies |
2024-04-09T15:35:41Z | http://arxiv.org/pdf/2404.06392v1 | http://arxiv.org/abs/2404.06392v1 | Mikel Zubillaga, Oscar Sainz, Ainara Estarrona, Oier Lopez de Lacalle, Eneko Agirre | 2024-04-09T15:35:41Z | cs.CL, cs.AI | Cross-lingual transfer-learning is widely used in Event Extraction for
low-resource languages and involves a Multilingual Language Model that is
trained in a source language and applied to the target language. This paper
studies whether the typological similarity between source and target languages
impacts the performance of cross-lingual transfer, an under-explored topic. We
first focus on Basque as the target language, which is an ideal target language
because it is typologically different from surrounding languages. Our
experiments on three Event Extraction tasks show that the shared linguistic
characteristic between source and target languages does have an impact on
transfer quality. Further analysis of 72 language pairs reveals that for tasks
that involve token classification such as entity and event trigger
identification, common writing script and morphological features produce higher
quality cross-lingual transfer. In contrast, for tasks involving structural
prediction like argument extraction, common word order is the most relevant
feature. In addition, we show that when increasing the training size, not all
the languages scale in the same way in the cross-lingual setting. To perform
the experiments we introduce EusIE, an event extraction dataset for Basque,
which follows the Multilingual Event Extraction dataset (MEE). The dataset and
code are publicly available. | cs.CL | Event Extraction in Basque: Typologically motivated Cross-Lingual Transfer-Learning Analysis |
2024-04-09T15:33:09Z | http://arxiv.org/pdf/2404.06390v2 | http://arxiv.org/abs/2404.06390v2 | Haotian Luo | 2024-04-13T05:20:45Z | cs.CL | Ensuring alignment with human preferences is a crucial characteristic of
large language models (LLMs). Presently, the primary alignment methods, RLHF
and DPO, require extensive human annotation, which is expensive despite their
efficacy. The significant expenses associated with current alignment techniques
motivate researchers to investigate the development of annotation-free
alignment training methods. In pursuit of improved alignment without relying on
external annotation, we introduce Latent Distance Guided Alignment Training
(LD-Align). This approach seeks to align the model with a high-quality
supervised fine-tune dataset using guidance from a latent space. The latent
space is generated through sample reconstruction, akin to auto-encoding.
Consequently, we utilize the distance between sample pairs in the latent space
to guide DPO-based alignment training. Extensive experimentation and evaluation
show the efficacy of our proposed method in achieving notable alignment. | cs.CL | Latent Distance Guided Alignment Training for Large Language Models |
2024-04-09T15:07:25Z | http://arxiv.org/pdf/2404.06371v2 | http://arxiv.org/abs/2404.06371v2 | Alessio Ferrari, Sallam Abualhaija, Chetan Arora | 2024-07-01T13:16:49Z | cs.SE, cs.CL, cs.LG, D.2; K.6.3; D.2.1; D.3.1; D.2.2; D.2.10; D.2.2; I.2; I.2.7 | Complementing natural language (NL) requirements with graphical models can
improve stakeholders' communication and provide directions for system design.
However, creating models from requirements involves manual effort. The advent
of generative large language models (LLMs), ChatGPT being a notable example,
offers promising avenues for automated assistance in model generation. This
paper investigates the capability of ChatGPT to generate a specific type of
model, i.e., UML sequence diagrams, from NL requirements. We conduct a
qualitative study in which we examine the sequence diagrams generated by
ChatGPT for 28 requirements documents of various types and from different
domains. Observations from the analysis of the generated diagrams have
systematically been captured through evaluation logs, and categorized through
thematic analysis. Our results indicate that, although the models generally
conform to the standard and exhibit a reasonable level of understandability,
their completeness and correctness with respect to the specified requirements
often present challenges. This issue is particularly pronounced in the presence
of requirements smells, such as ambiguity and inconsistency. The insights
derived from this study can influence the practical utilization of LLMs in the
RE process, and open the door to novel RE-specific prompting strategies
targeting effective model generation. | cs.SE | Model Generation with LLMs: From Requirements to UML Sequence Diagrams |
2024-04-09T15:04:27Z | http://arxiv.org/pdf/2404.06367v1 | http://arxiv.org/abs/2404.06367v1 | Fernando Gallego, Guillermo López-García, Luis Gasco-Sánchez, Martin Krallinger, Francisco J. Veredas | 2024-04-09T15:04:27Z | cs.CL | Advances in natural language processing techniques, such as named entity
recognition and normalization to widely used standardized terminologies like
UMLS or SNOMED-CT, along with the digitalization of electronic health records,
have significantly advanced clinical text analysis. This study presents
ClinLinker, a novel approach employing a two-phase pipeline for medical entity
linking that leverages the potential of in-domain adapted language models for
biomedical text mining: initial candidate retrieval using a SapBERT-based
bi-encoder and subsequent re-ranking with a cross-encoder, trained by following
a contrastive-learning strategy to be tailored to medical concepts in Spanish.
This methodology, focused initially on content in Spanish, substantially
outperforming multilingual language models designed for the same purpose. This
is true even for complex scenarios involving heterogeneous medical
terminologies and being trained on a subset of the original data. Our results,
evaluated using top-k accuracy at 25 and other top-k metrics, demonstrate our
approach's performance on two distinct clinical entity linking Gold Standard
corpora, DisTEMIST (diseases) and MedProcNER (clinical procedures),
outperforming previous benchmarks by 40 points in DisTEMIST and 43 points in
MedProcNER, both normalized to SNOMED-CT codes. These findings highlight our
approach's ability to address language-specific nuances and set a new benchmark
in entity linking, offering a potent tool for enhancing the utility of digital
medical records. The resulting system is of practical value, both for large
scale automatic generation of structured data derived from clinical records, as
well as for exhaustive extraction and harmonization of predefined clinical
variables of interest. | cs.CL | ClinLinker: Medical Entity Linking of Clinical Concept Mentions in Spanish |
2024-04-09T15:01:51Z | http://arxiv.org/pdf/2404.06364v1 | http://arxiv.org/abs/2404.06364v1 | Xintao Wang, Jiangjie Chen, Nianqi Li, Lida Chen, Xinfeng Yuan, Wei Shi, Xuyang Ge, Rui Xu, Yanghua Xiao | 2024-04-09T15:01:51Z | cs.CL | In the rapidly advancing research fields such as AI, managing and staying
abreast of the latest scientific literature has become a significant challenge
for researchers. Although previous efforts have leveraged AI to assist with
literature searches, paper recommendations, and question-answering, a
comprehensive support system that addresses the holistic needs of researchers
has been lacking. This paper introduces SurveyAgent, a novel conversational
system designed to provide personalized and efficient research survey
assistance to researchers. SurveyAgent integrates three key modules: Knowledge
Management for organizing papers, Recommendation for discovering relevant
literature, and Query Answering for engaging with content on a deeper level.
This system stands out by offering a unified platform that supports researchers
through various stages of their literature review process, facilitated by a
conversational interface that prioritizes user interaction and personalization.
Our evaluation demonstrates SurveyAgent's effectiveness in streamlining
research activities, showcasing its capability to facilitate how researchers
interact with scientific literature. | cs.CL | SurveyAgent: A Conversational System for Personalized and Efficient Research Survey |
2024-04-09T14:48:32Z | http://arxiv.org/pdf/2404.06357v2 | http://arxiv.org/abs/2404.06357v2 | Hyewon Jang, Diego Frassinelli | 2024-04-10T07:48:08Z | cs.CL | We tested the robustness of sarcasm detection models by examining their
behavior when fine-tuned on four sarcasm datasets containing varying
characteristics of sarcasm: label source (authors vs. third-party), domain
(social media/online vs. offline conversations/dialogues), style (aggressive
vs. humorous mocking). We tested their prediction performance on the same
dataset (intra-dataset) and across different datasets (cross-dataset). For
intra-dataset predictions, models consistently performed better when fine-tuned
with third-party labels rather than with author labels. For cross-dataset
predictions, most models failed to generalize well to the other datasets,
implying that one type of dataset cannot represent all sorts of sarcasm with
different styles and domains. Compared to the existing datasets, models
fine-tuned on the new dataset we release in this work showed the highest
generalizability to other datasets. With a manual inspection of the datasets
and post-hoc analysis, we attributed the difficulty in generalization to the
fact that sarcasm actually comes in different domains and styles. We argue that
future sarcasm research should take the broad scope of sarcasm into account. | cs.CL | Generalizable Sarcasm Detection Is Just Around The Corner, Of Course! |
2024-04-09T14:34:48Z | http://arxiv.org/pdf/2404.06347v2 | http://arxiv.org/abs/2404.06347v2 | Chenghao Xiao, G Thomas Hudson, Noura Al Moubayed | 2024-05-12T18:23:41Z | cs.CL, cs.IR | Semantic textual similartiy (STS) and information retrieval tasks (IR) tasks
have been the two major avenues to record the progress of embedding models in
the past few years. Under the emerging Retrieval-augmented Generation (RAG)
paradigm, we envision the need to evaluate next-level language understanding
abilities of embedding models, and take a conscious look at the reasoning
abilities stored in them. Addressing this, we pose the question: Can retrievers
solve reasoning problems? By transforming reasoning tasks into retrieval tasks,
we find that without specifically trained for reasoning-level language
understanding, current state-of-the-art retriever models may still be far from
being competent for playing the role of assisting LLMs, especially in
reasoning-intensive tasks. Moreover, albeit trained to be aware of
instructions, instruction-aware IR models are often better off without
instructions in inference time for reasoning tasks, posing an overlooked
retriever-LLM behavioral gap for the research community to align. However,
recent decoder-based embedding models show great promise in narrowing the gap,
highlighting the pathway for embedding models to achieve reasoning-level
language understanding. We also show that, although current off-the-shelf
re-ranker models fail on these tasks, injecting reasoning abilities into them
through fine-tuning still appears easier than doing so to bi-encoders, and we
are able to achieve state-of-the-art performance across all tasks by
fine-tuning a reranking model. We release Reasoning as Retrieval Benchmark
(RAR-b), a holistic suite of tasks and settings to evaluate the reasoning
abilities stored in retriever models. RAR-b is available at
https://github.com/gowitheflow-1998/RAR-b. | cs.CL | RAR-b: Reasoning as Retrieval Benchmark |
2024-04-09T14:25:27Z | http://arxiv.org/pdf/2404.06339v1 | http://arxiv.org/abs/2404.06339v1 | Mathivanan Periasamy, Rohith Mahadevan, Bagiya Lakshmi S, Raja CSP Raman, Hasan Kumar S, Jasper Jessiman | 2024-04-09T14:25:27Z | cs.CL, cs.LG | Sentiment analysis, a vital component in natural language processing, plays a
crucial role in understanding the underlying emotions and opinions expressed in
textual data. In this paper, we propose an innovative ensemble approach for
sentiment analysis for finding fake reviews that amalgamate the predictive
capabilities of Support Vector Machine (SVM), K-Nearest Neighbors (KNN), and
Decision Tree classifiers. Our ensemble architecture strategically combines
these diverse models to capitalize on their strengths while mitigating inherent
weaknesses, thereby achieving superior accuracy and robustness in fake review
prediction. By combining all the models of our classifiers, the predictive
performance is boosted and it also fosters adaptability to varied linguistic
patterns and nuances present in real-world datasets. The metrics accounted for
on fake reviews demonstrate the efficacy and competitiveness of the proposed
ensemble method against traditional single-model approaches. Our findings
underscore the potential of ensemble techniques in advancing the
state-of-the-art in finding fake reviews using hybrid algorithms, with
implications for various applications in different social media and e-platforms
to find the best reviews and neglect the fake ones, eliminating puffery and
bluffs. | cs.CL | Finding fake reviews in e-commerce platforms by using hybrid algorithms |
2024-04-09T13:18:52Z | http://arxiv.org/pdf/2404.06292v1 | http://arxiv.org/abs/2404.06292v1 | Iwona Christop | 2024-04-09T13:18:52Z | cs.CL, cs.SD, eess.AS | Speech emotion recognition has become increasingly important in recent years
due to its potential applications in healthcare, customer service, and
personalization of dialogue systems. However, a major issue in this field is
the lack of datasets that adequately represent basic emotional states across
various language families. As datasets covering Slavic languages are rare,
there is a need to address this research gap. This paper presents the
development of nEMO, a novel corpus of emotional speech in Polish. The dataset
comprises over 3 hours of samples recorded with the participation of nine
actors portraying six emotional states: anger, fear, happiness, sadness,
surprise, and a neutral state. The text material used was carefully selected to
represent the phonetics of the Polish language adequately. The corpus is freely
available under the terms of a Creative Commons license (CC BY-NC-SA 4.0). | cs.CL | nEMO: Dataset of Emotional Speech in Polish |
2024-04-09T13:08:56Z | http://arxiv.org/pdf/2404.06283v1 | http://arxiv.org/abs/2404.06283v1 | Victoria Basmov, Yoav Goldberg, Reut Tsarfaty | 2024-04-09T13:08:56Z | cs.CL | The task of reading comprehension (RC), often implemented as context-based
question answering (QA), provides a primary means to assess language models'
natural language understanding (NLU) capabilities. Yet, when applied to large
language models (LLMs) with extensive built-in world knowledge, this method can
be deceptive. If the context aligns with the LLMs' internal knowledge, it is
hard to discern whether the models' answers stem from context comprehension or
from LLMs' internal information. Conversely, using data that conflicts with the
models' knowledge creates erroneous trends which distort the results. To
address this issue, we suggest to use RC on imaginary data, based on fictitious
facts and entities. This task is entirely independent of the models' world
knowledge, enabling us to evaluate LLMs' linguistic abilities without the
interference of parametric knowledge. Testing ChatGPT, GPT-4, LLaMA 2 and
Mixtral on such imaginary data, we uncover a class of linguistic phenomena
posing a challenge to current LLMs, involving thinking in terms of alternative,
hypothetical scenarios. While all the models handle simple affirmative and
negative contexts with high accuracy, they are much more prone to error when
dealing with modal and conditional contexts. Crucially, these phenomena also
trigger the LLMs' vulnerability to knowledge-conflicts again. In particular,
while some models prove virtually unaffected by knowledge conflicts in
affirmative and negative contexts, when faced with more semantically involved
modal and conditional environments, they often fail to separate the text from
their internal knowledge. | cs.CL | LLMs' Reading Comprehension Is Affected by Parametric Knowledge and Struggles with Hypothetical Statements |
2024-04-09T13:02:22Z | http://arxiv.org/pdf/2404.06278v1 | http://arxiv.org/abs/2404.06278v1 | Vitaly Bulgakov, Alec Segal | 2024-04-09T13:02:22Z | cs.DB, cs.AI, cs.CL, cs.LG | Dimensionality reduction in vector databases is pivotal for streamlining AI
data management, enabling efficient storage, faster computation, and improved
model performance. This paper explores the benefits of reducing vector database
dimensions, with a focus on computational efficiency and overcoming the curse
of dimensionality. We introduce a novel application of Fast Fourier Transform
(FFT) to dimensionality reduction, a method previously underexploited in this
context. By demonstrating its utility across various AI domains, including
Retrieval-Augmented Generation (RAG) models and image processing, this
FFT-based approach promises to improve data retrieval processes and enhance the
efficiency and scalability of AI solutions. The incorporation of FFT may not
only optimize operations in real-time processing and recommendation systems but
also extend to advanced image processing techniques, where dimensionality
reduction can significantly improve performance and analysis efficiency. This
paper advocates for the broader adoption of FFT in vector database management,
marking a significant stride towards addressing the challenges of data volume
and complexity in AI research and applications. Unlike many existing
approaches, we directly handle the embedding vectors produced by the model
after processing a test input. | cs.DB | Dimensionality Reduction in Sentence Transformer Vector Databases with Fast Fourier Transform |
2024-04-09T11:39:53Z | http://arxiv.org/pdf/2404.06228v2 | http://arxiv.org/abs/2404.06228v2 | Katharina Hämmerl, Jindřich Libovický, Alexander Fraser | 2024-06-11T17:33:52Z | cs.CL | Cross-lingual alignment, the meaningful similarity of representations across
languages in multilingual language models, has been an active field of research
in recent years. We survey the literature of techniques to improve
cross-lingual alignment, providing a taxonomy of methods and summarising
insights from throughout the field. We present different understandings of
cross-lingual alignment and their limitations. We provide a qualitative summary
of results from a large number of surveyed papers. Finally, we discuss how
these insights may be applied not only to encoder models, where this topic has
been heavily studied, but also to encoder-decoder or even decoder-only models,
and argue that an effective trade-off between language-neutral and
language-specific information is key. | cs.CL | Understanding Cross-Lingual Alignment -- A Survey |
2024-04-09T11:26:59Z | http://arxiv.org/pdf/2404.06224v1 | http://arxiv.org/abs/2404.06224v1 | Bill Cai, Clarence Boon Liang Ng, Daniel Tan, Shelvia Hotama | 2024-04-09T11:26:59Z | cs.CL, cs.AI, cs.LG | Dictionary example sentences play an important role in illustrating word
definitions and usage, but manually creating quality sentences is challenging.
Prior works have demonstrated that language models can be trained to generate
example sentences. However, they relied on costly customized models and word
sense datasets for generation and evaluation of their work. Rapid advancements
in foundational models present the opportunity to create low-cost, zero-shot
methods for the generation and evaluation of dictionary example sentences. We
introduce a new automatic evaluation metric called OxfordEval that measures the
win-rate of generated sentences against existing Oxford Dictionary sentences.
OxfordEval shows high alignment with human judgments, enabling large-scale
automated quality evaluation. We experiment with various LLMs and
configurations to generate dictionary sentences across word classes. We
complement this with a novel approach of using masked language models to
identify and select sentences that best exemplify word meaning. The eventual
model, FM-MLM, achieves over 85.1% win rate against Oxford baseline sentences
according to OxfordEval, compared to 39.8% win rate for prior model-generated
sentences. | cs.CL | Low-Cost Generation and Evaluation of Dictionary Example Sentences |
2024-04-09T11:10:00Z | http://arxiv.org/pdf/2404.06217v1 | http://arxiv.org/abs/2404.06217v1 | Li-Ming Zhan, Bo Liu, Xiao-Ming Wu | 2024-04-09T11:10:00Z | cs.CL | Out-of-distribution (OOD) detection plays a crucial role in ensuring the
safety and reliability of deep neural networks in various applications. While
there has been a growing focus on OOD detection in visual data, the field of
textual OOD detection has received less attention. Only a few attempts have
been made to directly apply general OOD detection methods to natural language
processing (NLP) tasks, without adequately considering the characteristics of
textual data. In this paper, we delve into textual OOD detection with
Transformers. We first identify a key problem prevalent in existing OOD
detection methods: the biased representation learned through the maximization
of the conditional likelihood $p(y\mid x)$ can potentially result in subpar
performance. We then propose a novel variational inference framework for OOD
detection (VI-OOD), which maximizes the likelihood of the joint distribution
$p(x, y)$ instead of $p(y\mid x)$. VI-OOD is tailored for textual OOD detection
by efficiently exploiting the representations of pre-trained Transformers.
Through comprehensive experiments on various text classification tasks, VI-OOD
demonstrates its effectiveness and wide applicability. Our code has been
released at \url{https://github.com/liam0949/LLM-OOD}. | cs.CL | VI-OOD: A Unified Representation Learning Framework for Textual Out-of-distribution Detection |
2024-04-09T11:04:50Z | http://arxiv.org/pdf/2404.06214v1 | http://arxiv.org/abs/2404.06214v1 | Leshem Choshen, Ryan Cotterell, Michael Y. Hu, Tal Linzen, Aaron Mueller, Candace Ross, Alex Warstadt, Ethan Wilcox, Adina Williams, Chengxu Zhuang | 2024-04-09T11:04:50Z | cs.CL | After last year's successful BabyLM Challenge, the competition will be hosted
again in 2024/2025. The overarching goals of the challenge remain the same;
however, some of the competition rules will be different. The big changes for
this year's competition are as follows: First, we replace the loose track with
a paper track, which allows (for example) non-model-based submissions, novel
cognitively-inspired benchmarks, or analysis techniques. Second, we are
relaxing the rules around pretraining data, and will now allow participants to
construct their own datasets provided they stay within the 100M-word or
10M-word budget. Third, we introduce a multimodal vision-and-language track,
and will release a corpus of 50% text-only and 50% image-text multimodal data
as a starting point for LM model training. The purpose of this CfP is to
provide rules for this year's challenge, explain these rule changes and their
rationale in greater detail, give a timeline of this year's competition, and
provide answers to frequently asked questions from last year's challenge. | cs.CL | [Call for Papers] The 2nd BabyLM Challenge: Sample-efficient pretraining on a developmentally plausible corpus |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.