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-13T03:23:15Z | http://arxiv.org/pdf/2404.08888v1 | http://arxiv.org/abs/2404.08888v1 | Yue Zhou, Barbara Di Eugenio, Brian Ziebart, Lisa Sharp, Bing Liu, Ben Gerber, Nikolaos Agadakos, Shweta Yadav | 2024-04-13T03:23:15Z | cs.CL, cs.LG | Health coaching helps patients identify and accomplish lifestyle-related
goals, effectively improving the control of chronic diseases and mitigating
mental health conditions. However, health coaching is cost-prohibitive due to
its highly personalized and labor-intensive nature. In this paper, we propose
to build a dialogue system that converses with the patients, helps them create
and accomplish specific goals, and can address their emotions with empathy.
However, building such a system is challenging since real-world health coaching
datasets are limited and empathy is subtle. Thus, we propose a modularized
health coaching dialogue system with simplified NLU and NLG frameworks combined
with mechanism-conditioned empathetic response generation. Through automatic
and human evaluation, we show that our system generates more empathetic,
fluent, and coherent responses and outperforms the state-of-the-art in NLU
tasks while requiring less annotation. We view our approach as a key step
towards building automated and more accessible health coaching systems. | cs.CL | Towards Enhancing Health Coaching Dialogue in Low-Resource Settings |
2024-04-13T03:15:56Z | http://arxiv.org/pdf/2404.08886v1 | http://arxiv.org/abs/2404.08886v1 | Henry Peng Zou, Gavin Heqing Yu, Ziwei Fan, Dan Bu, Han Liu, Peng Dai, Dongmei Jia, Cornelia Caragea | 2024-04-13T03:15:56Z | cs.CV, cs.AI, cs.CL, cs.IR, cs.LG | In e-commerce, accurately extracting product attribute values from multimodal
data is crucial for improving user experience and operational efficiency of
retailers. However, previous approaches to multimodal attribute value
extraction often struggle with implicit attribute values embedded in images or
text, rely heavily on extensive labeled data, and can easily confuse similar
attribute values. To address these issues, we introduce EIVEN, a data- and
parameter-efficient generative framework that pioneers the use of multimodal
LLM for implicit attribute value extraction. EIVEN leverages the rich inherent
knowledge of a pre-trained LLM and vision encoder to reduce reliance on labeled
data. We also introduce a novel Learning-by-Comparison technique to reduce
model confusion by enforcing attribute value comparison and difference
identification. Additionally, we construct initial open-source datasets for
multimodal implicit attribute value extraction. Our extensive experiments
reveal that EIVEN significantly outperforms existing methods in extracting
implicit attribute values while requiring less labeled data. | cs.CV | EIVEN: Efficient Implicit Attribute Value Extraction using Multimodal LLM |
2024-04-13T03:11:07Z | http://arxiv.org/pdf/2404.08885v1 | http://arxiv.org/abs/2404.08885v1 | Mengnan Qi, Yufan Huang, Yongqiang Yao, Maoquan Wang, Bin Gu, Neel Sundaresan | 2024-04-13T03:11:07Z | cs.PL, cs.CL, cs.LG | Large language models (LLMs) has experienced exponential growth, they
demonstrate remarkable performance across various tasks. Notwithstanding,
contemporary research primarily centers on enhancing the size and quality of
pretraining data, still utilizing the next token prediction task on
autoregressive transformer model structure. The efficacy of this task in truly
facilitating the model's comprehension of code logic remains questionable, we
speculate that it still interprets code as mere text, while human emphasizes
the underlying logical knowledge. In order to prove it, we introduce a new
task, "Logically Equivalent Code Selection," which necessitates the selection
of logically equivalent code from a candidate set, given a query code. Our
experimental findings indicate that current LLMs underperform in this task,
since they understand code by unordered bag of keywords. To ameliorate their
performance, we propose an advanced pretraining task, "Next Token Prediction+".
This task aims to modify the sentence embedding distribution of the LLM without
sacrificing its generative capabilities. Our experimental results reveal that
following this pretraining, both Code Llama and StarCoder, the prevalent code
domain pretraining models, display significant improvements on our logically
equivalent code selection task and the code completion task. | cs.PL | Is Next Token Prediction Sufficient for GPT? Exploration on Code Logic Comprehension |
2024-04-13T02:36:40Z | http://arxiv.org/pdf/2404.08877v1 | http://arxiv.org/abs/2404.08877v1 | Junjielong Xu, Ying Fu, Shin Hwei Tan, Pinjia He | 2024-04-13T02:36:40Z | cs.SE, cs.CL, cs.LG | Large language models (LLMs) have achieved decent results on automated
program repair (APR). However, the next token prediction training objective of
decoder-only LLMs (e.g., GPT-4) is misaligned with the masked span prediction
objective of current infilling-style methods, which impedes LLMs from fully
leveraging pre-trained knowledge for program repair. In addition, while some
LLMs are capable of locating and repairing bugs end-to-end when using the
related artifacts (e.g., test cases) as input, existing methods regard them as
separate tasks and ask LLMs to generate patches at fixed locations. This
restriction hinders LLMs from exploring potential patches beyond the given
locations.
In this paper, we investigate a new approach to adapt LLMs to program repair.
Our core insight is that LLM's APR capability can be greatly improved by simply
aligning the output to their training objective and allowing them to refine the
whole program without first performing fault localization. Based on this
insight, we designed D4C, a straightforward prompting framework for APR. D4C
can repair 180 bugs correctly in Defects4J, with each patch being sampled only
10 times. This surpasses the SOTA APR methods with perfect fault localization
by 10% and reduces the patch sampling number by 90%. Our findings reveal that
(1) objective alignment is crucial for fully exploiting LLM's pre-trained
capability, and (2) replacing the traditional localize-then-repair workflow
with direct debugging is more effective for LLM-based APR methods. Thus, we
believe this paper introduces a new mindset for harnessing LLMs in APR. | cs.SE | Aligning LLMs for FL-free Program Repair |
2024-04-13T01:13:59Z | http://arxiv.org/pdf/2404.08865v1 | http://arxiv.org/abs/2404.08865v1 | Daniel Machlab, Rick Battle | 2024-04-13T01:13:59Z | cs.CL, cs.LG | The proliferation of Large Language Models (LLMs) highlights the critical
importance of conducting thorough evaluations to discern their comparative
advantages, limitations, and optimal use cases. Particularly important is
assessing their capacity to accurately retrieve information included in a given
prompt. A model's ability to do this significantly influences how effectively
it can utilize contextual details, thus impacting its practical efficacy and
dependability in real-world applications.
Our research analyzes the in-context recall performance of various LLMs using
the needle-in-a-haystack method. In this approach, a factoid (the "needle") is
embedded within a block of filler text (the "haystack"), which the model is
asked to retrieve. We assess the recall performance of each model across
various haystack lengths and with varying needle placements to identify
performance patterns. This study demonstrates that an LLM's recall capability
is not only contingent upon the prompt's content but also may be compromised by
biases in its training data. Conversely, adjustments to model architecture,
training strategy, or fine-tuning can improve performance. Our analysis
provides insight into LLM behavior, offering direction for the development of
more effective applications of LLMs. | cs.CL | LLM In-Context Recall is Prompt Dependent |
2024-04-13T00:02:36Z | http://arxiv.org/pdf/2404.08856v1 | http://arxiv.org/abs/2404.08856v1 | Mukul Gagrani, Raghavv Goel, Wonseok Jeon, Junyoung Park, Mingu Lee, Christopher Lott | 2024-04-13T00:02:36Z | cs.CL, cs.AI, cs.LG | Inference with Multimodal Large Language Models (MLLMs) is slow due to their
large-language-model backbone which suffers from memory bandwidth bottleneck
and generates tokens auto-regressively. In this paper, we explore the
application of speculative decoding to enhance the inference efficiency of
MLLMs, specifically the LLaVA 7B model. We show that a language-only model can
serve as a good draft model for speculative decoding with LLaVA 7B, bypassing
the need for image tokens and their associated processing components from the
draft model. Our experiments across three different tasks show that speculative
decoding can achieve a memory-bound speedup of up to 2.37$\times$ using a 115M
parameter language model that we trained from scratch. Additionally, we
introduce a compact LLaVA draft model incorporating an image adapter, which
shows marginal performance gains in image captioning while maintaining
comparable results in other tasks. | cs.CL | On Speculative Decoding for Multimodal Large Language Models |
2024-04-12T23:27:46Z | http://arxiv.org/pdf/2404.08846v2 | http://arxiv.org/abs/2404.08846v2 | Subhojyoti Mukherjee, Anusha Lalitha, Aniket Deshmukh, Ge Liu, Yifei Ma, Branislav Kveton | 2024-05-31T02:37:10Z | cs.LG, cs.CL | One emergent ability of large language models (LLMs) is that query-specific
examples can be included in the prompt at inference time. In this work, we use
active learning for adaptive prompt design and call it Active In-context Prompt
Design (AIPD). We design the LLM prompt by adaptively choosing few-shot
examples from a training set to optimize performance on a test set. The
training examples are initially unlabeled and we obtain the label of the most
informative ones, which maximally reduces uncertainty in the LLM prediction. We
propose two algorithms, GO and SAL, which differ in how the few-shot examples
are chosen. We analyze these algorithms in linear models: first GO and then use
its equivalence with SAL. We experiment with many different tasks in small,
medium-sized, and large language models; and show that GO and SAL outperform
other methods for choosing few-shot examples in the LLM prompt at inference
time. | cs.LG | Experimental Design for Active Transductive Inference in Large Language Models |
2024-04-12T22:35:00Z | http://arxiv.org/pdf/2404.08836v1 | http://arxiv.org/abs/2404.08836v1 | Zezheng Li, Kingston Yip | 2024-04-12T22:35:00Z | cs.CL, cs.AI, cs.LG | This study introduces a novel BERT-LSH model that incorporates Locality
Sensitive Hashing (LSH) to approximate the attention mechanism in the BERT
architecture. We examine the computational efficiency and performance of this
model compared to a standard baseline BERT model. Our findings reveal that
BERT-LSH significantly reduces computational demand for the self-attention
layer while unexpectedly outperforming the baseline model in pretraining and
fine-tuning tasks. These results suggest that the LSH-based attention mechanism
not only offers computational advantages but also may enhance the model's
ability to generalize from its training data. For more information, visit our
GitHub repository: https://github.com/leo4life2/algoml-final | cs.CL | BERT-LSH: Reducing Absolute Compute For Attention |
2024-04-12T21:35:21Z | http://arxiv.org/pdf/2404.08821v1 | http://arxiv.org/abs/2404.08821v1 | Ji-Ung Lee, Marc E. Pfetsch, Iryna Gurevych | 2024-04-12T21:35:21Z | cs.CL | This work proposes a novel method to generate C-Tests; a deviated form of
cloze tests (a gap filling exercise) where only the last part of a word is
turned into a gap. In contrast to previous works that only consider varying the
gap size or gap placement to achieve locally optimal solutions, we propose a
mixed-integer programming (MIP) approach. This allows us to consider gap size
and placement simultaneously, achieving globally optimal solutions, and to
directly integrate state-of-the-art models for gap difficulty prediction into
the optimization problem. A user study with 40 participants across four C-Test
generation strategies (including GPT-4) shows that our approach (MIP)
significantly outperforms two of the baseline strategies (based on gap
placement and GPT-4); and performs on-par with the third (based on gap size).
Our analysis shows that GPT-4 still struggles to fulfill explicit constraints
during generation and that MIP produces C-Tests that correlate best with the
perceived difficulty. We publish our code, model, and collected data consisting
of 32 English C-Tests with 20 gaps each (totaling 3,200 individual gap
responses) under an open source license. | cs.CL | Constrained C-Test Generation via Mixed-Integer Programming |
2024-04-12T21:30:06Z | http://arxiv.org/pdf/2404.08819v2 | http://arxiv.org/abs/2404.08819v2 | William Merrill, Jackson Petty, Ashish Sabharwal | 2024-06-04T22:05:45Z | cs.LG, cs.CC, cs.CL, cs.FL | State-space models (SSMs) have emerged as a potential alternative
architecture for building large language models (LLMs) compared to the
previously ubiquitous transformer architecture. One theoretical weakness of
transformers is that they cannot express certain kinds of sequential
computation and state tracking (Merrill & Sabharwal, 2023), which SSMs are
explicitly designed to address via their close architectural similarity to
recurrent neural networks (RNNs). But do SSMs truly have an advantage (over
transformers) in expressive power for state tracking? Surprisingly, the answer
is no. Our analysis reveals that the expressive power of SSMs is limited very
similarly to transformers: SSMs cannot express computation outside the
complexity class $\mathsf{TC}^0$. In particular, this means they cannot solve
simple state-tracking problems like permutation composition. It follows that
SSMs are provably unable to accurately track chess moves with certain notation,
evaluate code, or track entities in a long narrative. To supplement our formal
analysis, we report experiments showing that Mamba-style SSMs indeed struggle
with state tracking. Thus, despite its recurrent formulation, the "state" in an
SSM is an illusion: SSMs have similar expressiveness limitations to
non-recurrent models like transformers, which may fundamentally limit their
ability to solve real-world state-tracking problems. | cs.LG | The Illusion of State in State-Space Models |
2024-04-12T21:28:18Z | http://arxiv.org/pdf/2404.08817v2 | http://arxiv.org/abs/2404.08817v2 | Yewei Song, Cedric Lothritz, Daniel Tang, Tegawendé F. Bissyandé, Jacques Klein | 2024-06-03T11:56:38Z | cs.CL, cs.PL, cs.SE | This paper revisits recent code similarity evaluation metrics, particularly
focusing on the application of Abstract Syntax Tree (AST) editing distance in
diverse programming languages. In particular, we explore the usefulness of
these metrics and compare them to traditional sequence similarity metrics. Our
experiments showcase the effectiveness of AST editing distance in capturing
intricate code structures, revealing a high correlation with established
metrics. Furthermore, we explore the strengths and weaknesses of AST editing
distance and prompt-based GPT similarity scores in comparison to BLEU score,
execution match, and Jaccard Similarity. We propose, optimize, and publish an
adaptable metric that demonstrates effectiveness across all tested languages,
representing an enhanced version of Tree Similarity of Edit Distance (TSED). | cs.CL | Revisiting Code Similarity Evaluation with Abstract Syntax Tree Edit Distance |
2024-04-12T21:16:53Z | http://arxiv.org/pdf/2404.08816v1 | http://arxiv.org/abs/2404.08816v1 | R. Michael Alvarez, Jacob Morrier | 2024-04-12T21:16:53Z | cs.CL, econ.EM | This paper presents a new approach to evaluating the quality of answers in
political question-and-answer sessions. We propose to measure an answer's
quality based on the degree to which it allows us to infer the initial question
accurately. This conception of answer quality inherently reflects their
relevance to initial questions. Drawing parallels with semantic search, we
argue that this measurement approach can be operationalized by fine-tuning a
large language model on the observed corpus of questions and answers without
additional labeled data. We showcase our measurement approach within the
context of the Question Period in the Canadian House of Commons. Our approach
yields valuable insights into the correlates of the quality of answers in the
Question Period. We find that answer quality varies significantly based on the
party affiliation of the members of Parliament asking the questions and uncover
a meaningful correlation between answer quality and the topics of the
questions. | cs.CL | Evaluating the Quality of Answers in Political Q&A Sessions with Large Language Models |
2024-04-12T20:41:47Z | http://arxiv.org/pdf/2404.08806v1 | http://arxiv.org/abs/2404.08806v1 | Matthew DeLorenzo, Vasudev Gohil, Jeyavijayan Rajendran | 2024-04-12T20:41:47Z | cs.CL | Large Language Models (LLMs) have proved effective and efficient in
generating code, leading to their utilization within the hardware design
process. Prior works evaluating LLMs' abilities for register transfer level
code generation solely focus on functional correctness. However, the creativity
associated with these LLMs, or the ability to generate novel and unique
solutions, is a metric not as well understood, in part due to the challenge of
quantifying this quality.
To address this research gap, we present CreativeEval, a framework for
evaluating the creativity of LLMs within the context of generating hardware
designs. We quantify four creative sub-components, fluency, flexibility,
originality, and elaboration, through various prompting and post-processing
techniques. We then evaluate multiple popular LLMs (including GPT models,
CodeLlama, and VeriGen) upon this creativity metric, with results indicating
GPT-3.5 as the most creative model in generating hardware designs. | cs.CL | CreativEval: Evaluating Creativity of LLM-Based Hardware Code Generation |
2024-04-12T20:28:14Z | http://arxiv.org/pdf/2404.08801v2 | http://arxiv.org/abs/2404.08801v2 | Xuezhe Ma, Xiaomeng Yang, Wenhan Xiong, Beidi Chen, Lili Yu, Hao Zhang, Jonathan May, Luke Zettlemoyer, Omer Levy, Chunting Zhou | 2024-04-16T07:27:58Z | cs.LG, cs.CL | The quadratic complexity and weak length extrapolation of Transformers limits
their ability to scale to long sequences, and while sub-quadratic solutions
like linear attention and state space models exist, they empirically
underperform Transformers in pretraining efficiency and downstream task
accuracy. We introduce Megalodon, a neural architecture for efficient sequence
modeling with unlimited context length. Megalodon inherits the architecture of
Mega (exponential moving average with gated attention), and further introduces
multiple technical components to improve its capability and stability,
including complex exponential moving average (CEMA), timestep normalization
layer, normalized attention mechanism and pre-norm with two-hop residual
configuration. In a controlled head-to-head comparison with Llama2, Megalodon
achieves better efficiency than Transformer in the scale of 7 billion
parameters and 2 trillion training tokens. Megalodon reaches a training loss of
1.70, landing mid-way between Llama2-7B (1.75) and 13B (1.67). Code:
https://github.com/XuezheMax/megalodon | cs.LG | Megalodon: Efficient LLM Pretraining and Inference with Unlimited Context Length |
2024-04-12T19:54:42Z | http://arxiv.org/pdf/2404.08793v1 | http://arxiv.org/abs/2404.08793v1 | Yingchaojie Feng, Zhizhang Chen, Zhining Kang, Sijia Wang, Minfeng Zhu, Wei Zhang, Wei Chen | 2024-04-12T19:54:42Z | cs.CR, cs.CL, cs.HC | The proliferation of large language models (LLMs) has underscored concerns
regarding their security vulnerabilities, notably against jailbreak attacks,
where adversaries design jailbreak prompts to circumvent safety mechanisms for
potential misuse. Addressing these concerns necessitates a comprehensive
analysis of jailbreak prompts to evaluate LLMs' defensive capabilities and
identify potential weaknesses. However, the complexity of evaluating jailbreak
performance and understanding prompt characteristics makes this analysis
laborious. We collaborate with domain experts to characterize problems and
propose an LLM-assisted framework to streamline the analysis process. It
provides automatic jailbreak assessment to facilitate performance evaluation
and support analysis of components and keywords in prompts. Based on the
framework, we design JailbreakLens, a visual analysis system that enables users
to explore the jailbreak performance against the target model, conduct
multi-level analysis of prompt characteristics, and refine prompt instances to
verify findings. Through a case study, technical evaluations, and expert
interviews, we demonstrate our system's effectiveness in helping users evaluate
model security and identify model weaknesses. | cs.CR | JailbreakLens: Visual Analysis of Jailbreak Attacks Against Large Language Models |
2024-04-12T18:42:18Z | http://arxiv.org/pdf/2404.08763v2 | http://arxiv.org/abs/2404.08763v2 | Je-Yong Lee, Donghyun Lee, Genghan Zhang, Mo Tiwari, Azalia Mirhoseini | 2024-04-27T00:01:02Z | cs.LG, cs.CL | Large Language Models (LLMs) have dramatically advanced AI applications, yet
their deployment remains challenging due to their immense inference costs.
Recent studies ameliorate the computational costs of LLMs by increasing their
activation sparsity but suffer from significant performance degradation on
downstream tasks. In this work, we introduce a new framework for sparsifying
the activations of base LLMs and reducing inference costs, dubbed Contextually
Aware Thresholding for Sparsity (CATS). CATS is relatively simple, easy to
implement, and highly effective. At the heart of our framework is a new
non-linear activation function. We demonstrate that CATS can be applied to
various base models, including Mistral-7B and Llama2-7B, and outperforms
existing sparsification techniques in downstream task performance. More
precisely, CATS-based models often achieve downstream task performance within
1-2% of their base models without any fine-tuning and even at activation
sparsity levels of 50%. Furthermore, CATS-based models converge faster and
display better task performance than competing techniques when fine-tuning is
applied. Finally, we develop a custom GPU kernel for efficient implementation
of CATS that translates the activation of sparsity of CATS to real wall-clock
time speedups. Our custom kernel implementation of CATS results in a ~15%
improvement in wall-clock inference latency of token generation on both
Llama-7B and Mistral-7B. | cs.LG | CATS: Contextually-Aware Thresholding for Sparsity in Large Language Models |
2024-04-12T18:36:20Z | http://arxiv.org/pdf/2404.08760v2 | http://arxiv.org/abs/2404.08760v2 | Siyang Liu, Trish Maturi, Bowen Yi, Siqi Shen, Rada Mihalcea | 2024-05-13T22:11:02Z | cs.CL, cs.AI | In this paper, we explore the alignment of values in Large Language Models
(LLMs) with specific age groups, leveraging data from the World Value Survey
across thirteen categories. Through a diverse set of prompts tailored to ensure
response robustness, we find a general inclination of LLM values towards
younger demographics. Additionally, we explore the impact of incorporating age
identity information in prompts and observe challenges in mitigating value
discrepancies with different age cohorts. Our findings highlight the age bias
in LLMs and provide insights for future work. | cs.CL | The Generation Gap:Exploring Age Bias in the Underlying Value Systems of Large Language Models |
2024-04-12T17:53:34Z | http://arxiv.org/pdf/2404.08634v1 | http://arxiv.org/abs/2404.08634v1 | Sunny Sanyal, Sujay Sanghavi, Alexandros G. Dimakis | 2024-04-12T17:53:34Z | cs.CL, cs.AI, cs.LG | We study the effectiveness of a simple approach to develop a small base
language model (LM) starting from an existing large base LM: first inherit a
few transformer blocks from the larger LM, and then train this smaller model on
a very small subset (0.1\%) of the raw pretraining data of the larger model. We
call our simple recipe Inheritune and first demonstrate it for building a small
base LM with 1.5B parameters using 1B tokens (and a starting few layers of
larger LM of 3B parameters); we do this using a single A6000 GPU for less than
half a day. Across 9 diverse evaluation datasets as well as the MMLU benchmark,
the resulting model compares favorably to publicly available base models of
1B-2B size, some of which have been trained using 50-1000 times more tokens.
We investigate Inheritune in a slightly different setting where we train
small LMs utilizing larger LMs and their full pre-training dataset. Here we
show that smaller LMs trained utilizing some of the layers of GPT2-medium
(355M) and GPT-2-large (770M) can effectively match the val loss of their
bigger counterparts when trained from scratch for the same number of training
steps on OpenWebText dataset with 9B tokens. We analyze our recipe with
extensive experiments and demonstrate it efficacy on diverse settings. Our code
is available at https://github.com/sanyalsunny111/LLM-Inheritune. | cs.CL | Pre-training Small Base LMs with Fewer Tokens |
2024-04-12T17:41:05Z | http://arxiv.org/pdf/2404.08627v1 | http://arxiv.org/abs/2404.08627v1 | Mingmeng Geng, Roberto Trotta | 2024-04-12T17:41:05Z | cs.CL, cs.AI, cs.DL, cs.LG | Based on one million arXiv papers submitted from May 2018 to January 2024, we
assess the textual density of ChatGPT's writing style in their abstracts by
means of a statistical analysis of word frequency changes. Our model is
calibrated and validated on a mixture of real abstracts and ChatGPT-modified
abstracts (simulated data) after a careful noise analysis. We find that ChatGPT
is having an increasing impact on arXiv abstracts, especially in the field of
computer science, where the fraction of ChatGPT-revised abstracts is estimated
to be approximately 35%, if we take the output of one of the simplest prompts,
"revise the following sentences", as a baseline. We conclude with an analysis
of both positive and negative aspects of the penetration of ChatGPT into
academics' writing style. | cs.CL | Is ChatGPT Transforming Academics' Writing Style? |
2024-04-12T17:27:54Z | http://arxiv.org/pdf/2404.08617v1 | http://arxiv.org/abs/2404.08617v1 | Aleksa Cvetanović, Predrag Tadić | 2024-04-12T17:27:54Z | cs.CL | In this paper, we focus on generating a synthetic question answering (QA)
dataset using an adapted Translate-Align-Retrieve method. Using this method, we
created the largest Serbian QA dataset of more than 87K samples, which we name
SQuAD-sr. To acknowledge the script duality in Serbian, we generated both
Cyrillic and Latin versions of the dataset. We investigate the dataset quality
and use it to fine-tune several pre-trained QA models. Best results were
obtained by fine-tuning the BERTi\'c model on our Latin SQuAD-sr dataset,
achieving 73.91% Exact Match and 82.97% F1 score on the benchmark XQuAD
dataset, which we translated into Serbian for the purpose of evaluation. The
results show that our model exceeds zero-shot baselines, but fails to go beyond
human performance. We note the advantage of using a monolingual pre-trained
model over multilingual, as well as the performance increase gained by using
Latin over Cyrillic. By performing additional analysis, we show that questions
about numeric values or dates are more likely to be answered correctly than
other types of questions. Finally, we conclude that SQuAD-sr is of sufficient
quality for fine-tuning a Serbian QA model, in the absence of a manually
crafted and annotated dataset. | cs.CL | Synthetic Dataset Creation and Fine-Tuning of Transformer Models for Question Answering in Serbian |
2024-04-12T16:44:28Z | http://arxiv.org/pdf/2404.08727v1 | http://arxiv.org/abs/2404.08727v1 | Xiang Zhang, Khatoon Khedri, Reza Rawassizadeh | 2024-04-12T16:44:28Z | cs.DB, cs.AI, cs.CL, 68-04, H.2.m | Large Language Models (LLMs) can automate or substitute different types of
tasks in the software engineering process. This study evaluates the resource
utilization and accuracy of LLM in interpreting and executing natural language
queries against traditional SQL within relational database management systems.
We empirically examine the resource utilization and accuracy of nine LLMs
varying from 7 to 34 Billion parameters, including Llama2 7B, Llama2 13B,
Mistral, Mixtral, Optimus-7B, SUS-chat-34B, platypus-yi-34b,
NeuralHermes-2.5-Mistral-7B and Starling-LM-7B-alpha, using a small transaction
dataset. Our findings indicate that using LLMs for database queries incurs
significant energy overhead (even small and quantized models), making it an
environmentally unfriendly approach. Therefore, we advise against replacing
relational databases with LLMs due to their substantial resource utilization. | cs.DB | Can LLMs substitute SQL? Comparing Resource Utilization of Querying LLMs versus Traditional Relational Databases |
2024-04-12T16:23:41Z | http://arxiv.org/pdf/2404.08579v1 | http://arxiv.org/abs/2404.08579v1 | William Gantt, Aaron Steven White | 2024-04-12T16:23:41Z | cs.CL, cs.AI, cs.LG | Effective ontology transfer has been a major goal of recent work on event
argument extraction (EAE). Two methods in particular -- question answering (QA)
and template infilling (TI) -- have emerged as promising approaches to this
problem. However, detailed explorations of these techniques' ability to
actually enable this transfer are lacking. In this work, we provide such a
study, exploring zero-shot transfer using both techniques on six major EAE
datasets at both the sentence and document levels. Further, we challenge the
growing reliance on LLMs for zero-shot extraction, showing that vastly smaller
models trained on an appropriate source ontology can yield zero-shot
performance superior to that of GPT-3.5 or GPT-4. | cs.CL | Small Models Are (Still) Effective Cross-Domain Argument Extractors |
2024-04-12T15:57:41Z | http://arxiv.org/pdf/2404.08559v1 | http://arxiv.org/abs/2404.08559v1 | Tianwen Tang, Tong Zhu, Haodong Liu, Yin Bai, Jia Cheng, Wenliang Chen | 2024-04-12T15:57:41Z | cs.CL | Zero-shot dialogue state tracking (DST) transfers knowledge to unseen
domains, reducing the cost of annotating new datasets. Previous zero-shot DST
models mainly suffer from domain transferring and partial prediction problems.
To address these challenges, we propose Mixture of Prefix Experts (MoPE) to
establish connections between similar slots in different domains, which
strengthens the model transfer performance in unseen domains. Empirical results
demonstrate that MoPE-DST achieves the joint goal accuracy of 57.13% on
MultiWOZ2.1 and 55.40% on SGD. | cs.CL | MoPE: Mixture of Prefix Experts for Zero-Shot Dialogue State Tracking |
2024-04-12T15:54:15Z | http://arxiv.org/pdf/2404.08555v2 | http://arxiv.org/abs/2404.08555v2 | Shreyas Chaudhari, Pranjal Aggarwal, Vishvak Murahari, Tanmay Rajpurohit, Ashwin Kalyan, Karthik Narasimhan, Ameet Deshpande, Bruno Castro da Silva | 2024-04-16T00:22:16Z | cs.LG, cs.AI, cs.CL | State-of-the-art large language models (LLMs) have become indispensable tools
for various tasks. However, training LLMs to serve as effective assistants for
humans requires careful consideration. A promising approach is reinforcement
learning from human feedback (RLHF), which leverages human feedback to update
the model in accordance with human preferences and mitigate issues like
toxicity and hallucinations. Yet, an understanding of RLHF for LLMs is largely
entangled with initial design choices that popularized the method and current
research focuses on augmenting those choices rather than fundamentally
improving the framework. In this paper, we analyze RLHF through the lens of
reinforcement learning principles to develop an understanding of its
fundamentals, dedicating substantial focus to the core component of RLHF -- the
reward model. Our study investigates modeling choices, caveats of function
approximation, and their implications on RLHF training algorithms, highlighting
the underlying assumptions made about the expressivity of reward. Our analysis
improves the understanding of the role of reward models and methods for their
training, concurrently revealing limitations of the current methodology. We
characterize these limitations, including incorrect generalization, model
misspecification, and the sparsity of feedback, along with their impact on the
performance of a language model. The discussion and analysis are substantiated
by a categorical review of current literature, serving as a reference for
researchers and practitioners to understand the challenges of RLHF and build
upon existing efforts. | cs.LG | RLHF Deciphered: A Critical Analysis of Reinforcement Learning from Human Feedback for LLMs |
2024-04-12T15:32:17Z | http://arxiv.org/pdf/2404.08538v1 | http://arxiv.org/abs/2404.08538v1 | Jonathan Rusert | 2024-04-12T15:32:17Z | cs.CL, I.2.7 | Text classification systems have continuously improved in performance over
the years. However, nearly all current SOTA classifiers have a similar
shortcoming, they process text in a horizontal manner. Vertically written words
will not be recognized by a classifier. In contrast, humans are easily able to
recognize and read words written both horizontally and vertically. Hence, a
human adversary could write problematic words vertically and the meaning would
still be preserved to other humans. We simulate such an attack, VertAttack.
VertAttack identifies which words a classifier is reliant on and then rewrites
those words vertically. We find that VertAttack is able to greatly drop the
accuracy of 4 different transformer models on 5 datasets. For example, on the
SST2 dataset, VertAttack is able to drop RoBERTa's accuracy from 94 to 13%.
Furthermore, since VertAttack does not replace the word, meaning is easily
preserved. We verify this via a human study and find that crowdworkers are able
to correctly label 77% perturbed texts perturbed, compared to 81% of the
original texts. We believe VertAttack offers a look into how humans might
circumvent classifiers in the future and thus inspire a look into more robust
algorithms. | cs.CL | VertAttack: Taking advantage of Text Classifiers' horizontal vision |
2024-04-12T14:55:16Z | http://arxiv.org/pdf/2404.08517v1 | http://arxiv.org/abs/2404.08517v1 | Xuan Xie, Jiayang Song, Zhehua Zhou, Yuheng Huang, Da Song, Lei Ma | 2024-04-12T14:55:16Z | cs.SE, cs.AI, cs.CL, cs.CR, cs.LG | While Large Language Models (LLMs) have seen widespread applications across
numerous fields, their limited interpretability poses concerns regarding their
safe operations from multiple aspects, e.g., truthfulness, robustness, and
fairness. Recent research has started developing quality assurance methods for
LLMs, introducing techniques such as offline detector-based or uncertainty
estimation methods. However, these approaches predominantly concentrate on
post-generation analysis, leaving the online safety analysis for LLMs during
the generation phase an unexplored area. To bridge this gap, we conduct in this
work a comprehensive evaluation of the effectiveness of existing online safety
analysis methods on LLMs. We begin with a pilot study that validates the
feasibility of detecting unsafe outputs in the early generation process.
Following this, we establish the first publicly available benchmark of online
safety analysis for LLMs, including a broad spectrum of methods, models, tasks,
datasets, and evaluation metrics. Utilizing this benchmark, we extensively
analyze the performance of state-of-the-art online safety analysis methods on
both open-source and closed-source LLMs. This analysis reveals the strengths
and weaknesses of individual methods and offers valuable insights into
selecting the most appropriate method based on specific application scenarios
and task requirements. Furthermore, we also explore the potential of using
hybridization methods, i.e., combining multiple methods to derive a collective
safety conclusion, to enhance the efficacy of online safety analysis for LLMs.
Our findings indicate a promising direction for the development of innovative
and trustworthy quality assurance methodologies for LLMs, facilitating their
reliable deployments across diverse domains. | cs.SE | Online Safety Analysis for LLMs: a Benchmark, an Assessment, and a Path Forward |
2024-04-12T14:50:41Z | http://arxiv.org/pdf/2404.08511v1 | http://arxiv.org/abs/2404.08511v1 | Shiva Aryal, Tuyen Do, Bisesh Heyojoo, Sandeep Chataut, Bichar Dip Shrestha Gurung, Venkataramana Gadhamshetty, Etienne Gnimpieba | 2024-04-12T14:50:41Z | cs.AI, cs.CL | In the rapidly evolving field of artificial intelligence, the ability to
harness and integrate knowledge across various domains stands as a paramount
challenge and opportunity. This study introduces a novel approach to
cross-domain knowledge discovery through the deployment of multi-AI agents,
each specialized in distinct knowledge domains. These AI agents, designed to
function as domain-specific experts, collaborate in a unified framework to
synthesize and provide comprehensive insights that transcend the limitations of
single-domain expertise. By facilitating seamless interaction among these
agents, our platform aims to leverage the unique strengths and perspectives of
each, thereby enhancing the process of knowledge discovery and decision-making.
We present a comparative analysis of the different multi-agent workflow
scenarios evaluating their performance in terms of efficiency, accuracy, and
the breadth of knowledge integration. Through a series of experiments involving
complex, interdisciplinary queries, our findings demonstrate the superior
capability of domain specific multi-AI agent system in identifying and bridging
knowledge gaps. This research not only underscores the significance of
collaborative AI in driving innovation but also sets the stage for future
advancements in AI-driven, cross-disciplinary research and application. Our
methods were evaluated on a small pilot data and it showed a trend we expected,
if we increase the amount of data we custom train the agents, the trend is
expected to be more smooth. | cs.AI | Leveraging Multi-AI Agents for Cross-Domain Knowledge Discovery |
2024-04-12T14:46:15Z | http://arxiv.org/pdf/2404.08509v1 | http://arxiv.org/abs/2404.08509v1 | Haoran Qiu, Weichao Mao, Archit Patke, Shengkun Cui, Saurabh Jha, Chen Wang, Hubertus Franke, Zbigniew T. Kalbarczyk, Tamer Başar, Ravishankar K. Iyer | 2024-04-12T14:46:15Z | cs.DC, cs.CL, cs.LG | Large language models (LLMs) have been driving a new wave of interactive AI
applications across numerous domains. However, efficiently serving LLM
inference requests is challenging due to their unpredictable execution times
originating from the autoregressive nature of generative models. Existing LLM
serving systems exploit first-come-first-serve (FCFS) scheduling, suffering
from head-of-line blocking issues. To address the non-deterministic nature of
LLMs and enable efficient interactive LLM serving, we present a speculative
shortest-job-first (SSJF) scheduler that uses a light proxy model to predict
LLM output sequence lengths. Our open-source SSJF implementation does not
require changes to memory management or batching strategies. Evaluations on
real-world datasets and production workload traces show that SSJF reduces
average job completion times by 30.5-39.6% and increases throughput by 2.2-3.6x
compared to FCFS schedulers, across no batching, dynamic batching, and
continuous batching settings. | cs.DC | Efficient Interactive LLM Serving with Proxy Model-based Sequence Length Prediction |
2024-04-12T14:25:49Z | http://arxiv.org/pdf/2404.08495v3 | http://arxiv.org/abs/2404.08495v3 | Jonathan D. Chang, Wenhao Zhan, Owen Oertell, Kianté Brantley, Dipendra Misra, Jason D. Lee, Wen Sun | 2024-04-16T17:36:39Z | cs.LG, cs.AI, cs.CL | Reinforcement Learning (RL) from Human Preference-based feedback is a popular
paradigm for fine-tuning generative models, which has produced impressive
models such as GPT-4 and Claude3 Opus. This framework often consists of two
steps: learning a reward model from an offline preference dataset followed by
running online RL to optimize the learned reward model. In this work,
leveraging the idea of reset, we propose a new RLHF algorithm with provable
guarantees. Motivated by the fact that offline preference dataset provides
informative states (i.e., data that is preferred by the labelers), our new
algorithm, Dataset Reset Policy Optimization (DR-PO), integrates the existing
offline preference dataset into the online policy training procedure via
dataset reset: it directly resets the policy optimizer to the states in the
offline dataset, instead of always starting from the initial state
distribution. In theory, we show that DR-PO learns to perform at least as good
as any policy that is covered by the offline dataset under general function
approximation with finite sample complexity. In experiments, we demonstrate
that on both the TL;DR summarization and the Anthropic Helpful Harmful (HH)
dataset, the generation from DR-PO is better than that from Proximal Policy
Optimization (PPO) and Direction Preference Optimization (DPO), under the
metric of GPT4 win-rate. Code for this work can be found at
https://github.com/Cornell-RL/drpo. | cs.LG | Dataset Reset Policy Optimization for RLHF |
2024-04-12T14:19:16Z | http://arxiv.org/pdf/2404.08491v1 | http://arxiv.org/abs/2404.08491v1 | Haozhe Zhao, Zefan Cai, Shuzheng Si, Liang Chen, Yufeng He, Kaikai An, Baobao Chang | 2024-04-12T14:19:16Z | cs.CL, cs.AI | Large-scale multilingual Pretrained Language Models (mPLMs) yield impressive
performance on cross-language tasks, yet significant performance disparities
exist across different languages within the same mPLM. Previous studies
endeavored to narrow these disparities by supervise fine-tuning the mPLMs with
multilingual data. However, obtaining labeled multilingual data is
time-consuming, and fine-tuning mPLM with limited labeled multilingual data
merely encapsulates the knowledge specific to the labeled data. Therefore, we
introduce ALSACE to leverage the learned knowledge from the well-performing
languages to guide under-performing ones within the same mPLM, eliminating the
need for additional labeled multilingual data. Experiments show that ALSACE
effectively mitigates language-level performance disparity across various mPLMs
while showing the competitive performance on different multilingual NLU tasks,
ranging from full resource to limited resource settings. The code for our
approach is available at https://github.com/pkunlp-icler/ALSACE. | cs.CL | Mitigating Language-Level Performance Disparity in mPLMs via Teacher Language Selection and Cross-lingual Self-Distillation |
2024-04-12T14:10:09Z | http://arxiv.org/pdf/2404.08488v1 | http://arxiv.org/abs/2404.08488v1 | Stefano De Paoli | 2024-04-12T14:10:09Z | cs.CL | This paper proposes a test to perform Thematic Analysis (TA) with Large
Language Model (LLM) on data which is in a different language than English.
While there has been initial promising work on using pre-trained LLMs for TA on
data in English, we lack any tests on whether these models can reasonably
perform the same analysis with good quality in other language. In this paper a
test will be proposed using an open access dataset of semi-structured
interviews in Italian. The test shows that a pre-trained model can perform such
a TA on the data, also using prompts in Italian. A comparative test shows the
model capacity to produce themes which have a good resemblance with those
produced independently by human researchers. The main implication of this study
is that pre-trained LLMs may thus be suitable to support analysis in
multilingual situations, so long as the language is supported by the model
used. | cs.CL | Thematic Analysis with Large Language Models: does it work with languages other than English? A targeted test in Italian |
2024-04-12T13:57:30Z | http://arxiv.org/pdf/2404.08480v1 | http://arxiv.org/abs/2404.08480v1 | Ozan Evkaya, Miguel de Carvalho | 2024-04-12T13:57:30Z | cs.LG, cs.CL, stat.CO | As a result of recent advancements in generative AI, the field of Data
Science is prone to various changes. This review critically examines the Data
Analysis (DA) capabilities of ChatGPT assessing its performance across a wide
range of tasks. While DA provides researchers and practitioners with
unprecedented analytical capabilities, it is far from being perfect, and it is
important to recognize and address its limitations. | cs.LG | Decoding AI: The inside story of data analysis in ChatGPT |
2024-04-12T12:06:02Z | http://arxiv.org/pdf/2404.08417v1 | http://arxiv.org/abs/2404.08417v1 | William Fleshman, Aleem Khan, Marc Marone, Benjamin Van Durme | 2024-04-12T12:06:02Z | cs.LG, cs.AI, cs.CL | Large language models (LLMs) are increasingly capable of completing knowledge
intensive tasks by recalling information from a static pretraining corpus. Here
we are concerned with LLMs in the context of evolving data requirements. For
instance: batches of new data that are introduced periodically; subsets of data
with user-based access controls; or requirements on dynamic removal of
documents with guarantees that associated knowledge cannot be recalled. We wish
to satisfy these requirements while at the same time ensuring a model does not
forget old information when new data becomes available. To address these
issues, we introduce AdapterSwap, a training and inference scheme that
organizes knowledge from a data collection into a set of low-rank adapters,
which are dynamically composed during inference. Our experiments demonstrate
AdapterSwap's ability to support efficient continual learning, while also
enabling organizations to have fine-grained control over data access and
deletion. | cs.LG | AdapterSwap: Continuous Training of LLMs with Data Removal and Access-Control Guarantees |
2024-04-12T11:31:18Z | http://arxiv.org/pdf/2407.00743v1 | http://arxiv.org/abs/2407.00743v1 | Sheng Wu, Jiaxing Liu, Longbiao Wang, Dongxiao He, Xiaobao Wang, Jianwu Dang | 2024-04-12T11:31:18Z | cs.MM, cs.AI, cs.CL, eess.AS | Emotion Recognition in Conversations (ERC) is a popular task in natural
language processing, which aims to recognize the emotional state of the speaker
in conversations. While current research primarily emphasizes contextual
modeling, there exists a dearth of investigation into effective multimodal
fusion methods. We propose a novel framework called AIMDiT to solve the problem
of multimodal fusion of deep features. Specifically, we design a Modality
Augmentation Network which performs rich representation learning through
dimension transformation of different modalities and parameter-efficient
inception block. On the other hand, the Modality Interaction Network performs
interaction fusion of extracted inter-modal features and intra-modal features.
Experiments conducted using our AIMDiT framework on the public benchmark
dataset MELD reveal 2.34% and 2.87% improvements in terms of the Acc-7 and w-F1
metrics compared to the state-of-the-art (SOTA) models. | cs.MM | AIMDiT: Modality Augmentation and Interaction via Multimodal Dimension Transformation for Emotion Recognition in Conversations |
2024-04-12T11:30:16Z | http://arxiv.org/pdf/2404.08403v1 | http://arxiv.org/abs/2404.08403v1 | Rita González-Márquez, Dmitry Kobak | 2024-04-12T11:30:16Z | cs.CL, cs.DL, cs.LG | The ICLR conference is unique among the top machine learning conferences in
that all submitted papers are openly available. Here we present the ICLR
dataset consisting of abstracts of all 24 thousand ICLR submissions from
2017-2024 with meta-data, decision scores, and custom keyword-based labels. We
find that on this dataset, bag-of-words representation outperforms most
dedicated sentence transformer models in terms of $k$NN classification
accuracy, and the top performing language models barely outperform TF-IDF. We
see this as a challenge for the NLP community. Furthermore, we use the ICLR
dataset to study how the field of machine learning has changed over the last
seven years, finding some improvement in gender balance. Using a 2D embedding
of the abstracts' texts, we describe a shift in research topics from 2017 to
2024 and identify hedgehogs and foxes among the authors with the highest number
of ICLR submissions. | cs.CL | Learning representations of learning representations |
2024-04-12T11:12:16Z | http://arxiv.org/pdf/2404.08720v1 | http://arxiv.org/abs/2404.08720v1 | Alexandre Audibert, Aurélien Gauffre, Massih-Reza Amini | 2024-04-12T11:12:16Z | cs.LG, cs.CL, cs.IR | Learning an effective representation in multi-label text classification
(MLTC) is a significant challenge in NLP. This challenge arises from the
inherent complexity of the task, which is shaped by two key factors: the
intricate connections between labels and the widespread long-tailed
distribution of the data. To overcome this issue, one potential approach
involves integrating supervised contrastive learning with classical supervised
loss functions. Although contrastive learning has shown remarkable performance
in multi-class classification, its impact in the multi-label framework has not
been thoroughly investigated. In this paper, we conduct an in-depth study of
supervised contrastive learning and its influence on representation in MLTC
context. We emphasize the importance of considering long-tailed data
distributions to build a robust representation space, which effectively
addresses two critical challenges associated with contrastive learning that we
identify: the "lack of positives" and the "attraction-repulsion imbalance".
Building on this insight, we introduce a novel contrastive loss function for
MLTC. It attains Micro-F1 scores that either match or surpass those obtained
with other frequently employed loss functions, and demonstrates a significant
improvement in Macro-F1 scores across three multi-label datasets. | cs.LG | Exploring Contrastive Learning for Long-Tailed Multi-Label Text Classification |
2024-04-12T10:36:15Z | http://arxiv.org/pdf/2404.08382v1 | http://arxiv.org/abs/2404.08382v1 | Xinpeng Wang, Chengzhi Hu, Bolei Ma, Paul Röttger, Barbara Plank | 2024-04-12T10:36:15Z | cs.CL, cs.AI | Multiple choice questions (MCQs) are commonly used to evaluate the
capabilities of large language models (LLMs). One common way to evaluate the
model response is to rank the candidate answers based on the log probability of
the first token prediction. An alternative way is to examine the text output.
Prior work has shown that first token probabilities lack robustness to changes
in MCQ phrasing, and that first token probabilities do not match text answers
for instruction-tuned models. Therefore, in this paper, we investigate the
robustness of text answers. We show that the text answers are more robust to
question perturbations than the first token probabilities, when the first token
answers mismatch the text answers. The difference in robustness increases as
the mismatch rate becomes greater. As the mismatch reaches over 50\%, the text
answer is more robust to option order changes than the debiased first token
probabilities using state-of-the-art debiasing methods such as PriDe. Our
findings provide further evidence for the benefits of text answer evaluation
over first token probability evaluation. | cs.CL | Look at the Text: Instruction-Tuned Language Models are More Robust Multiple Choice Selectors than You Think |
2024-04-12T10:12:38Z | http://arxiv.org/pdf/2404.08368v1 | http://arxiv.org/abs/2404.08368v1 | Monica Romero, Sandra Gomez, Iván G. Torre | 2024-04-12T10:12:38Z | cs.CL | Indigenous languages are a fundamental legacy in the development of human
communication, embodying the unique identity and culture of local communities
of America. The Second AmericasNLP Competition Track 1 of NeurIPS 2022 proposed
developing automatic speech recognition (ASR) systems for five indigenous
languages: Quechua, Guarani, Bribri, Kotiria, and Wa'ikhana. In this paper, we
propose a reliable ASR model for each target language by crawling speech
corpora spanning diverse sources and applying data augmentation methods that
resulted in the winning approach in this competition. To achieve this, we
systematically investigated the impact of different hyperparameters by a
Bayesian search on the performance of the language models, specifically
focusing on the variants of the Wav2vec2.0 XLS-R model: 300M and 1B parameters.
Moreover, we performed a global sensitivity analysis to assess the contribution
of various hyperparametric configurations to the performances of our best
models. Importantly, our results show that freeze fine-tuning updates and
dropout rate are more vital parameters than the total number of epochs of lr.
Additionally, we liberate our best models -- with no other ASR model reported
until now for two Wa'ikhana and Kotiria -- and the many experiments performed
to pave the way to other researchers to continue improving ASR in minority
languages. This insight opens up interesting avenues for future work, allowing
for the advancement of ASR techniques in the preservation of minority
indigenous and acknowledging the complexities involved in this important
endeavour. | cs.CL | ASR advancements for indigenous languages: Quechua, Guarani, Bribri, Kotiria, and Wa'ikhana |
2024-04-12T09:56:12Z | http://arxiv.org/pdf/2404.08359v1 | http://arxiv.org/abs/2404.08359v1 | Juraj Vladika, Florian Matthes | 2024-04-12T09:56:12Z | cs.CL, cs.AI, cs.IR | In today's digital world, seeking answers to health questions on the Internet
is a common practice. However, existing question answering (QA) systems often
rely on using pre-selected and annotated evidence documents, thus making them
inadequate for addressing novel questions. Our study focuses on the open-domain
QA setting, where the key challenge is to first uncover relevant evidence in
large knowledge bases. By utilizing the common retrieve-then-read QA pipeline
and PubMed as a trustworthy collection of medical research documents, we answer
health questions from three diverse datasets. We modify different retrieval
settings to observe their influence on the QA pipeline's performance, including
the number of retrieved documents, sentence selection process, the publication
year of articles, and their number of citations. Our results reveal that
cutting down on the amount of retrieved documents and favoring more recent and
highly cited documents can improve the final macro F1 score up to 10%. We
discuss the results, highlight interesting examples, and outline challenges for
future research, like managing evidence disagreement and crafting user-friendly
explanations. | cs.CL | Improving Health Question Answering with Reliable and Time-Aware Evidence Retrieval |
2024-04-12T09:48:58Z | http://arxiv.org/pdf/2404.08354v3 | http://arxiv.org/abs/2404.08354v3 | Xiao Zhang, Chunliu Wang, Rik van Noord, Johan Bos | 2024-05-07T21:15:40Z | cs.CL | The Parallel Meaning Bank (PMB) serves as a corpus for semantic processing
with a focus on semantic parsing and text generation. Currently, we witness an
excellent performance of neural parsers and generators on the PMB. This might
suggest that such semantic processing tasks have by and large been solved. We
argue that this is not the case and that performance scores from the past on
the PMB are inflated by non-optimal data splits and test sets that are too
easy. In response, we introduce several changes. First, instead of the prior
random split, we propose a more systematic splitting approach to improve the
reliability of the standard test data. Second, except for the standard test
set, we also propose two challenge sets: one with longer texts including
discourse structure, and one that addresses compositional generalization. We
evaluate five neural models for semantic parsing and meaning-to-text
generation. Our results show that model performance declines (in some cases
dramatically) on the challenge sets, revealing the limitations of neural models
when confronting such challenges. | cs.CL | Gaining More Insight into Neural Semantic Parsing with Challenging Benchmarks |
2024-04-12T09:21:29Z | http://arxiv.org/pdf/2404.08345v1 | http://arxiv.org/abs/2404.08345v1 | Marta Bañón, Jaume Zaragoza-Bernabeu, Gema Ramírez-Sánchez, Sergio Ortiz-Rojas | 2024-04-12T09:21:29Z | cs.CL | Language identification is a crucial component in the automated production of
language resources, particularly in multilingual and big data contexts.
However, commonly used language identifiers struggle to differentiate between
similar or closely-related languages. This paper introduces FastSpell, a
language identifier that combines fastText (a pre-trained language identifier
tool) and Hunspell (a spell checker) with the aim of having a refined
second-opinion before deciding which language should be assigned to a text. We
provide a description of the FastSpell algorithm along with an explanation on
how to use and configure it. To that end, we motivate the need of such a tool
and present a benchmark including some popular language identifiers evaluated
during the development of FastSpell. We show how FastSpell is useful not only
to improve identification of similar languages, but also to identify new ones
ignored by other tools. | cs.CL | FastSpell: the LangId Magic Spell |
2024-04-12T09:01:14Z | http://arxiv.org/pdf/2404.08335v1 | http://arxiv.org/abs/2404.08335v1 | Nived Rajaraman, Jiantao Jiao, Kannan Ramchandran | 2024-04-12T09:01:14Z | cs.CL, cs.LG | While there has been a large body of research attempting to circumvent
tokenization for language modeling (Clark et al., 2022; Xue et al., 2022), the
current consensus is that it is a necessary initial step for designing
state-of-the-art performant language models. In this paper, we investigate
tokenization from a theoretical point of view by studying the behavior of
transformers on simple data generating processes. When trained on data drawn
from certain simple $k^{\text{th}}$-order Markov processes for $k > 1$,
transformers exhibit a surprising phenomenon - in the absence of tokenization,
they empirically fail to learn the right distribution and predict characters
according to a unigram model (Makkuva et al., 2024). With the addition of
tokenization, however, we empirically observe that transformers break through
this barrier and are able to model the probabilities of sequences drawn from
the source near-optimally, achieving small cross-entropy loss. With this
observation as starting point, we study the end-to-end cross-entropy loss
achieved by transformers with and without tokenization. With the appropriate
tokenization, we show that even the simplest unigram models (over tokens)
learnt by transformers are able to model the probability of sequences drawn
from $k^{\text{th}}$-order Markov sources near optimally. Our analysis provides
a justification for the use of tokenization in practice through studying the
behavior of transformers on Markovian data. | cs.CL | Toward a Theory of Tokenization in LLMs |
2024-04-12T08:17:44Z | http://arxiv.org/pdf/2404.08313v1 | http://arxiv.org/abs/2404.08313v1 | Muzhi Li, Minda Hu, Irwin King, Ho-fung Leung | 2024-04-12T08:17:44Z | cs.CL, cs.AI | The Knowledge Graph Entity Typing (KGET) task aims to predict missing type
annotations for entities in knowledge graphs. Recent works only utilize the
\textit{\textbf{structural knowledge}} in the local neighborhood of entities,
disregarding \textit{\textbf{semantic knowledge}} in the textual
representations of entities, relations, and types that are also crucial for
type inference. Additionally, we observe that the interaction between semantic
and structural knowledge can be utilized to address the false-negative problem.
In this paper, we propose a novel \textbf{\underline{S}}emantic and
\textbf{\underline{S}}tructure-aware KG \textbf{\underline{E}}ntity
\textbf{\underline{T}}yping~{(SSET)} framework, which is composed of three
modules. First, the \textit{Semantic Knowledge Encoding} module encodes factual
knowledge in the KG with a Masked Entity Typing task. Then, the
\textit{Structural Knowledge Aggregation} module aggregates knowledge from the
multi-hop neighborhood of entities to infer missing types. Finally, the
\textit{Unsupervised Type Re-ranking} module utilizes the inference results
from the two models above to generate type predictions that are robust to
false-negative samples. Extensive experiments show that SSET significantly
outperforms existing state-of-the-art methods. | cs.CL | The Integration of Semantic and Structural Knowledge in Knowledge Graph Entity Typing |
2024-04-12T08:08:44Z | http://arxiv.org/pdf/2404.08309v1 | http://arxiv.org/abs/2404.08309v1 | Tianyu Zhang, Zixuan Zhao, Jiaqi Huang, Jingyu Hua, Sheng Zhong | 2024-04-12T08:08:44Z | cs.CR, cs.AI, cs.CL | As Large Language Models (LLMs) of Prompt Jailbreaking are getting more and
more attention, it is of great significance to raise a generalized research
paradigm to evaluate attack strengths and a basic model to conduct subtler
experiments. In this paper, we propose a novel approach by focusing on a set of
target questions that are inherently more sensitive to jailbreak prompts,
aiming to circumvent the limitations posed by enhanced LLM security. Through
designing and analyzing these sensitive questions, this paper reveals a more
effective method of identifying vulnerabilities in LLMs, thereby contributing
to the advancement of LLM security. This research not only challenges existing
jailbreaking methodologies but also fortifies LLMs against potential exploits. | cs.CR | Subtoxic Questions: Dive Into Attitude Change of LLM's Response in Jailbreak Attempts |
2024-04-12T06:23:07Z | http://arxiv.org/pdf/2404.08263v1 | http://arxiv.org/abs/2404.08263v1 | Pu Li, Xiaoyan Yu, Hao Peng, Yantuan Xian, Linqin Wang, Li Sun, Jingyun Zhang, Philip S. Yu | 2024-04-12T06:23:07Z | cs.CL, cs.AI, cs.LG, cs.SI | Social Event Detection (SED) aims to identify significant events from social
streams, and has a wide application ranging from public opinion analysis to
risk management. In recent years, Graph Neural Network (GNN) based solutions
have achieved state-of-the-art performance. However, GNN-based methods often
struggle with noisy and missing edges between messages, affecting the quality
of learned message embedding. Moreover, these methods statically initialize
node embedding before training, which, in turn, limits the ability to learn
from message texts and relations simultaneously. In this paper, we approach
social event detection from a new perspective based on Pre-trained Language
Models (PLMs), and present RPLM_SED (Relational prompt-based Pre-trained
Language Models for Social Event Detection). We first propose a new pairwise
message modeling strategy to construct social messages into message pairs with
multi-relational sequences. Secondly, a new multi-relational prompt-based
pairwise message learning mechanism is proposed to learn more comprehensive
message representation from message pairs with multi-relational prompts using
PLMs. Thirdly, we design a new clustering constraint to optimize the encoding
process by enhancing intra-cluster compactness and inter-cluster dispersion,
making the message representation more distinguishable. We evaluate the
RPLM_SED on three real-world datasets, demonstrating that the RPLM_SED model
achieves state-of-the-art performance in offline, online, low-resource, and
long-tail distribution scenarios for social event detection tasks. | cs.CL | Relational Prompt-based Pre-trained Language Models for Social Event Detection |
2024-04-12T06:21:48Z | http://arxiv.org/pdf/2404.08262v2 | http://arxiv.org/abs/2404.08262v2 | Kosuke Takahashi, Takahiro Omi, Kosuke Arima, Tatsuya Ishigaki | 2024-04-16T02:24:00Z | cs.CL, cs.AI, 68T50 | Several previous studies have considered language- and domain-specific large
language models (LLMs) as separate topics. This study explores the combination
of a non-English language and a high-demand industry domain, focusing on a
Japanese business-specific LLM. This type of a model requires expertise in the
business domain, strong language skills, and regular updates of its knowledge.
We trained a 13-billion-parameter LLM from scratch using a new dataset of
business texts and patents, and continually pretrained it with the latest
business documents. Further we propose a new benchmark for Japanese business
domain question answering (QA) and evaluate our models on it. The results show
that our pretrained model improves QA accuracy without losing general
knowledge, and that continual pretraining enhances adaptation to new
information. Our pretrained model and business domain benchmark are publicly
available. | cs.CL | Pretraining and Updating Language- and Domain-specific Large Language Model: A Case Study in Japanese Business Domain |
2024-04-12T06:16:26Z | http://arxiv.org/pdf/2404.08259v1 | http://arxiv.org/abs/2404.08259v1 | Wan-Hua Her, Udo Kruschwitz | 2024-04-12T06:16:26Z | cs.CL | Machine Translation has made impressive progress in recent years offering
close to human-level performance on many languages, but studies have primarily
focused on high-resource languages with broad online presence and resources.
With the help of growing Large Language Models, more and more low-resource
languages achieve better results through the presence of other languages.
However, studies have shown that not all low-resource languages can benefit
from multilingual systems, especially those with insufficient training and
evaluation data. In this paper, we revisit state-of-the-art Neural Machine
Translation techniques to develop automatic translation systems between German
and Bavarian. We investigate conditions of low-resource languages such as data
scarcity and parameter sensitivity and focus on refined solutions that combat
low-resource difficulties and creative solutions such as harnessing language
similarity. Our experiment entails applying Back-translation and Transfer
Learning to automatically generate more training data and achieve higher
translation performance. We demonstrate noisiness in the data and present our
approach to carry out text preprocessing extensively. Evaluation was conducted
using combined metrics: BLEU, chrF and TER. Statistical significance results
with Bonferroni correction show surprisingly high baseline systems, and that
Back-translation leads to significant improvement. Furthermore, we present a
qualitative analysis of translation errors and system limitations. | cs.CL | Investigating Neural Machine Translation for Low-Resource Languages: Using Bavarian as a Case Study |
2024-04-12T01:44:46Z | http://arxiv.org/pdf/2404.08191v1 | http://arxiv.org/abs/2404.08191v1 | Leandro Rodrigues de Souza, Thales Sales Almeida, Roberto Lotufo, Rodrigo Nogueira | 2024-04-12T01:44:46Z | cs.CL | Multilingual pretraining has been a successful solution to the challenges
posed by the lack of resources for languages. These models can transfer
knowledge to target languages with minimal or no examples. Recent research
suggests that monolingual models also have a similar capability, but the
mechanisms behind this transfer remain unclear. Some studies have explored
factors like language contamination and syntactic similarity. An emerging line
of research suggests that the representations learned by language models
contain two components: a language-specific and a language-agnostic component.
The latter is responsible for transferring a more universal knowledge. However,
there is a lack of comprehensive exploration of these properties across diverse
target languages. To investigate this hypothesis, we conducted an experiment
inspired by the work on the Scaling Laws for Transfer. We measured the amount
of data transferred from a source language to a target language and found that
models initialized from diverse languages perform similarly to a target
language in a cross-lingual setting. This was surprising because the amount of
data transferred to 10 diverse target languages, such as Spanish, Korean, and
Finnish, was quite similar. We also found evidence that this transfer is not
related to language contamination or language proximity, which strengthens the
hypothesis that the model also relies on language-agnostic knowledge. Our
experiments have opened up new possibilities for measuring how much data
represents the language-agnostic representations learned during pretraining. | cs.CL | Measuring Cross-lingual Transfer in Bytes |
2024-04-12T01:42:09Z | http://arxiv.org/pdf/2404.08189v1 | http://arxiv.org/abs/2404.08189v1 | Patrice Béchard, Orlando Marquez Ayala | 2024-04-12T01:42:09Z | cs.LG, cs.AI, cs.CL, cs.IR | A common and fundamental limitation of Generative AI (GenAI) is its
propensity to hallucinate. While large language models (LLM) have taken the
world by storm, without eliminating or at least reducing hallucinations,
real-world GenAI systems may face challenges in user adoption. In the process
of deploying an enterprise application that produces workflows based on natural
language requirements, we devised a system leveraging Retrieval Augmented
Generation (RAG) to greatly improve the quality of the structured output that
represents such workflows. Thanks to our implementation of RAG, our proposed
system significantly reduces hallucinations in the output and improves the
generalization of our LLM in out-of-domain settings. In addition, we show that
using a small, well-trained retriever encoder can reduce the size of the
accompanying LLM, thereby making deployments of LLM-based systems less
resource-intensive. | cs.LG | Reducing hallucination in structured outputs via Retrieval-Augmented Generation |
2024-04-12T00:03:56Z | http://arxiv.org/pdf/2404.08164v2 | http://arxiv.org/abs/2404.08164v2 | Haoting Zhang, Jinghai He, Rhonda Righter, Zeyu Zheng | 2024-05-20T02:34:42Z | stat.ML, cs.AI, cs.CL, cs.LG | With the advancement in generative language models, the selection of prompts
has gained significant attention in recent years. A prompt is an instruction or
description provided by the user, serving as a guide for the generative
language model in content generation. Despite existing methods for prompt
selection that are based on human labor, we consider facilitating this
selection through simulation optimization, aiming to maximize a pre-defined
score for the selected prompt. Specifically, we propose a two-stage framework.
In the first stage, we determine a feasible set of prompts in sufficient
numbers, where each prompt is represented by a moderate-dimensional vector. In
the subsequent stage for evaluation and selection, we construct a surrogate
model of the score regarding the moderate-dimensional vectors that represent
the prompts. We propose sequentially selecting the prompt for evaluation based
on this constructed surrogate model. We prove the consistency of the sequential
evaluation procedure in our framework. We also conduct numerical experiments to
demonstrate the efficacy of our proposed framework, providing practical
instructions for implementation. | stat.ML | Language Model Prompt Selection via Simulation Optimization |
2024-04-11T23:09:18Z | http://arxiv.org/pdf/2404.08156v1 | http://arxiv.org/abs/2404.08156v1 | Md Messal Monem Miah, Ulie Schnaithmann, Arushi Raghuvanshi, Youngseo Son | 2024-04-11T23:09:18Z | cs.CL | Detecting dialogue breakdown in real time is critical for conversational AI
systems, because it enables taking corrective action to successfully complete a
task. In spoken dialog systems, this breakdown can be caused by a variety of
unexpected situations including high levels of background noise, causing STT
mistranscriptions, or unexpected user flows. In particular, industry settings
like healthcare, require high precision and high flexibility to navigate
differently based on the conversation history and dialogue states. This makes
it both more challenging and more critical to accurately detect dialog
breakdown. To accurately detect breakdown, we found it requires processing
audio inputs along with downstream NLP model inferences on transcribed text in
real time. In this paper, we introduce a Multimodal Contextual Dialogue
Breakdown (MultConDB) model. This model significantly outperforms other known
best models by achieving an F1 of 69.27. | cs.CL | Multimodal Contextual Dialogue Breakdown Detection for Conversational AI Models |
2024-04-11T22:47:50Z | http://arxiv.org/pdf/2404.08155v1 | http://arxiv.org/abs/2404.08155v1 | Amin Hosseiny Marani, Ulie Schnaithmann, Youngseo Son, Akil Iyer, Manas Paldhe, Arushi Raghuvanshi | 2024-04-11T22:47:50Z | cs.CL | Current Conversational AI systems employ different machine learning
pipelines, as well as external knowledge sources and business logic to predict
the next action. Maintaining various components in dialogue managers' pipeline
adds complexity in expansion and updates, increases processing time, and causes
additive noise through the pipeline that can lead to incorrect next action
prediction. This paper investigates graph integration into language
transformers to improve understanding the relationships between humans'
utterances, previous, and next actions without the dependency on external
sources or components. Experimental analyses on real calls indicate that the
proposed Graph Integrated Language Transformer models can achieve higher
performance compared to other production level conversational AI systems in
driving interactive calls with human users in real-world settings. | cs.CL | Graph Integrated Language Transformers for Next Action Prediction in Complex Phone Calls |
2024-04-11T22:19:50Z | http://arxiv.org/pdf/2404.08148v1 | http://arxiv.org/abs/2404.08148v1 | Jierui Li, Raymond Mooney | 2024-04-11T22:19:50Z | cs.CL | Distilling explicit chain-of-thought reasoning paths has emerged as an
effective method for improving the reasoning abilities of large language models
(LLMs) across various tasks. However, when tackling complex tasks that pose
significant challenges for state-of-the-art models, this technique often
struggles to produce effective chains of thought that lead to correct answers.
In this work, we propose a novel approach to distill reasoning abilities from
LLMs by leveraging their capacity to explain solutions. We apply our method to
solving competitive-level programming challenges. More specifically, we employ
an LLM to generate explanations for a set of <problem, solution-program> pairs,
then use <problem, explanation> pairs to fine-tune a smaller language model,
which we refer to as the Reasoner, to learn algorithmic reasoning that can
generate "how-to-solve" hints for unseen problems. Our experiments demonstrate
that learning from explanations enables the Reasoner to more effectively guide
program implementation by a Coder, resulting in higher solve rates than strong
chain-of-thought baselines on competitive-level programming problems. It also
outperforms models that learn directly from <problem, solution-program> pairs.
We curated an additional test set in the CodeContests format, which includes
246 more recent problems posted after the models' knowledge cutoff. | cs.CL | Distilling Algorithmic Reasoning from LLMs via Explaining Solution Programs |
2024-04-11T21:31:02Z | http://arxiv.org/pdf/2404.08134v1 | http://arxiv.org/abs/2404.08134v1 | Eugene Yang, Dawn J. Lawrie, Paul McNamee, James Mayfield | 2024-04-11T21:31:02Z | cs.IR, cs.CL | This paper describes the submission runs from the HLTCOE team at the CIRAL
CLIR tasks for African languages at FIRE 2023. Our submissions use machine
translation models to translate the documents and the training passages, and
ColBERT-X as the retrieval model. Additionally, we present a set of unofficial
runs that use an alternative training procedure with a similar training
setting. | cs.IR | Extending Translate-Train for ColBERT-X to African Language CLIR |
2024-04-11T20:46:18Z | http://arxiv.org/pdf/2404.08118v1 | http://arxiv.org/abs/2404.08118v1 | Eugene Yang, Dawn Lawrie, James Mayfield | 2024-04-11T20:46:18Z | cs.CL, cs.IR | The HLTCOE team applied PLAID, an mT5 reranker, and document translation to
the TREC 2023 NeuCLIR track. For PLAID we included a variety of models and
training techniques -- the English model released with ColBERT v2,
translate-train~(TT), Translate Distill~(TD) and multilingual
translate-train~(MTT). TT trains a ColBERT model with English queries and
passages automatically translated into the document language from the MS-MARCO
v1 collection. This results in three cross-language models for the track, one
per language. MTT creates a single model for all three document languages by
combining the translations of MS-MARCO passages in all three languages into
mixed-language batches. Thus the model learns about matching queries to
passages simultaneously in all languages. Distillation uses scores from the mT5
model over non-English translated document pairs to learn how to score
query-document pairs. The team submitted runs to all NeuCLIR tasks: the CLIR
and MLIR news task as well as the technical documents task. | cs.CL | HLTCOE at TREC 2023 NeuCLIR Track |
2024-04-11T20:25:26Z | http://arxiv.org/pdf/2404.08111v1 | http://arxiv.org/abs/2404.08111v1 | Guangzhi Wang, Tianyi Chen, Kamran Ghasedi, HsiangTao Wu, Tianyu Ding, Chris Nuesmeyer, Ilya Zharkov, Mohan Kankanhalli, Luming Liang | 2024-04-11T20:25:26Z | cs.CV, cs.AI, cs.CL | Face attribute editing plays a pivotal role in various applications. However,
existing methods encounter challenges in achieving high-quality results while
preserving identity, editing faithfulness, and temporal consistency. These
challenges are rooted in issues related to the training pipeline, including
limited supervision, architecture design, and optimization strategy. In this
work, we introduce S3Editor, a Sparse Semantic-disentangled Self-training
framework for face video editing. S3Editor is a generic solution that
comprehensively addresses these challenges with three key contributions.
Firstly, S3Editor adopts a self-training paradigm to enhance the training
process through semi-supervision. Secondly, we propose a semantic disentangled
architecture with a dynamic routing mechanism that accommodates diverse editing
requirements. Thirdly, we present a structured sparse optimization schema that
identifies and deactivates malicious neurons to further disentangle impacts
from untarget attributes. S3Editor is model-agnostic and compatible with
various editing approaches. Our extensive qualitative and quantitative results
affirm that our approach significantly enhances identity preservation, editing
fidelity, as well as temporal consistency. | cs.CV | S3Editor: A Sparse Semantic-Disentangled Self-Training Framework for Face Video Editing |
2024-04-11T20:20:48Z | http://arxiv.org/pdf/2404.16053v1 | http://arxiv.org/abs/2404.16053v1 | Derek Jacoby, Tianyi Zhang, Aanchan Mohan, Yvonne Coady | 2024-04-11T20:20:48Z | cs.HC, cs.AI, cs.CL | A problem with many current Large Language Model (LLM) driven spoken
dialogues is the response time. Some efforts such as Groq address this issue by
lightning fast processing of the LLM, but we know from the cognitive psychology
literature that in human-to-human dialogue often responses occur prior to the
speaker completing their utterance. No amount of delay for LLM processing is
acceptable if we wish to maintain human dialogue latencies. In this paper, we
discuss methods for understanding an utterance in close to real time and
generating a response so that the system can comply with human-level
conversational turn delays. This means that the information content of the
final part of the speaker's utterance is lost to the LLM. Using the Google
NaturalQuestions (NQ) database, our results show GPT-4 can effectively fill in
missing context from a dropped word at the end of a question over 60% of the
time. We also provide some examples of utterances and the impacts of this
information loss on the quality of LLM response in the context of an avatar
that is currently under development. These results indicate that a simple
classifier could be used to determine whether a question is semantically
complete, or requires a filler phrase to allow a response to be generated
within human dialogue time constraints. | cs.HC | Human Latency Conversational Turns for Spoken Avatar Systems |
2024-04-11T19:38:22Z | http://arxiv.org/pdf/2404.16859v1 | http://arxiv.org/abs/2404.16859v1 | Dahlia Shehata, Robin Cohen, Charles Clarke | 2024-04-11T19:38:22Z | cs.CL, cs.SI | Conversational prompt-engineering-based large language models (LLMs) have
enabled targeted control over the output creation, enhancing versatility,
adaptability and adhoc retrieval. From another perspective, digital
misinformation has reached alarming levels. The anonymity, availability and
reach of social media offer fertile ground for rumours to propagate. This work
proposes to leverage the advancement of prompting-dependent LLMs to combat
misinformation by extending the research efforts of the RumourEval task on its
Twitter dataset. To the end, we employ two prompting-based LLM variants
(GPT-3.5-turbo and GPT-4) to extend the two RumourEval subtasks: (1) veracity
prediction, and (2) stance classification. For veracity prediction, three
classifications schemes are experimented per GPT variant. Each scheme is tested
in zero-, one- and few-shot settings. Our best results outperform the precedent
ones by a substantial margin. For stance classification,
prompting-based-approaches show comparable performance to prior results, with
no improvement over finetuning methods. Rumour stance subtask is also extended
beyond the original setting to allow multiclass classification. All of the
generated predictions for both subtasks are equipped with confidence scores
determining their trustworthiness degree according to the LLM, and post-hoc
justifications for explainability and interpretability purposes. Our primary
aim is AI for social good. | cs.CL | Rumour Evaluation with Very Large Language Models |
2024-04-11T19:15:32Z | http://arxiv.org/pdf/2404.08092v1 | http://arxiv.org/abs/2404.08092v1 | Fahim Faisal, Antonios Anastasopoulos | 2024-04-11T19:15:32Z | cs.CL, cs.AI | This report presents GMUNLP's participation to the Dialect-Copa shared task
at VarDial 2024, which focuses on evaluating the commonsense reasoning
capabilities of large language models (LLMs) on South Slavic micro-dialects.
The task aims to assess how well LLMs can handle non-standard dialectal
varieties, as their performance on standard languages is already
well-established. We propose an approach that combines the strengths of
different types of language models and leverages data augmentation techniques
to improve task performance on three South Slavic dialects: Chakavian,
Cherkano, and Torlak. We conduct experiments using a language-family-focused
encoder-based model (BERTi\'c) and a domain-agnostic multilingual model
(AYA-101). Our results demonstrate that the proposed data augmentation
techniques lead to substantial performance gains across all three test datasets
in the open-source model category. This work highlights the practical utility
of data augmentation and the potential of LLMs in handling non-standard
dialectal varieties, contributing to the broader goal of advancing natural
language understanding in low-resource and dialectal settings.
Code:https://github.com/ffaisal93/dialect_copa | cs.CL | Data-Augmentation-Based Dialectal Adaptation for LLMs |
2024-04-11T18:35:49Z | http://arxiv.org/pdf/2404.08080v1 | http://arxiv.org/abs/2404.08080v1 | Tanmay Gautam, Youngsuk Park, Hao Zhou, Parameswaran Raman, Wooseok Ha | 2024-04-11T18:35:49Z | cs.LG, cs.AI, cs.CL, math.OC | Fine-tuning language models (LMs) has demonstrated success in a wide array of
downstream tasks. However, as LMs are scaled up, the memory requirements for
backpropagation become prohibitively high. Zeroth-order (ZO) optimization
methods can leverage memory-efficient forward passes to estimate gradients.
More recently, MeZO, an adaptation of ZO-SGD, has been shown to consistently
outperform zero-shot and in-context learning when combined with suitable task
prompts. In this work, we couple ZO methods with variance reduction techniques
to enhance stability and convergence for inference-based LM fine-tuning. We
introduce Memory-Efficient Zeroth-Order Stochastic Variance-Reduced Gradient
(MeZO-SVRG) and demonstrate its efficacy across multiple LM fine-tuning tasks,
eliminating the reliance on task-specific prompts. Evaluated across a range of
both masked and autoregressive LMs on benchmark GLUE tasks, MeZO-SVRG
outperforms MeZO with up to 20% increase in test accuracies in both full- and
partial-parameter fine-tuning settings. MeZO-SVRG benefits from reduced
computation time as it often surpasses MeZO's peak test accuracy with a
$2\times$ reduction in GPU-hours. MeZO-SVRG significantly reduces the required
memory footprint compared to first-order SGD, i.e. by $2\times$ for
autoregressive models. Our experiments highlight that MeZO-SVRG's memory
savings progressively improve compared to SGD with larger batch sizes. | cs.LG | Variance-reduced Zeroth-Order Methods for Fine-Tuning Language Models |
2024-04-11T18:34:11Z | http://arxiv.org/pdf/2404.08078v1 | http://arxiv.org/abs/2404.08078v1 | Stefan Sylvius Wagner, Maike Behrendt, Marc Ziegele, Stefan Harmeling | 2024-04-11T18:34:11Z | cs.CL, cs.AI, cs.LG | Stance detection is an important task for many applications that analyse or
support online political discussions. Common approaches include fine-tuning
transformer based models. However, these models require a large amount of
labelled data, which might not be available. In this work, we present two
different ways to leverage LLM-generated synthetic data to train and improve
stance detection agents for online political discussions: first, we show that
augmenting a small fine-tuning dataset with synthetic data can improve the
performance of the stance detection model. Second, we propose a new active
learning method called SQBC based on the "Query-by-Comittee" approach. The key
idea is to use LLM-generated synthetic data as an oracle to identify the most
informative unlabelled samples, that are selected for manual labelling.
Comprehensive experiments show that both ideas can improve the stance detection
performance. Curiously, we observed that fine-tuning on actively selected
samples can exceed the performance of using the full dataset. | cs.CL | SQBC: Active Learning using LLM-Generated Synthetic Data for Stance Detection in Online Political Discussions |
2024-04-11T18:12:12Z | http://arxiv.org/pdf/2404.08066v1 | http://arxiv.org/abs/2404.08066v1 | Mobashir Sadat, Cornelia Caragea | 2024-04-11T18:12:12Z | cs.CL | The task of scientific Natural Language Inference (NLI) involves predicting
the semantic relation between two sentences extracted from research articles.
This task was recently proposed along with a new dataset called SciNLI derived
from papers published in the computational linguistics domain. In this paper,
we aim to introduce diversity in the scientific NLI task and present MSciNLI, a
dataset containing 132,320 sentence pairs extracted from five new scientific
domains. The availability of multiple domains makes it possible to study domain
shift for scientific NLI. We establish strong baselines on MSciNLI by
fine-tuning Pre-trained Language Models (PLMs) and prompting Large Language
Models (LLMs). The highest Macro F1 scores of PLM and LLM baselines are 77.21%
and 51.77%, respectively, illustrating that MSciNLI is challenging for both
types of models. Furthermore, we show that domain shift degrades the
performance of scientific NLI models which demonstrates the diverse
characteristics of different domains in our dataset. Finally, we use both
scientific NLI datasets in an intermediate task transfer learning setting and
show that they can improve the performance of downstream tasks in the
scientific domain. We make our dataset and code available on Github. | cs.CL | MSciNLI: A Diverse Benchmark for Scientific Natural Language Inference |
2024-04-11T17:59:45Z | http://arxiv.org/pdf/2404.07989v2 | http://arxiv.org/abs/2404.07989v2 | Yiwen Tang, Ray Zhang, Jiaming Liu, Zoey Guo, Dong Wang, Zhigang Wang, Bin Zhao, Shanghang Zhang, Peng Gao, Hongsheng Li, Xuelong Li | 2024-05-31T01:36:53Z | cs.CV, cs.AI, cs.CL, cs.LG, cs.SD, eess.AS | Large foundation models have recently emerged as a prominent focus of
interest, attaining superior performance in widespread scenarios. Due to the
scarcity of 3D data, many efforts have been made to adapt pre-trained
transformers from vision to 3D domains. However, such 2D-to-3D approaches are
still limited, due to the potential loss of spatial geometries and high
computation cost. More importantly, their frameworks are mainly designed for 2D
models, lacking a general any-to-3D paradigm. In this paper, we introduce
Any2Point, a parameter-efficient method to empower any-modality large models
(vision, language, audio) for 3D understanding. Given a frozen transformer from
any source modality, we propose a 3D-to-any (1D or 2D) virtual projection
strategy that correlates the input 3D points to the original 1D or 2D positions
within the source modality. This mechanism enables us to assign each 3D token
with a positional encoding paired with the pre-trained model, which avoids 3D
geometry loss caused by the true projection and better motivates the
transformer for 3D learning with 1D/2D positional priors. Then, within each
transformer block, we insert an any-to-3D guided adapter module for
parameter-efficient fine-tuning. The adapter incorporates prior spatial
knowledge from the source modality to guide the local feature aggregation of 3D
tokens, compelling the semantic adaption of any-modality transformers. We
conduct extensive experiments to showcase the effectiveness and efficiency of
our method. Code and models are released at
https://github.com/Ivan-Tang-3D/Any2Point. | cs.CV | Any2Point: Empowering Any-modality Large Models for Efficient 3D Understanding |
2024-04-11T17:58:05Z | http://arxiv.org/pdf/2404.07982v3 | http://arxiv.org/abs/2404.07982v3 | Anton Schäfer, Shauli Ravfogel, Thomas Hofmann, Tiago Pimentel, Imanol Schlag | 2024-05-13T13:30:35Z | cs.CL, cs.LG, I.2.7 | Multilinguality is crucial for extending recent advancements in language
modelling to diverse linguistic communities. To maintain high performance while
representing multiple languages, multilingual models ideally align
representations, allowing what is learned in one language to generalise to
others. Prior research has emphasised the importance of parallel data and
shared vocabulary elements as key factors for such alignment. In this study, we
investigate an unintuitive novel driver of cross-lingual generalisation:
language imbalance. In controlled experiments on perfectly equivalent cloned
languages, we observe that the existence of a predominant language during
training boosts the performance of less frequent languages and leads to
stronger alignment of model representations across languages. Furthermore, we
find that this trend is amplified with scale: with large enough models or long
enough training, we observe that bilingual training data with a 90/10 language
split yields better performance on both languages than a balanced 50/50 split.
Building on these insights, we design training schemes that can improve
performance in all cloned languages, even without altering the training data.
As we extend our analysis to real languages, we find that infrequent languages
still benefit from frequent ones, yet whether language imbalance causes
cross-lingual generalisation there is not conclusive. | cs.CL | Language Imbalance Can Boost Cross-lingual Generalisation |
2024-04-11T17:57:32Z | http://arxiv.org/pdf/2404.07981v1 | http://arxiv.org/abs/2404.07981v1 | Aounon Kumar, Himabindu Lakkaraju | 2024-04-11T17:57:32Z | cs.IR, cs.AI, cs.CL | Large language models (LLMs) are increasingly being integrated into search
engines to provide natural language responses tailored to user queries.
Customers and end-users are also becoming more dependent on these models for
quick and easy purchase decisions. In this work, we investigate whether
recommendations from LLMs can be manipulated to enhance a product's visibility.
We demonstrate that adding a strategic text sequence (STS) -- a carefully
crafted message -- to a product's information page can significantly increase
its likelihood of being listed as the LLM's top recommendation. To understand
the impact of STS, we use a catalog of fictitious coffee machines and analyze
its effect on two target products: one that seldom appears in the LLM's
recommendations and another that usually ranks second. We observe that the
strategic text sequence significantly enhances the visibility of both products
by increasing their chances of appearing as the top recommendation. This
ability to manipulate LLM-generated search responses provides vendors with a
considerable competitive advantage and has the potential to disrupt fair market
competition. Just as search engine optimization (SEO) revolutionized how
webpages are customized to rank higher in search engine results, influencing
LLM recommendations could profoundly impact content optimization for AI-driven
search services. Code for our experiments is available at
https://github.com/aounon/llm-rank-optimizer. | cs.IR | Manipulating Large Language Models to Increase Product Visibility |
2024-04-11T17:57:22Z | http://arxiv.org/pdf/2404.07979v1 | http://arxiv.org/abs/2404.07979v1 | Sijun Tan, Xiuyu Li, Shishir Patil, Ziyang Wu, Tianjun Zhang, Kurt Keutzer, Joseph E. Gonzalez, Raluca Ada Popa | 2024-04-11T17:57:22Z | cs.CL, cs.AI, cs.LG | Processing long contexts remains a challenge for large language models (LLMs)
due to the quadratic computational and memory overhead of the self-attention
mechanism and the substantial KV cache sizes during generation. We propose a
novel approach to address this problem by learning contexts offline through
context compression and in-domain parameter-efficient finetuning. Our method
enables an LLM to create a concise representation of the original context and
efficiently retrieve relevant information to answer questions accurately. We
introduce LLoCO, a technique that combines context compression, retrieval, and
parameter-efficient finetuning using LoRA. Our approach extends the effective
context window of a 4k token LLaMA2-7B model to handle up to 128k tokens. We
evaluate our approach on several long-context question-answering datasets,
demonstrating that LLoCO significantly outperforms in-context learning while
using $30\times$ fewer tokens during inference. LLoCO achieves up to
$7.62\times$ speed-up and substantially reduces the cost of long document
question answering, making it a promising solution for efficient long context
processing. Our code is publicly available at
https://github.com/jeffreysijuntan/lloco. | cs.CL | LLoCO: Learning Long Contexts Offline |
2024-04-11T17:56:05Z | http://arxiv.org/pdf/2404.07972v2 | http://arxiv.org/abs/2404.07972v2 | Tianbao Xie, Danyang Zhang, Jixuan Chen, Xiaochuan Li, Siheng Zhao, Ruisheng Cao, Toh Jing Hua, Zhoujun Cheng, Dongchan Shin, Fangyu Lei, Yitao Liu, Yiheng Xu, Shuyan Zhou, Silvio Savarese, Caiming Xiong, Victor Zhong, Tao Yu | 2024-05-30T08:55:12Z | cs.AI, cs.CL | Autonomous agents that accomplish complex computer tasks with minimal human
interventions have the potential to transform human-computer interaction,
significantly enhancing accessibility and productivity. However, existing
benchmarks either lack an interactive environment or are limited to
environments specific to certain applications or domains, failing to reflect
the diverse and complex nature of real-world computer use, thereby limiting the
scope of tasks and agent scalability. To address this issue, we introduce
OSWorld, the first-of-its-kind scalable, real computer environment for
multimodal agents, supporting task setup, execution-based evaluation, and
interactive learning across various operating systems such as Ubuntu, Windows,
and macOS. OSWorld can serve as a unified, integrated computer environment for
assessing open-ended computer tasks that involve arbitrary applications.
Building upon OSWorld, we create a benchmark of 369 computer tasks involving
real web and desktop apps in open domains, OS file I/O, and workflows spanning
multiple applications. Each task example is derived from real-world computer
use cases and includes a detailed initial state setup configuration and a
custom execution-based evaluation script for reliable, reproducible evaluation.
Extensive evaluation of state-of-the-art LLM/VLM-based agents on OSWorld
reveals significant deficiencies in their ability to serve as computer
assistants. While humans can accomplish over 72.36% of the tasks, the best
model achieves only 12.24% success, primarily struggling with GUI grounding and
operational knowledge. Comprehensive analysis using OSWorld provides valuable
insights for developing multimodal generalist agents that were not possible
with previous benchmarks. Our code, environment, baseline models, and data are
publicly available at https://os-world.github.io. | cs.AI | OSWorld: Benchmarking Multimodal Agents for Open-Ended Tasks in Real Computer Environments |
2024-04-11T17:52:01Z | http://arxiv.org/pdf/2404.07965v2 | http://arxiv.org/abs/2404.07965v2 | Zhenghao Lin, Zhibin Gou, Yeyun Gong, Xiao Liu, Yelong Shen, Ruochen Xu, Chen Lin, Yujiu Yang, Jian Jiao, Nan Duan, Weizhu Chen | 2024-05-23T06:57:07Z | cs.CL, cs.AI | Previous language model pre-training methods have uniformly applied a
next-token prediction loss to all training tokens. Challenging this norm, we
posit that ''Not all tokens in a corpus are equally important for language
model training''. Our initial analysis examines token-level training dynamics
of language model, revealing distinct loss patterns for different tokens.
Leveraging these insights, we introduce a new language model called Rho-1.
Unlike traditional LMs that learn to predict every next token in a corpus,
Rho-1 employs Selective Language Modeling (SLM), which selectively trains on
useful tokens that aligned with the desired distribution. This approach
involves scoring pretraining tokens using a reference model, and then training
the language model with a focused loss on tokens with higher scores. When
continual pretraining on 15B OpenWebMath corpus, Rho-1 yields an absolute
improvement in few-shot accuracy of up to 30% in 9 math tasks. After
fine-tuning, Rho-1-1B and 7B achieved state-of-the-art results of 40.6% and
51.8% on MATH dataset, respectively - matching DeepSeekMath with only 3% of the
pretraining tokens. Furthermore, when pretraining on 80B general tokens, Rho-1
achieves 6.8% average enhancement across 15 diverse tasks, increasing both
efficiency and performance of the language model pre-training. | cs.CL | Rho-1: Not All Tokens Are What You Need |
2024-04-11T17:44:56Z | http://arxiv.org/pdf/2404.08707v4 | http://arxiv.org/abs/2404.08707v4 | Haokun Zhao, Haixia Han, Jie Shi, Chengyu Du, Jiaqing Liang, Yanghua Xiao | 2024-06-17T11:32:29Z | cs.LG, cs.AI, cs.CL | As world knowledge evolves and new task paradigms emerge, Continual Learning
(CL) is crucial for keeping Large Language Models (LLMs) up-to-date and
addressing their shortcomings. In practical applications, LLMs often require
both continual instruction tuning (CIT) and continual pre-training (CPT) to
adapt to new task paradigms and acquire necessary knowledge for task-solving.
However, it remains challenging to collect CPT data that addresses the
knowledge deficiencies in models while maintaining adequate volume, and
improving the efficiency of utilizing this data also presents significant
difficulties. Inspired by the 'summarizing mistakes' learning skill, we propose
the Continue Evolving from Mistakes (CEM) method, aiming to provide a
data-efficient approach for collecting CPT data and continually improving LLMs'
performance through iterative evaluation and supplementation with
mistake-relevant knowledge. To efficiently utilize these CPT data and mitigate
forgetting, we design a novel CL training set construction paradigm that
integrates parallel CIT and CPT data. Extensive experiments demonstrate the
efficacy of the CEM method, achieving up to a 17% improvement in accuracy in
the best case. Furthermore, additional experiments confirm the potential of
combining CEM with catastrophic forgetting mitigation methods, enabling
iterative and continual model evolution. | cs.LG | Large Language Model Can Continue Evolving From Mistakes |
2024-04-11T17:09:28Z | http://arxiv.org/pdf/2404.07922v5 | http://arxiv.org/abs/2404.07922v5 | Chi Tran, Huong Le Thanh | 2024-05-26T10:27:51Z | cs.CL, cs.CV, cs.LG | Large Language Models (LLMs) and Multimodal Large language models (MLLMs)
have taken the world by storm with impressive abilities in complex reasoning
and linguistic comprehension. Meanwhile there are plethora of works related to
Vietnamese Large Language Models, the lack of high-quality resources in
multimodality limits the progress of Vietnamese MLLMs. In this paper, we
pioneer in address this by introducing LaVy, a state-of-the-art Vietnamese
MLLM, and we also introduce LaVy-Bench benchmark designated for evaluating
MLLMs's understanding on Vietnamese visual language tasks. Our project is
public at https://github.com/baochi0212/LaVy | cs.CL | LaVy: Vietnamese Multimodal Large Language Model |
2024-04-11T17:05:50Z | http://arxiv.org/pdf/2404.07921v2 | http://arxiv.org/abs/2404.07921v2 | Zeyi Liao, Huan Sun | 2024-05-02T01:08:37Z | cs.CL | As large language models (LLMs) become increasingly prevalent and integrated
into autonomous systems, ensuring their safety is imperative. Despite
significant strides toward safety alignment, recent work
GCG~\citep{zou2023universal} proposes a discrete token optimization algorithm
and selects the single suffix with the lowest loss to successfully jailbreak
aligned LLMs. In this work, we first discuss the drawbacks of solely picking
the suffix with the lowest loss during GCG optimization for jailbreaking and
uncover the missed successful suffixes during the intermediate steps. Moreover,
we utilize those successful suffixes as training data to learn a generative
model, named AmpleGCG, which captures the distribution of adversarial suffixes
given a harmful query and enables the rapid generation of hundreds of suffixes
for any harmful queries in seconds. AmpleGCG achieves near 100\% attack success
rate (ASR) on two aligned LLMs (Llama-2-7B-chat and Vicuna-7B), surpassing two
strongest attack baselines. More interestingly, AmpleGCG also transfers
seamlessly to attack different models, including closed-source LLMs, achieving
a 99\% ASR on the latest GPT-3.5. To summarize, our work amplifies the impact
of GCG by training a generative model of adversarial suffixes that is universal
to any harmful queries and transferable from attacking open-source LLMs to
closed-source LLMs. In addition, it can generate 200 adversarial suffixes for
one harmful query in only 4 seconds, rendering it more challenging to defend. | cs.CL | AmpleGCG: Learning a Universal and Transferable Generative Model of Adversarial Suffixes for Jailbreaking Both Open and Closed LLMs |
2024-04-11T16:59:54Z | http://arxiv.org/pdf/2404.07917v1 | http://arxiv.org/abs/2404.07917v1 | Anna C. Doris, Daniele Grandi, Ryan Tomich, Md Ferdous Alam, Hyunmin Cheong, Faez Ahmed | 2024-04-11T16:59:54Z | cs.AI, cs.CL | This research introduces DesignQA, a novel benchmark aimed at evaluating the
proficiency of multimodal large language models (MLLMs) in comprehending and
applying engineering requirements in technical documentation. Developed with a
focus on real-world engineering challenges, DesignQA uniquely combines
multimodal data-including textual design requirements, CAD images, and
engineering drawings-derived from the Formula SAE student competition.
Different from many existing MLLM benchmarks, DesignQA contains
document-grounded visual questions where the input image and input document
come from different sources. The benchmark features automatic evaluation
metrics and is divided into segments-Rule Comprehension, Rule Compliance, and
Rule Extraction-based on tasks that engineers perform when designing according
to requirements. We evaluate state-of-the-art models like GPT4 and LLaVA
against the benchmark, and our study uncovers the existing gaps in MLLMs'
abilities to interpret complex engineering documentation. Key findings suggest
that while MLLMs demonstrate potential in navigating technical documents,
substantial limitations exist, particularly in accurately extracting and
applying detailed requirements to engineering designs. This benchmark sets a
foundation for future advancements in AI-supported engineering design
processes. DesignQA is publicly available at:
https://github.com/anniedoris/design_qa/. | cs.AI | DesignQA: A Multimodal Benchmark for Evaluating Large Language Models' Understanding of Engineering Documentation |
2024-04-11T16:43:03Z | http://arxiv.org/pdf/2404.07904v1 | http://arxiv.org/abs/2404.07904v1 | Zhen Qin, Songlin Yang, Weixuan Sun, Xuyang Shen, Dong Li, Weigao Sun, Yiran Zhong | 2024-04-11T16:43:03Z | cs.CL | Hierarchically gated linear RNN (HGRN,Qin et al. 2023) has demonstrated
competitive training speed and performance in language modeling, while offering
efficient inference. However, the recurrent state size of HGRN remains
relatively small, which limits its expressiveness.To address this issue,
inspired by linear attention, we introduce a simple outer-product-based state
expansion mechanism so that the recurrent state size can be significantly
enlarged without introducing any additional parameters. The linear attention
form also allows for hardware-efficient training.Our extensive experiments
verify the advantage of HGRN2 over HGRN1 in language modeling, image
classification, and Long Range Arena.Our largest 3B HGRN2 model slightly
outperforms Mamba and LLaMa Architecture Transformer for language modeling in a
controlled experiment setting; and performs competitively with many open-source
3B models in downstream evaluation while using much fewer total training
tokens. | cs.CL | HGRN2: Gated Linear RNNs with State Expansion |
2024-04-11T16:39:00Z | http://arxiv.org/pdf/2404.07900v2 | http://arxiv.org/abs/2404.07900v2 | Samuel Cahyawijaya, Delong Chen, Yejin Bang, Leila Khalatbari, Bryan Wilie, Ziwei Ji, Etsuko Ishii, Pascale Fung | 2024-06-25T12:23:00Z | cs.CL, cs.AI | The widespread application of Large Language Models (LLMs) across various
tasks and fields has necessitated the alignment of these models with human
values and preferences. Given various approaches of human value alignment,
ranging from Reinforcement Learning with Human Feedback (RLHF), to
constitutional learning, etc. there is an urgent need to understand the scope
and nature of human values injected into these models before their release.
There is also a need for model alignment without a costly large scale human
annotation effort. We propose UniVaR, a high-dimensional representation of
human value distributions in LLMs, orthogonal to model architecture and
training data. Trained from the value-relevant output of eight multilingual
LLMs and tested on the output from four multilingual LLMs, namely LlaMA2,
ChatGPT, JAIS and Yi, we show that UniVaR is a powerful tool to compare the
distribution of human values embedded in different LLMs with different langauge
sources. Through UniVaR, we explore how different LLMs prioritize various
values in different languages and cultures, shedding light on the complex
interplay between human values and language modeling. | cs.CL | High-Dimension Human Value Representation in Large Language Models |
2024-04-11T16:10:44Z | http://arxiv.org/pdf/2404.07879v1 | http://arxiv.org/abs/2404.07879v1 | Vigneshwaran Shankaran, Rajesh Sharma | 2024-04-11T16:10:44Z | cs.CL, cs.CY, cs.SI | Online social media has become increasingly popular in recent years due to
its ease of access and ability to connect with others. One of social media's
main draws is its anonymity, allowing users to share their thoughts and
opinions without fear of judgment or retribution. This anonymity has also made
social media prone to harmful content, which requires moderation to ensure
responsible and productive use. Several methods using artificial intelligence
have been employed to detect harmful content. However, conversation and
contextual analysis of hate speech are still understudied. Most promising works
only analyze a single text at a time rather than the conversation supporting
it. In this work, we employ a tree-based approach to understand how users
behave concerning toxicity in public conversation settings. To this end, we
collect both the posts and the comment sections of the top 100 posts from 8
Reddit communities that allow profanity, totaling over 1 million responses. We
find that toxic comments increase the likelihood of subsequent toxic comments
being produced in online conversations. Our analysis also shows that immediate
context plays a vital role in shaping a response rather than the original post.
We also study the effect of consensual profanity and observe overlapping
similarities with non-consensual profanity in terms of user behavior and
patterns. | cs.CL | Analyzing Toxicity in Deep Conversations: A Reddit Case Study |
2024-04-11T15:47:10Z | http://arxiv.org/pdf/2404.07851v1 | http://arxiv.org/abs/2404.07851v1 | Dayeon Ki, Marine Carpuat | 2024-04-11T15:47:10Z | cs.CL, cs.AI | Machine Translation (MT) remains one of the last NLP tasks where large
language models (LLMs) have not yet replaced dedicated supervised systems. This
work exploits the complementary strengths of LLMs and supervised MT by guiding
LLMs to automatically post-edit MT with external feedback on its quality,
derived from Multidimensional Quality Metric (MQM) annotations. Working with
LLaMA-2 models, we consider prompting strategies varying the nature of feedback
provided and then fine-tune the LLM to improve its ability to exploit the
provided guidance. Through experiments on Chinese-English, English-German, and
English-Russian MQM data, we demonstrate that prompting LLMs to post-edit MT
improves TER, BLEU and COMET scores, although the benefits of fine-grained
feedback are not clear. Fine-tuning helps integrate fine-grained feedback more
effectively and further improves translation quality based on both automatic
and human evaluation. | cs.CL | Guiding Large Language Models to Post-Edit Machine Translation with Error Annotations |
2024-04-11T15:27:56Z | http://arxiv.org/pdf/2404.07840v2 | http://arxiv.org/abs/2404.07840v2 | Qingyi Liu, Yekun Chai, Shuohuan Wang, Yu Sun, Qiwei Peng, Keze Wang, Hua Wu | 2024-04-16T10:05:27Z | cs.CL, cs.LG | Amidst the rapid advancements in generative language models, the
investigation of how training data shapes the performance of GPT models is
still emerging. This paper presents GPTfluence, a novel approach that leverages
a featurized simulation to assess the impact of training examples on the
training dynamics of GPT models. Our approach not only traces the influence of
individual training instances on performance trajectories, such as loss and
other key metrics, on targeted test points but also enables a comprehensive
comparison with existing methods across various training scenarios in GPT
models, ranging from 14 million to 2.8 billion parameters, across a range of
downstream tasks. Contrary to earlier methods that struggle with generalization
to new data, GPTfluence introduces a parameterized simulation of training
dynamics, demonstrating robust generalization capabilities to unseen training
data. This adaptability is evident across both fine-tuning and
instruction-tuning scenarios, spanning tasks in natural language understanding
and generation. We will make our code and data publicly available. | cs.CL | On Training Data Influence of GPT Models |
2024-04-11T15:27:22Z | http://arxiv.org/pdf/2404.07839v1 | http://arxiv.org/abs/2404.07839v1 | Aleksandar Botev, Soham De, Samuel L Smith, Anushan Fernando, George-Cristian Muraru, Ruba Haroun, Leonard Berrada, Razvan Pascanu, Pier Giuseppe Sessa, Robert Dadashi, Léonard Hussenot, Johan Ferret, Sertan Girgin, Olivier Bachem, Alek Andreev, Kathleen Kenealy, Thomas Mesnard, Cassidy Hardin, Surya Bhupatiraju, Shreya Pathak, Laurent Sifre, Morgane Rivière, Mihir Sanjay Kale, Juliette Love, Pouya Tafti, Armand Joulin, Noah Fiedel, Evan Senter, Yutian Chen, Srivatsan Srinivasan, Guillaume Desjardins, David Budden, Arnaud Doucet, Sharad Vikram, Adam Paszke, Trevor Gale, Sebastian Borgeaud, Charlie Chen, Andy Brock, Antonia Paterson, Jenny Brennan, Meg Risdal, Raj Gundluru, Nesh Devanathan, Paul Mooney, Nilay Chauhan, Phil Culliton, Luiz GUStavo Martins, Elisa Bandy, David Huntsperger, Glenn Cameron, Arthur Zucker, Tris Warkentin, Ludovic Peran, Minh Giang, Zoubin Ghahramani, Clément Farabet, Koray Kavukcuoglu, Demis Hassabis, Raia Hadsell, Yee Whye Teh, Nando de Frietas | 2024-04-11T15:27:22Z | cs.LG, cs.AI, cs.CL | We introduce RecurrentGemma, an open language model which uses Google's novel
Griffin architecture. Griffin combines linear recurrences with local attention
to achieve excellent performance on language. It has a fixed-sized state, which
reduces memory use and enables efficient inference on long sequences. We
provide a pre-trained model with 2B non-embedding parameters, and an
instruction tuned variant. Both models achieve comparable performance to
Gemma-2B despite being trained on fewer tokens. | cs.LG | RecurrentGemma: Moving Past Transformers for Efficient Open Language Models |
2024-04-11T15:24:50Z | http://arxiv.org/pdf/2404.07836v1 | http://arxiv.org/abs/2404.07836v1 | Juliette Faille, Quentin Brabant, Gwenole Lecorve, Lina M. Rojas-Barahona, Claire Gardent | 2024-04-11T15:24:50Z | cs.CL | We explore question generation in the context of knowledge-grounded dialogs
focusing on explainability and evaluation. Inspired by previous work on
planning-based summarisation, we present a model which instead of directly
generating a question, sequentially predicts first a fact then a question. We
evaluate our approach on 37k test dialogs adapted from the KGConv dataset and
we show that, although more demanding in terms of inference, our approach
performs on par with a standard model which solely generates a question while
allowing for a detailed referenceless evaluation of the model behaviour in
terms of relevance, factuality and pronominalisation. | cs.CL | Question Generation in Knowledge-Driven Dialog: Explainability and Evaluation |
2024-04-11T15:09:22Z | http://arxiv.org/pdf/2404.07824v1 | http://arxiv.org/abs/2404.07824v1 | Yuichi Inoue, Kento Sasaki, Yuma Ochi, Kazuki Fujii, Kotaro Tanahashi, Yu Yamaguchi | 2024-04-11T15:09:22Z | cs.CV, cs.CL | Vision Language Models (VLMs) have undergone a rapid evolution, giving rise
to significant advancements in the realm of multimodal understanding tasks.
However, the majority of these models are trained and evaluated on
English-centric datasets, leaving a gap in the development and evaluation of
VLMs for other languages, such as Japanese. This gap can be attributed to the
lack of methodologies for constructing VLMs and the absence of benchmarks to
accurately measure their performance. To address this issue, we introduce a
novel benchmark, Japanese Heron-Bench, for evaluating Japanese capabilities of
VLMs. The Japanese Heron-Bench consists of a variety of imagequestion answer
pairs tailored to the Japanese context. Additionally, we present a baseline
Japanese VLM that has been trained with Japanese visual instruction tuning
datasets. Our Heron-Bench reveals the strengths and limitations of the proposed
VLM across various ability dimensions. Furthermore, we clarify the capability
gap between strong closed models like GPT-4V and the baseline model, providing
valuable insights for future research in this domain. We release the benchmark
dataset and training code to facilitate further developments in Japanese VLM
research. | cs.CV | Heron-Bench: A Benchmark for Evaluating Vision Language Models in Japanese |
2024-04-11T14:57:19Z | http://arxiv.org/pdf/2404.07814v1 | http://arxiv.org/abs/2404.07814v1 | Stefan Bott, Horacio Saggion, Nelson Peréz Rojas, Martin Solis Salazar, Saul Calderon Ramirez | 2024-04-11T14:57:19Z | cs.CL | Automatic lexical simplification is a task to substitute lexical items that
may be unfamiliar and difficult to understand with easier and more common
words. This paper presents MultiLS-SP/CA, a novel dataset for lexical
simplification in Spanish and Catalan. This dataset represents the first of its
kind in Catalan and a substantial addition to the sparse data on automatic
lexical simplification which is available for Spanish. Specifically, MultiLS-SP
is the first dataset for Spanish which includes scalar ratings of the
understanding difficulty of lexical items. In addition, we describe experiments
with this dataset, which can serve as a baseline for future work on the same
data. | cs.CL | MultiLS-SP/CA: Lexical Complexity Prediction and Lexical Simplification Resources for Catalan and Spanish |
2024-04-11T14:35:23Z | http://arxiv.org/pdf/2404.07792v1 | http://arxiv.org/abs/2404.07792v1 | Stephen Bothwell, Abigail Swenor, David Chiang | 2024-04-11T14:35:23Z | cs.CL, cs.LG | This paper describes submissions from the team Nostra Domina to the EvaLatin
2024 shared task of emotion polarity detection. Given the low-resource
environment of Latin and the complexity of sentiment in rhetorical genres like
poetry, we augmented the available data through automatic polarity annotation.
We present two methods for doing so on the basis of the $k$-means algorithm,
and we employ a variety of Latin large language models (LLMs) in a neural
architecture to better capture the underlying contextual sentiment
representations. Our best approach achieved the second highest macro-averaged
Macro-$F_1$ score on the shared task's test set. | cs.CL | Nostra Domina at EvaLatin 2024: Improving Latin Polarity Detection through Data Augmentation |
2024-04-11T14:13:44Z | http://arxiv.org/pdf/2404.07775v1 | http://arxiv.org/abs/2404.07775v1 | Akash Kumar Gautam, Lukas Lange, Jannik Strötgen | 2024-04-11T14:13:44Z | cs.CL, cs.AI, cs.LG | Temporal expression (TE) normalization is a well-studied problem. However,
the predominately used rule-based systems are highly restricted to specific
settings, and upcoming machine learning approaches suffer from a lack of
labeled data. In this work, we explore the feasibility of proprietary and
open-source large language models (LLMs) for TE normalization using in-context
learning to inject task, document, and example information into the model. We
explore various sample selection strategies to retrieve the most relevant set
of examples. By using a window-based prompt design approach, we can perform TE
normalization across sentences, while leveraging the LLM knowledge without
training the model. Our experiments show competitive results to models designed
for this task. In particular, our method achieves large performance
improvements for non-standard settings by dynamically including relevant
examples during inference. | cs.CL | Discourse-Aware In-Context Learning for Temporal Expression Normalization |
2024-04-11T14:06:39Z | http://arxiv.org/pdf/2404.07768v3 | http://arxiv.org/abs/2404.07768v3 | Michael Dalvean | 2024-04-30T07:03:19Z | cs.CL, I.2.7; J.4 | Word complexity is defined in a number of different ways. Psycholinguistic,
morphological and lexical proxies are often used. Human ratings are also used.
The problem here is that these proxies do not measure complexity directly, and
human ratings are susceptible to subjective bias. In this study we contend that
some form of 'latent complexity' can be approximated by using samples of simple
and complex words. We use a sample of 'simple' words from primary school
picture books and a sample of 'complex' words from high school and academic
settings. In order to analyse the differences between these classes, we look at
the letter positional probabilities (LPPs). We find strong statistical
associations between several LPPs and complexity. For example, simple words are
significantly (p<.001) more likely to start with w, b, s, h, g, k, j, t, y or
f, while complex words are significantly (p<.001) more likely to start with i,
a, e, r, v, u or d. We find similar strong associations for subsequent letter
positions, with 84 letter-position variables in the first 6 positions being
significant at the p<.001 level. We then use LPPs as variables in creating a
classifier which can classify the two classes with an 83% accuracy. We test
these findings using a second data set, with 66 LPPs significant (p<.001) in
the first 6 positions common to both datasets. We use these 66 variables to
create a classifier that is able to classify a third dataset with an accuracy
of 70%. Finally, we create a fourth sample by combining the extreme high and
low scoring words generated by three classifiers built on the first three
separate datasets and use this sample to build a classifier which has an
accuracy of 97%. We use this to score the four levels of English word groups
from an ESL program. | cs.CL | Using Letter Positional Probabilities to Assess Word Complexity |
2024-04-11T14:04:36Z | http://arxiv.org/pdf/2404.07765v1 | http://arxiv.org/abs/2404.07765v1 | Lukas Lange, Marc Müller, Ghazaleh Haratinezhad Torbati, Dragan Milchevski, Patrick Grau, Subhash Pujari, Annemarie Friedrich | 2024-04-11T14:04:36Z | cs.CL, cs.AI, cs.CR, cs.LG | Monitoring the threat landscape to be aware of actual or potential attacks is
of utmost importance to cybersecurity professionals. Information about cyber
threats is typically distributed using natural language reports. Natural
language processing can help with managing this large amount of unstructured
information, yet to date, the topic has received little attention. With this
paper, we present AnnoCTR, a new CC-BY-SA-licensed dataset of cyber threat
reports. The reports have been annotated by a domain expert with named
entities, temporal expressions, and cybersecurity-specific concepts including
implicitly mentioned techniques and tactics. Entities and concepts are linked
to Wikipedia and the MITRE ATT&CK knowledge base, the most widely-used taxonomy
for classifying types of attacks. Prior datasets linking to MITRE ATT&CK either
provide a single label per document or annotate sentences out-of-context; our
dataset annotates entire documents in a much finer-grained way. In an
experimental study, we model the annotations of our dataset using
state-of-the-art neural models. In our few-shot scenario, we find that for
identifying the MITRE ATT&CK concepts that are mentioned explicitly or
implicitly in a text, concept descriptions from MITRE ATT&CK are an effective
source for training data augmentation. | cs.CL | AnnoCTR: A Dataset for Detecting and Linking Entities, Tactics, and Techniques in Cyber Threat Reports |
2024-04-11T13:36:29Z | http://arxiv.org/pdf/2404.07738v1 | http://arxiv.org/abs/2404.07738v1 | Jinheon Baek, Sujay Kumar Jauhar, Silviu Cucerzan, Sung Ju Hwang | 2024-04-11T13:36:29Z | cs.CL, cs.AI, cs.LG | Scientific Research, vital for improving human life, is hindered by its
inherent complexity, slow pace, and the need for specialized experts. To
enhance its productivity, we propose a ResearchAgent, a large language
model-powered research idea writing agent, which automatically generates
problems, methods, and experiment designs while iteratively refining them based
on scientific literature. Specifically, starting with a core paper as the
primary focus to generate ideas, our ResearchAgent is augmented not only with
relevant publications through connecting information over an academic graph but
also entities retrieved from an entity-centric knowledge store based on their
underlying concepts, mined and shared across numerous papers. In addition,
mirroring the human approach to iteratively improving ideas with peer
discussions, we leverage multiple ReviewingAgents that provide reviews and
feedback iteratively. Further, they are instantiated with human
preference-aligned large language models whose criteria for evaluation are
derived from actual human judgments. We experimentally validate our
ResearchAgent on scientific publications across multiple disciplines,
showcasing its effectiveness in generating novel, clear, and valid research
ideas based on human and model-based evaluation results. | cs.CL | ResearchAgent: Iterative Research Idea Generation over Scientific Literature with Large Language Models |
2024-04-11T13:11:21Z | http://arxiv.org/pdf/2404.07720v2 | http://arxiv.org/abs/2404.07720v2 | Andreas Säuberli, Simon Clematide | 2024-05-20T19:08:00Z | cs.CL | Reading comprehension tests are used in a variety of applications, reaching
from education to assessing the comprehensibility of simplified texts. However,
creating such tests manually and ensuring their quality is difficult and
time-consuming. In this paper, we explore how large language models (LLMs) can
be used to generate and evaluate multiple-choice reading comprehension items.
To this end, we compiled a dataset of German reading comprehension items and
developed a new protocol for human and automatic evaluation, including a metric
we call text informativity, which is based on guessability and answerability.
We then used this protocol and the dataset to evaluate the quality of items
generated by Llama 2 and GPT-4. Our results suggest that both models are
capable of generating items of acceptable quality in a zero-shot setting, but
GPT-4 clearly outperforms Llama 2. We also show that LLMs can be used for
automatic evaluation by eliciting item reponses from them. In this scenario,
evaluation results with GPT-4 were the most similar to human annotators.
Overall, zero-shot generation with LLMs is a promising approach for generating
and evaluating reading comprehension test items, in particular for languages
without large amounts of available data. | cs.CL | Automatic Generation and Evaluation of Reading Comprehension Test Items with Large Language Models |
2024-04-11T12:16:16Z | http://arxiv.org/pdf/2404.07677v2 | http://arxiv.org/abs/2404.07677v2 | Lei Sun, Zhengwei Tao, Youdi Li, Hiroshi Arakawa | 2024-06-04T07:16:14Z | cs.CL, cs.AI | The integration of Large Language Models (LLMs) and knowledge graphs (KGs)
has achieved remarkable success in various natural language processing tasks.
However, existing methodologies that integrate LLMs and KGs often navigate the
task-solving process solely based on the LLM's analysis of the question,
overlooking the rich cognitive potential inherent in the vast knowledge
encapsulated in KGs. To address this, we introduce Observation-Driven Agent
(ODA), a novel AI agent framework tailored for tasks involving KGs. ODA
incorporates KG reasoning abilities via global observation, which enhances
reasoning capabilities through a cyclical paradigm of observation, action, and
reflection. Confronting the exponential explosion of knowledge during
observation, we innovatively design a recursive observation mechanism.
Subsequently, we integrate the observed knowledge into the action and
reflection modules. Through extensive experiments, ODA demonstrates
state-of-the-art performance on several datasets, notably achieving accuracy
improvements of 12.87% and 8.9%. | cs.CL | ODA: Observation-Driven Agent for integrating LLMs and Knowledge Graphs |
2024-04-11T12:09:47Z | http://arxiv.org/pdf/2404.07673v1 | http://arxiv.org/abs/2404.07673v1 | Andrés Lou, Juan Antonio Pérez-Ortiz, Felipe Sánchez-Martínez, Víctor M. Sánchez-Cartagena | 2024-04-11T12:09:47Z | cs.CL, cs.LG | The Mayan languages comprise a language family with an ancient history,
millions of speakers, and immense cultural value, that, nevertheless, remains
severely underrepresented in terms of resources and global exposure. In this
paper we develop, curate, and publicly release a set of corpora in several
Mayan languages spoken in Guatemala and Southern Mexico, which we call MayanV.
The datasets are parallel with Spanish, the dominant language of the region,
and are taken from official native sources focused on representing informal,
day-to-day, and non-domain-specific language. As such, and according to our
dialectometric analysis, they differ in register from most other available
resources. Additionally, we present neural machine translation models, trained
on as many resources and Mayan languages as possible, and evaluated exclusively
on our datasets. We observe lexical divergences between the dialects of Spanish
in our resources and the more widespread written standard of Spanish, and that
resources other than the ones we present do not seem to improve translation
performance, indicating that many such resources may not accurately capture
common, real-life language usage. The MayanV dataset is available at
https://github.com/transducens/mayanv. | cs.CL | Curated Datasets and Neural Models for Machine Translation of Informal Registers between Mayan and Spanish Vernaculars |
2024-04-11T11:37:18Z | http://arxiv.org/pdf/2404.07654v1 | http://arxiv.org/abs/2404.07654v1 | Johannes B. Gruber, Maximilian Weber | 2024-04-11T11:37:18Z | cs.CL | rollama is an R package that wraps the Ollama API, which allows you to run
different Generative Large Language Models (GLLM) locally. The package and
learning material focus on making it easy to use Ollama for annotating textual
or imagine data with open-source models as well as use these models for
document embedding. But users can use or extend rollama to do essentially
anything else that is possible through OpenAI's API, yet more private,
reproducible and for free. | cs.CL | rollama: An R package for using generative large language models through Ollama |
2024-04-11T11:10:36Z | http://arxiv.org/pdf/2404.07647v1 | http://arxiv.org/abs/2404.07647v1 | Nathan Godey, Éric de la Clergerie, Benoît Sagot | 2024-04-11T11:10:36Z | cs.CL | Recent advances in language modeling consist in pretraining highly
parameterized neural networks on extremely large web-mined text corpora.
Training and inference with such models can be costly in practice, which
incentivizes the use of smaller counterparts. However, it has been observed
that smaller models can suffer from saturation, characterized as a drop in
performance at some advanced point in training followed by a plateau. In this
paper, we find that such saturation can be explained by a mismatch between the
hidden dimension of smaller models and the high rank of the target contextual
probability distribution. This mismatch affects the performance of the linear
prediction head used in such models through the well-known softmax bottleneck
phenomenon. We measure the effect of the softmax bottleneck in various settings
and find that models based on less than 1000 hidden dimensions tend to adopt
degenerate latent representations in late pretraining, which leads to reduced
evaluation performance. | cs.CL | Why do small language models underperform? Studying Language Model Saturation via the Softmax Bottleneck |
2024-04-11T10:16:44Z | http://arxiv.org/pdf/2404.07622v1 | http://arxiv.org/abs/2404.07622v1 | Jun Li, Cosmin I. Bercea, Philip Müller, Lina Felsner, Suhwan Kim, Daniel Rueckert, Benedikt Wiestler, Julia A. Schnabel | 2024-04-11T10:16:44Z | cs.CV, cs.CL | Unsupervised anomaly detection enables the identification of potential
pathological areas by juxtaposing original images with their pseudo-healthy
reconstructions generated by models trained exclusively on normal images.
However, the clinical interpretation of resultant anomaly maps presents a
challenge due to a lack of detailed, understandable explanations. Recent
advancements in language models have shown the capability of mimicking
human-like understanding and providing detailed descriptions. This raises an
interesting question: \textit{How can language models be employed to make the
anomaly maps more explainable?} To the best of our knowledge, we are the first
to leverage a language model for unsupervised anomaly detection, for which we
construct a dataset with different questions and answers. Additionally, we
present a novel multi-image visual question answering framework tailored for
anomaly detection, incorporating diverse feature fusion strategies to enhance
visual knowledge extraction. Our experiments reveal that the framework,
augmented by our new Knowledge Q-Former module, adeptly answers questions on
the anomaly detection dataset. Besides, integrating anomaly maps as inputs
distinctly aids in improving the detection of unseen pathologies. | cs.CV | Multi-Image Visual Question Answering for Unsupervised Anomaly Detection |
2024-04-11T10:08:34Z | http://arxiv.org/pdf/2404.07616v1 | http://arxiv.org/abs/2404.07616v1 | Arushi Goel, Zhifeng Kong, Rafael Valle, Bryan Catanzaro | 2024-04-11T10:08:34Z | cs.CL, cs.SD, eess.AS | Existing datasets for audio understanding primarily focus on single-turn
interactions (i.e. audio captioning, audio question answering) for describing
audio in natural language, thus limiting understanding audio via interactive
dialogue. To address this gap, we introduce Audio Dialogues: a multi-turn
dialogue dataset containing 163.8k samples for general audio sounds and music.
In addition to dialogues, Audio Dialogues also has question-answer pairs to
understand and compare multiple input audios together. Audio Dialogues
leverages a prompting-based approach and caption annotations from existing
datasets to generate multi-turn dialogues using a Large Language Model (LLM).
We evaluate existing audio-augmented large language models on our proposed
dataset to demonstrate the complexity and applicability of Audio Dialogues. Our
code for generating the dataset will be made publicly available. Detailed
prompts and generated dialogues can be found on the demo website
https://audiodialogues.github.io/. | cs.CL | Audio Dialogues: Dialogues dataset for audio and music understanding |
2024-04-11T10:01:32Z | http://arxiv.org/pdf/2404.07613v1 | http://arxiv.org/abs/2404.07613v1 | Iker García-Ferrero, Rodrigo Agerri, Aitziber Atutxa Salazar, Elena Cabrio, Iker de la Iglesia, Alberto Lavelli, Bernardo Magnini, Benjamin Molinet, Johana Ramirez-Romero, German Rigau, Jose Maria Villa-Gonzalez, Serena Villata, Andrea Zaninello | 2024-04-11T10:01:32Z | cs.CL, cs.AI, cs.LG | Research on language technology for the development of medical applications
is currently a hot topic in Natural Language Understanding and Generation.
Thus, a number of large language models (LLMs) have recently been adapted to
the medical domain, so that they can be used as a tool for mediating in
human-AI interaction. While these LLMs display competitive performance on
automated medical texts benchmarks, they have been pre-trained and evaluated
with a focus on a single language (English mostly). This is particularly true
of text-to-text models, which typically require large amounts of
domain-specific pre-training data, often not easily accessible for many
languages. In this paper, we address these shortcomings by compiling, to the
best of our knowledge, the largest multilingual corpus for the medical domain
in four languages, namely English, French, Italian and Spanish. This new corpus
has been used to train Medical mT5, the first open-source text-to-text
multilingual model for the medical domain. Additionally, we present two new
evaluation benchmarks for all four languages with the aim of facilitating
multilingual research in this domain. A comprehensive evaluation shows that
Medical mT5 outperforms both encoders and similarly sized text-to-text models
for the Spanish, French, and Italian benchmarks, while being competitive with
current state-of-the-art LLMs in English. | cs.CL | Medical mT5: An Open-Source Multilingual Text-to-Text LLM for The Medical Domain |
2024-04-11T09:59:01Z | http://arxiv.org/pdf/2404.07611v2 | http://arxiv.org/abs/2404.07611v2 | Iker García-Ferrero, Begoña Altuna | 2024-05-31T15:19:18Z | cs.CL, cs.AI | We present NoticIA, a dataset consisting of 850 Spanish news articles
featuring prominent clickbait headlines, each paired with high-quality,
single-sentence generative summarizations written by humans. This task demands
advanced text understanding and summarization abilities, challenging the
models' capacity to infer and connect diverse pieces of information to meet the
user's informational needs generated by the clickbait headline. We evaluate the
Spanish text comprehension capabilities of a wide range of state-of-the-art
large language models. Additionally, we use the dataset to train
ClickbaitFighter, a task-specific model that achieves near-human performance in
this task. | cs.CL | NoticIA: A Clickbait Article Summarization Dataset in Spanish |
2024-04-11T09:17:12Z | http://arxiv.org/pdf/2404.07584v1 | http://arxiv.org/abs/2404.07584v1 | Chaoqun He, Renjie Luo, Shengding Hu, Yuanqian Zhao, Jie Zhou, Hanghao Wu, Jiajie Zhang, Xu Han, Zhiyuan Liu, Maosong Sun | 2024-04-11T09:17:12Z | cs.CL | Evaluation is pivotal for honing Large Language Models (LLMs), pinpointing
their capabilities and guiding enhancements. The rapid development of LLMs
calls for a lightweight and easy-to-use framework for swift evaluation
deployment. However, due to the various implementation details to consider,
developing a comprehensive evaluation platform is never easy. Existing
platforms are often complex and poorly modularized, hindering seamless
incorporation into researcher's workflows. This paper introduces UltraEval, a
user-friendly evaluation framework characterized by lightweight,
comprehensiveness, modularity, and efficiency. We identify and reimplement
three core components of model evaluation (models, data, and metrics). The
resulting composability allows for the free combination of different models,
tasks, prompts, and metrics within a unified evaluation workflow. Additionally,
UltraEval supports diverse models owing to a unified HTTP service and provides
sufficient inference acceleration. UltraEval is now available for researchers
publicly~\footnote{Website is at \url{https://github.com/OpenBMB/UltraEval}}. | cs.CL | UltraEval: A Lightweight Platform for Flexible and Comprehensive Evaluation for LLMs |
2024-04-11T08:30:46Z | http://arxiv.org/pdf/2404.07549v1 | http://arxiv.org/abs/2404.07549v1 | Yijie Chen, Yijin Liu, Fandong Meng, Yufeng Chen, Jinan Xu, Jie Zhou | 2024-04-11T08:30:46Z | cs.CL | Code generation aims to understand the problem description and generate
corresponding code snippets, where existing works generally decompose such
complex tasks into intermediate steps by prompting strategies, such as
Chain-of-Thought and its variants. While these studies have achieved some
success, their effectiveness is highly dependent on the capabilities of
advanced Large Language Models (LLMs) such as GPT-4, particularly in terms of
API calls, which significantly limits their practical applicability.
Consequently, how to enhance the code generation capabilities of small and
medium-scale code LLMs without significantly increasing training costs is an
appealing challenge. In this paper, we suggest that code comments are the
natural logic pivot between natural language and code language and propose
using comments to boost the code generation ability of code LLMs. Concretely,
we propose MANGO (comMents As Natural loGic pivOts), including a comment
contrastive training strategy and a corresponding logical comment decoding
strategy. Experiments are performed on HumanEval and MBPP, utilizing StarCoder
and WizardCoder as backbone models, and encompassing model parameter sizes
between 3B and 7B. The results indicate that MANGO significantly improves the
code pass rate based on the strong baselines. Meanwhile, the robustness of the
logical comment decoding strategy is notably higher than the Chain-of-thoughts
prompting. The code is publicly available at
\url{https://github.com/pppa2019/Mango}. | cs.CL | Comments as Natural Logic Pivots: Improve Code Generation via Comment Perspective |
2024-04-11T08:20:10Z | http://arxiv.org/pdf/2404.07546v1 | http://arxiv.org/abs/2404.07546v1 | Quanyu Long, Yin Wu, Wenya Wang, Sinno Jialin Pan | 2024-04-11T08:20:10Z | cs.CL | In-context Learning (ICL) has emerged as a powerful capability alongside the
development of scaled-up large language models (LLMs). By instructing LLMs
using few-shot demonstrative examples, ICL enables them to perform a wide range
of tasks without updating millions of parameters. However, the precise
contributions of demonstrations towards improving end-task performance have not
been thoroughly investigated in recent analytical studies. In this paper, we
empirically decompose the overall performance of ICL into three dimensions,
label space, format, and discrimination, and we evaluate four general-purpose
LLMs across a diverse range of tasks. Counter-intuitively, we find that the
demonstrations have a marginal impact on provoking discriminative knowledge of
language models. However, ICL exhibits significant efficacy in regulating the
label space and format which helps LLMs to respond in desired label words. We
then demonstrate this ability functions similar to detailed instructions for
LLMs to follow. We additionally provide an in-depth analysis of the mechanism
of retrieval helping with ICL and find that retrieving the most semantically
similar examples notably boosts model's discriminative capability. | cs.CL | Decomposing Label Space, Format and Discrimination: Rethinking How LLMs Respond and Solve Tasks via In-Context Learning |
2024-04-11T08:12:43Z | http://arxiv.org/pdf/2404.07544v2 | http://arxiv.org/abs/2404.07544v2 | Robert Vacareanu, Vlad-Andrei Negru, Vasile Suciu, Mihai Surdeanu | 2024-04-30T07:40:57Z | cs.CL, cs.AI | We analyze how well pre-trained large language models (e.g., Llama2, GPT-4,
Claude 3, etc) can do linear and non-linear regression when given in-context
examples, without any additional training or gradient updates. Our findings
reveal that several large language models (e.g., GPT-4, Claude 3) are able to
perform regression tasks with a performance rivaling (or even outperforming)
that of traditional supervised methods such as Random Forest, Bagging, or
Gradient Boosting. For example, on the challenging Friedman #2 regression
dataset, Claude 3 outperforms many supervised methods such as AdaBoost, SVM,
Random Forest, KNN, or Gradient Boosting. We then investigate how well the
performance of large language models scales with the number of in-context
exemplars. We borrow from the notion of regret from online learning and
empirically show that LLMs are capable of obtaining a sub-linear regret. | cs.CL | From Words to Numbers: Your Large Language Model Is Secretly A Capable Regressor When Given In-Context Examples |
2024-04-11T07:39:22Z | http://arxiv.org/pdf/2404.08705v1 | http://arxiv.org/abs/2404.08705v1 | Agasthya Gangavarapu | 2024-04-11T07:39:22Z | cs.CL, cs.AI, cs.LG | Addressing the imminent shortfall of 10 million health workers by 2030,
predominantly in Low- and Middle-Income Countries (LMICs), this paper
introduces an innovative approach that harnesses the power of Large Language
Models (LLMs) integrated with machine translation models. This solution is
engineered to meet the unique needs of Community Health Workers (CHWs),
overcoming language barriers, cultural sensitivities, and the limited
availability of medical dialog datasets. I have crafted a model that not only
boasts superior translation capabilities but also undergoes rigorous
fine-tuning on open-source datasets to ensure medical accuracy and is equipped
with comprehensive safety features to counteract the risks of misinformation.
Featuring a modular design, this approach is specifically structured for
swift adaptation across various linguistic and cultural contexts, utilizing
open-source components to significantly reduce healthcare operational costs.
This strategic innovation markedly improves the accessibility and quality of
healthcare services by providing CHWs with contextually appropriate medical
knowledge and diagnostic tools. This paper highlights the transformative impact
of this context-aware LLM, underscoring its crucial role in addressing the
global healthcare workforce deficit and propelling forward healthcare outcomes
in LMICs. | cs.CL | Introducing L2M3, A Multilingual Medical Large Language Model to Advance Health Equity in Low-Resource Regions |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.