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-06-06T06:23:02Z | http://arxiv.org/pdf/2406.03772v1 | http://arxiv.org/abs/2406.03772v1 | Yang Hou, Zhenghua Li | 2024-06-06T06:23:02Z | cs.CL | Revealing the syntactic structure of sentences in Chinese poses significant
challenges for word-level parsers due to the absence of clear word boundaries.
To facilitate a transition from word-level to character-level Chinese
dependency parsing, this paper proposes modeling latent internal structures
within words. In this way, each word-level dependency tree is interpreted as a
forest of character-level trees. A constrained Eisner algorithm is implemented
to ensure the compatibility of character-level trees, guaranteeing a single
root for intra-word structures and establishing inter-word dependencies between
these roots. Experiments on Chinese treebanks demonstrate the superiority of
our method over both the pipeline framework and previous joint models. A
detailed analysis reveals that a coarse-to-fine parsing strategy empowers the
model to predict more linguistically plausible intra-word structures. | cs.CL | Character-Level Chinese Dependency Parsing via Modeling Latent Intra-Word Structure |
2024-06-06T06:05:39Z | http://arxiv.org/pdf/2407.02409v1 | http://arxiv.org/abs/2407.02409v1 | Salomon Kabongo, Jennifer D'Souza, Sören Auer | 2024-06-06T06:05:39Z | cs.CL | This paper explores the impact of context selection on the efficiency of
Large Language Models (LLMs) in generating Artificial Intelligence (AI)
research leaderboards, a task defined as the extraction of (Task, Dataset,
Metric, Score) quadruples from scholarly articles. By framing this challenge as
a text generation objective and employing instruction finetuning with the
FLAN-T5 collection, we introduce a novel method that surpasses traditional
Natural Language Inference (NLI) approaches in adapting to new developments
without a predefined taxonomy. Through experimentation with three distinct
context types of varying selectivity and length, our study demonstrates the
importance of effective context selection in enhancing LLM accuracy and
reducing hallucinations, providing a new pathway for the reliable and efficient
generation of AI leaderboards. This contribution not only advances the state of
the art in leaderboard generation but also sheds light on strategies to
mitigate common challenges in LLM-based information extraction. | cs.CL | Effective Context Selection in LLM-based Leaderboard Generation: An Empirical Study |
2024-06-06T05:54:45Z | http://arxiv.org/pdf/2406.04383v1 | http://arxiv.org/abs/2406.04383v1 | Salomon Kabongo, Jennifer D'Souza, Sören Auer | 2024-06-06T05:54:45Z | cs.CL, cs.AI | The rapid advancements in Large Language Models (LLMs) have opened new
avenues for automating complex tasks in AI research. This paper investigates
the efficacy of different LLMs-Mistral 7B, Llama-2, GPT-4-Turbo and GPT-4.o in
extracting leaderboard information from empirical AI research articles. We
explore three types of contextual inputs to the models: DocTAET (Document
Title, Abstract, Experimental Setup, and Tabular Information), DocREC (Results,
Experiments, and Conclusions), and DocFULL (entire document). Our comprehensive
study evaluates the performance of these models in generating (Task, Dataset,
Metric, Score) quadruples from research papers. The findings reveal significant
insights into the strengths and limitations of each model and context type,
providing valuable guidance for future AI research automation efforts. | cs.CL | Exploring the Latest LLMs for Leaderboard Extraction |
2024-06-06T05:07:44Z | http://arxiv.org/pdf/2406.03749v1 | http://arxiv.org/abs/2406.03749v1 | Shuo Huang, William MacLean, Xiaoxi Kang, Anqi Wu, Lizhen Qu, Qiongkai Xu, Zhuang Li, Xingliang Yuan, Gholamreza Haffari | 2024-06-06T05:07:44Z | cs.CL | Increasing concerns about privacy leakage issues in academia and industry
arise when employing NLP models from third-party providers to process sensitive
texts. To protect privacy before sending sensitive data to those models, we
suggest sanitizing sensitive text using two common strategies used by humans:
i) deleting sensitive expressions, and ii) obscuring sensitive details by
abstracting them. To explore the issues and develop a tool for text rewriting,
we curate the first corpus, coined NAP^2, through both crowdsourcing and the
use of large language models (LLMs). Compared to the prior works based on
differential privacy, which lead to a sharp drop in information utility and
unnatural texts, the human-inspired approaches result in more natural rewrites
and offer an improved balance between privacy protection and data utility, as
demonstrated by our extensive experiments. | cs.CL | NAP^2: A Benchmark for Naturalness and Privacy-Preserving Text Rewriting by Learning from Human |
2024-06-06T04:55:55Z | http://arxiv.org/pdf/2406.03746v1 | http://arxiv.org/abs/2406.03746v1 | Zhouyu Jiang, Ling Zhong, Mengshu Sun, Jun Xu, Rui Sun, Hui Cai, Shuhan Luo, Zhiqiang Zhang | 2024-06-06T04:55:55Z | cs.CL, cs.AI | To tackle the problem of domain-specific knowledge scarcity within large
language models (LLMs), knowledge graph-retrievalaugmented method has been
proven to be an effective and efficient technique for knowledge infusion.
However, existing approaches face two primary challenges: knowledge mismatch
between public available knowledge graphs and the specific domain of the task
at hand, and poor information compliance of LLMs with knowledge graphs. In this
paper, we leverage a small set of labeled samples and a large-scale corpus to
efficiently construct domain-specific knowledge graphs by an LLM, addressing
the issue of knowledge mismatch. Additionally, we propose a three-stage KG-LLM
alignment strategyto enhance the LLM's capability to utilize information from
knowledge graphs. We conduct experiments with a limited-sample setting on two
biomedical question-answering datasets, and the results demonstrate that our
approach outperforms existing baselines. | cs.CL | Efficient Knowledge Infusion via KG-LLM Alignment |
2024-06-06T04:22:11Z | http://arxiv.org/pdf/2406.03736v1 | http://arxiv.org/abs/2406.03736v1 | Jingyang Ou, Shen Nie, Kaiwen Xue, Fengqi Zhu, Jiacheng Sun, Zhenguo Li, Chongxuan Li | 2024-06-06T04:22:11Z | cs.LG, cs.CL | Discrete diffusion models with absorbing processes have shown promise in
language modeling. The key quantities to be estimated are the ratios between
the marginal probabilities of two transitive states at all timesteps, called
the concrete score. In this paper, we reveal that the concrete score in
absorbing diffusion can be expressed as conditional probabilities of clean
data, multiplied by a time-dependent scalar in an analytic form. Motivated by
the finding, we propose reparameterized absorbing discrete diffusion (RADD), a
dedicated diffusion model that characterizes the time-independent conditional
probabilities. Besides its simplicity, RADD can reduce the number of function
evaluations (NFEs) by caching the output of the time-independent network when
the noisy sample remains unchanged in a sampling interval. Empirically, RADD is
up to 3.5 times faster while consistently achieving a better performance than
the strongest baseline. Built upon the new factorization of the concrete score,
we further prove a surprising result that the exact likelihood of absorbing
diffusion can be rewritten to a simple form (named denoising cross-entropy) and
then estimated efficiently by the Monte Carlo method. The resulting approach
also applies to the original parameterization of the concrete score. It
significantly advances the state-of-the-art discrete diffusion on 5 zero-shot
language modeling benchmarks (measured by perplexity) at the GPT-2 scale. | cs.LG | Your Absorbing Discrete Diffusion Secretly Models the Conditional Distributions of Clean Data |
2024-06-06T03:46:59Z | http://arxiv.org/pdf/2406.03725v1 | http://arxiv.org/abs/2406.03725v1 | Chun Liu, Hongguang Zhang, Kainan Zhao, Xinghai Ju, Lin Yang | 2024-06-06T03:46:59Z | cs.CL | With the booming of Large Language Models (LLMs), prompt-learning has become
a promising method mainly researched in various research areas. Recently, many
attempts based on prompt-learning have been made to improve the performance of
text classification. However, most of these methods are based on heuristic
Chain-of-Thought (CoT), and tend to be more complex but less efficient. In this
paper, we rethink the LLM-based text classification methodology, propose a
simple and effective transfer learning strategy, namely LLMEmbed, to address
this classical but challenging task. To illustrate, we first study how to
properly extract and fuse the text embeddings via various lightweight LLMs at
different network depths to improve their robustness and discrimination, then
adapt such embeddings to train the classifier. We perform extensive experiments
on publicly available datasets, and the results show that LLMEmbed achieves
strong performance while enjoys low training overhead using lightweight LLM
backbones compared to recent methods based on larger LLMs, i.e. GPT-3, and
sophisticated prompt-based strategies. Our LLMEmbed achieves adequate accuracy
on publicly available benchmarks without any fine-tuning while merely use 4%
model parameters, 1.8% electricity consumption and 1.5% runtime compared to its
counterparts. Code is available at:
https://github.com/ChunLiu-cs/LLMEmbed-ACL2024. | cs.CL | LLMEmbed: Rethinking Lightweight LLM's Genuine Function in Text Classification |
2024-06-06T03:29:05Z | http://arxiv.org/pdf/2406.03718v1 | http://arxiv.org/abs/2406.03718v1 | Xiaohu Du, Ming Wen, Jiahao Zhu, Zifan Xie, Bin Ji, Huijun Liu, Xuanhua Shi, Hai Jin | 2024-06-06T03:29:05Z | cs.CR, cs.AI, cs.CL | Code Pre-trained Models (CodePTMs) based vulnerability detection have
achieved promising results over recent years. However, these models struggle to
generalize as they typically learn superficial mapping from source code to
labels instead of understanding the root causes of code vulnerabilities,
resulting in poor performance in real-world scenarios beyond the training
instances. To tackle this challenge, we introduce VulLLM, a novel framework
that integrates multi-task learning with Large Language Models (LLMs) to
effectively mine deep-seated vulnerability features. Specifically, we construct
two auxiliary tasks beyond the vulnerability detection task. First, we utilize
the vulnerability patches to construct a vulnerability localization task.
Second, based on the vulnerability features extracted from patches, we leverage
GPT-4 to construct a vulnerability interpretation task. VulLLM innovatively
augments vulnerability classification by leveraging generative LLMs to
understand complex vulnerability patterns, thus compelling the model to capture
the root causes of vulnerabilities rather than overfitting to spurious features
of a single task. The experiments conducted on six large datasets demonstrate
that VulLLM surpasses seven state-of-the-art models in terms of effectiveness,
generalization, and robustness. | cs.CR | Generalization-Enhanced Code Vulnerability Detection via Multi-Task Instruction Fine-Tuning |
2024-06-06T03:15:13Z | http://arxiv.org/pdf/2406.03712v1 | http://arxiv.org/abs/2406.03712v1 | Lei Liu, Xiaoyan Yang, Junchi Lei, Xiaoyang Liu, Yue Shen, Zhiqiang Zhang, Peng Wei, Jinjie Gu, Zhixuan Chu, Zhan Qin, Kui Ren | 2024-06-06T03:15:13Z | cs.CL, cs.LG | Large language models (LLMs), such as GPT series models, have received
substantial attention due to their impressive capabilities for generating and
understanding human-level language. More recently, LLMs have emerged as an
innovative and powerful adjunct in the medical field, transforming traditional
practices and heralding a new era of enhanced healthcare services. This survey
provides a comprehensive overview of Medical Large Language Models (Med-LLMs),
outlining their evolution from general to the medical-specific domain (i.e,
Technology and Application), as well as their transformative impact on
healthcare (e.g., Trustworthiness and Safety). Concretely, starting from the
fundamental history and technology of LLMs, we first delve into the progressive
adaptation and refinements of general LLM models in the medical domain,
especially emphasizing the advanced algorithms that boost the LLMs' performance
in handling complicated medical environments, including clinical reasoning,
knowledge graph, retrieval-augmented generation, human alignment, and
multi-modal learning. Secondly, we explore the extensive applications of
Med-LLMs across domains such as clinical decision support, report generation,
and medical education, illustrating their potential to streamline healthcare
services and augment patient outcomes. Finally, recognizing the imperative and
responsible innovation, we discuss the challenges of ensuring fairness,
accountability, privacy, and robustness in Med-LLMs applications. Finally, we
conduct a concise discussion for anticipating possible future trajectories of
Med-LLMs, identifying avenues for the prudent expansion of Med-LLMs. By
consolidating above-mentioned insights, this review seeks to provide a
comprehensive investigation of the potential strengths and limitations of
Med-LLMs for professionals and researchers, ensuring a responsible landscape in
the healthcare setting. | cs.CL | A Survey on Medical Large Language Models: Technology, Application, Trustworthiness, and Future Directions |
2024-06-06T03:06:46Z | http://arxiv.org/pdf/2406.03707v1 | http://arxiv.org/abs/2406.03707v1 | Liyi Zhang, Michael Y. Li, Thomas L. Griffiths | 2024-06-06T03:06:46Z | cs.LG, cs.AI, cs.CL, stat.ML, I.2; I.5 | Autoregressive language models have demonstrated a remarkable ability to
extract latent structure from text. The embeddings from large language models
have been shown to capture aspects of the syntax and semantics of language. But
what {\em should} embeddings represent? We connect the autoregressive
prediction objective to the idea of constructing predictive sufficient
statistics to summarize the information contained in a sequence of
observations, and use this connection to identify three settings where the
optimal content of embeddings can be identified: independent identically
distributed data, where the embedding should capture the sufficient statistics
of the data; latent state models, where the embedding should encode the
posterior distribution over states given the data; and discrete hypothesis
spaces, where the embedding should reflect the posterior distribution over
hypotheses given the data. We then conduct empirical probing studies to show
that transformers encode these three kinds of latent generating distributions,
and that they perform well in out-of-distribution cases and without token
memorization in these settings. | cs.LG | What Should Embeddings Embed? Autoregressive Models Represent Latent Generating Distributions |
2024-06-06T03:06:45Z | http://arxiv.org/pdf/2406.03706v1 | http://arxiv.org/abs/2406.03706v1 | Jinlong Xue, Yayue Deng, Yicheng Han, Yingming Gao, Ya Li | 2024-06-06T03:06:45Z | cs.SD, cs.CL, eess.AS | Recent advances in large language models (LLMs) and development of audio
codecs greatly propel the zero-shot TTS. They can synthesize personalized
speech with only a 3-second speech of an unseen speaker as acoustic prompt.
However, they only support short speech prompts and cannot leverage longer
context information, as required in audiobook and conversational TTS scenarios.
In this paper, we introduce a novel audio codec-based TTS model to adapt
context features with multiple enhancements. Inspired by the success of
Qformer, we propose a multi-modal context-enhanced Qformer (MMCE-Qformer) to
utilize additional multi-modal context information. Besides, we adapt a
pretrained LLM to leverage its understanding ability to predict semantic
tokens, and use a SoundStorm to generate acoustic tokens thereby enhancing
audio quality and speaker similarity. The extensive objective and subjective
evaluations show that our proposed method outperforms baselines across various
context TTS scenarios. | cs.SD | Improving Audio Codec-based Zero-Shot Text-to-Speech Synthesis with Multi-Modal Context and Large Language Model |
2024-06-06T02:52:45Z | http://arxiv.org/pdf/2406.03703v1 | http://arxiv.org/abs/2406.03703v1 | Fanyou Wu, Weijie Xu, Chandan K. Reddy, Srinivasan H. Sengamedu | 2024-06-06T02:52:45Z | cs.CL, cs.LG | In this study, we tackle the challenge of inadequate and costly training data
that has hindered the development of conversational question answering (ConvQA)
systems. Enterprises have a large corpus of diverse internal documents. Instead
of relying on a searching engine, a more compelling approach for people to
comprehend these documents is to create a dialogue system. In this paper, we
propose a robust dialog synthesising method. We learn the segmentation of data
for the dialog task instead of using segmenting at sentence boundaries. The
synthetic dataset generated by our proposed method achieves superior quality
when compared to WikiDialog, as assessed through machine and human evaluations.
By employing our inpainted data for ConvQA retrieval system pre-training, we
observed a notable improvement in performance across OR-QuAC benchmarks. | cs.CL | Synthesizing Conversations from Unlabeled Documents using Automatic Response Segmentation |
2024-06-06T02:43:21Z | http://arxiv.org/pdf/2406.03699v1 | http://arxiv.org/abs/2406.03699v1 | Anand Subramanian, Viktor Schlegel, Abhinav Ramesh Kashyap, Thanh-Tung Nguyen, Vijay Prakash Dwivedi, Stefan Winkler | 2024-06-06T02:43:21Z | cs.CL | There is vivid research on adapting Large Language Models (LLMs) to perform a
variety of tasks in high-stakes domains such as healthcare. Despite their
popularity, there is a lack of understanding of the extent and contributing
factors that allow LLMs to recall relevant knowledge and combine it with
presented information in the clinical and biomedical domain: a fundamental
pre-requisite for success on down-stream tasks. Addressing this gap, we use
Multiple Choice and Abstractive Question Answering to conduct a large-scale
empirical study on 22 datasets in three generalist and three specialist
biomedical sub-domains. Our multifaceted analysis of the performance of 15
LLMs, further broken down by sub-domain, source of knowledge and model
architecture, uncovers success factors such as instruction tuning that lead to
improved recall and comprehension. We further show that while recently proposed
domain-adapted models may lack adequate knowledge, directly fine-tuning on our
collected medical knowledge datasets shows encouraging results, even
generalising to unseen specialist sub-domains. We complement the quantitative
results with a skill-oriented manual error analysis, which reveals a
significant gap between the models' capabilities to simply recall necessary
knowledge and to integrate it with the presented context. To foster research
and collaboration in this field we share M-QALM, our resources, standardised
methodology, and evaluation results, with the research community to facilitate
further advancements in clinical knowledge representation learning within
language models. | cs.CL | M-QALM: A Benchmark to Assess Clinical Reading Comprehension and Knowledge Recall in Large Language Models via Question Answering |
2024-06-06T02:20:31Z | http://arxiv.org/pdf/2406.03689v2 | http://arxiv.org/abs/2406.03689v2 | Keyon Vafa, Justin Y. Chen, Jon Kleinberg, Sendhil Mullainathan, Ashesh Rambachan | 2024-06-22T18:23:08Z | cs.CL, cs.AI | Recent work suggests that large language models may implicitly learn world
models. How should we assess this possibility? We formalize this question for
the case where the underlying reality is governed by a deterministic finite
automaton. This includes problems as diverse as simple logical reasoning,
geographic navigation, game-playing, and chemistry. We propose new evaluation
metrics for world model recovery inspired by the classic Myhill-Nerode theorem
from language theory. We illustrate their utility in three domains: game
playing, logic puzzles, and navigation. In all domains, the generative models
we consider do well on existing diagnostics for assessing world models, but our
evaluation metrics reveal their world models to be far less coherent than they
appear. Such incoherence creates fragility: using a generative model to solve
related but subtly different tasks can lead it to fail badly. Building
generative models that meaningfully capture the underlying logic of the domains
they model would be immensely valuable; our results suggest new ways to assess
how close a given model is to that goal. | cs.CL | Evaluating the World Model Implicit in a Generative Model |
2024-06-06T01:23:45Z | http://arxiv.org/pdf/2406.03673v1 | http://arxiv.org/abs/2406.03673v1 | Jingxuan Tu, Keer Xu, Liulu Yue, Bingyang Ye, Kyeongmin Rim, James Pustejovsky | 2024-06-06T01:23:45Z | cs.CL, cs.AI | Semantic textual similarity (STS) is a fundamental NLP task that measures the
semantic similarity between a pair of sentences. In order to reduce the
inherent ambiguity posed from the sentences, a recent work called Conditional
STS (C-STS) has been proposed to measure the sentences' similarity conditioned
on a certain aspect. Despite the popularity of C-STS, we find that the current
C-STS dataset suffers from various issues that could impede proper evaluation
on this task. In this paper, we reannotate the C-STS validation set and observe
an annotator discrepancy on 55% of the instances resulting from the annotation
errors in the original label, ill-defined conditions, and the lack of clarity
in the task definition. After a thorough dataset analysis, we improve the C-STS
task by leveraging the models' capability to understand the conditions under a
QA task setting. With the generated answers, we present an automatic error
identification pipeline that is able to identify annotation errors from the
C-STS data with over 80% F1 score. We also propose a new method that largely
improves the performance over baselines on the C-STS data by training the
models with the answers. Finally we discuss the conditionality annotation based
on the typed-feature structure (TFS) of entity types. We show in examples that
the TFS is able to provide a linguistic foundation for constructing C-STS data
with new conditions. | cs.CL | Linguistically Conditioned Semantic Textual Similarity |
2024-06-06T00:51:28Z | http://arxiv.org/pdf/2406.03666v1 | http://arxiv.org/abs/2406.03666v1 | Daiki Asami, Saku Sugawara | 2024-06-06T00:51:28Z | cs.CL | Psycholinguistic research suggests that humans may build a representation of
linguistic input that is 'good-enough' for the task at hand. This study
examines what architectural features make language models learn human-like
good-enough language processing. We focus on the number of layers and
self-attention heads in Transformers. We create a good-enough language
processing (GELP) evaluation dataset (7,680 examples), which is designed to
test the effects of two plausibility types, eight construction types, and three
degrees of memory cost on language processing. To annotate GELP, we first
conduct a crowdsourcing experiment whose design follows prior psycholinguistic
studies. Our model evaluation against the annotated GELP then reveals that the
full model as well as models with fewer layers and/or self-attention heads
exhibit a good-enough performance. This result suggests that models with
shallower depth and fewer heads can learn good-enough language processing. | cs.CL | What Makes Language Models Good-enough? |
2024-06-06T00:06:50Z | http://arxiv.org/pdf/2406.04379v1 | http://arxiv.org/abs/2406.04379v1 | Prashanth Vijayaraghavan, Luyao Shi, Stefano Ambrogio, Charles Mackin, Apoorva Nitsure, David Beymer, Ehsan Degan | 2024-06-06T00:06:50Z | cs.SE, cs.AI, cs.CL | With the unprecedented advancements in Large Language Models (LLMs), their
application domains have expanded to include code generation tasks across
various programming languages. While significant progress has been made in
enhancing LLMs for popular programming languages, there exists a notable gap in
comprehensive evaluation frameworks tailored for Hardware Description Languages
(HDLs), particularly VHDL. This paper addresses this gap by introducing a
comprehensive evaluation framework designed specifically for assessing LLM
performance in VHDL code generation task. We construct a dataset for evaluating
LLMs on VHDL code generation task. This dataset is constructed by translating a
collection of Verilog evaluation problems to VHDL and aggregating publicly
available VHDL problems, resulting in a total of 202 problems. To assess the
functional correctness of the generated VHDL code, we utilize a curated set of
self-verifying testbenches specifically designed for those aggregated VHDL
problem set. We conduct an initial evaluation of different LLMs and their
variants, including zero-shot code generation, in-context learning (ICL), and
Parameter-efficient fine-tuning (PEFT) methods. Our findings underscore the
considerable challenges faced by existing LLMs in VHDL code generation,
revealing significant scope for improvement. This study emphasizes the
necessity of supervised fine-tuning code generation models specifically for
VHDL, offering potential benefits to VHDL designers seeking efficient code
generation solutions. | cs.SE | VHDL-Eval: A Framework for Evaluating Large Language Models in VHDL Code Generation |
2024-06-05T22:35:17Z | http://arxiv.org/pdf/2406.03642v1 | http://arxiv.org/abs/2406.03642v1 | Dyah Adila, Changho Shin, Yijing Zhang, Frederic Sala | 2024-06-05T22:35:17Z | cs.CL, cs.LG | Aligning pretrained language models (LMs) is a complex and resource-intensive
process, often requiring access to large amounts of ground-truth preference
data and substantial compute. Are these costs necessary? That is, it is
possible to align using only inherent model knowledge and without additional
training? We tackle this challenge with AlignEZ, a novel approach that uses (1)
self-generated preference data and (2) representation editing to provide nearly
cost-free alignment. During inference, AlignEZ modifies LM representations to
reduce undesirable and boost desirable components using subspaces identified
via self-generated preference pairs. Our experiments reveal that this nearly
cost-free procedure significantly narrows the gap between base pretrained and
tuned models by an average of 31.6%, observed across six datasets and three
model architectures. Additionally, we explore the potential of using AlignEZ as
a means of expediting more expensive alignment procedures. Our experiments show
that AlignEZ improves DPO models tuned only using a small subset of
ground-truth preference data. Lastly, we study the conditions under which
improvement using AlignEZ is feasible, providing valuable insights into its
effectiveness. | cs.CL | Is Free Self-Alignment Possible? |
2024-06-05T22:17:47Z | http://arxiv.org/pdf/2406.03637v1 | http://arxiv.org/abs/2406.03637v1 | Ahad Jawaid, Shreeram Suresh Chandra, Junchen Lu, Berrak Sisman | 2024-06-05T22:17:47Z | eess.AS, cs.CL, cs.LG, cs.SD | Recent advances in style transfer text-to-speech (TTS) have improved the
expressiveness of synthesized speech. Despite these advancements, encoding
stylistic information from diverse and unseen reference speech remains
challenging. This paper introduces StyleMoE, an approach that divides the
embedding space, modeled by the style encoder, into tractable subsets handled
by style experts. The proposed method replaces the style encoder in a TTS
system with a Mixture of Experts (MoE) layer. By utilizing a gating network to
route reference speeches to different style experts, each expert specializes in
aspects of the style space during optimization. Our experiments objectively and
subjectively demonstrate the effectiveness of our proposed method in increasing
the coverage of the style space for diverse and unseen styles. This approach
can enhance the performance of existing state-of-the-art style transfer TTS
models, marking the first study of MoE in style transfer TTS to our knowledge. | eess.AS | Style Mixture of Experts for Expressive Text-To-Speech Synthesis |
2024-06-05T21:17:34Z | http://arxiv.org/pdf/2407.00047v1 | http://arxiv.org/abs/2407.00047v1 | Archit Patke, Dhemath Reddy, Saurabh Jha, Haoran Qiu, Christian Pinto, Shengkun Cui, Chandra Narayanaswami, Zbigniew Kalbarczyk, Ravishankar Iyer | 2024-06-05T21:17:34Z | cs.DC, cs.CL, cs.LG | $ $Large language models (LLMs) have become an increasingly important
workload for cloud providers catering to both enterprise and consumer
applications. LLM inference requests from these applications have end-to-end
latency SLOs that must be adhered to in production settings. However, existing
LLM serving systems focus on optimization objectives such as request serving
throughput or request execution latency rather than the end-to-end latency
SLOs. Achieving end-to-end SLOs for latency-sensitive requests is challenging
due to head-of-line (HOL) blocking in the request queue, which results from
bursty arrival rates and insufficient resources.
To address the above challenge, we propose QLM, a multi-model queue
management framework for LLM serving. QLM uses stochastic programming to
orchestrate the actions of multiple LLM Serving Operations (LSOs) to reduce HOL
blocking and maximize SLO attainment. Specifically, QLM uses the following
LSOs: model swapping, request eviction, GPU-CPU state swapping, load balancing,
and warm model start. Evaluation on heterogeneous GPU devices and models with
real-world LLM serving dataset shows that QLM improves SLO attainment by 40-90%
and throughput by 20-400% while maintaining or improving device utilization
compared to other state-of-the-art LLM serving systems. | cs.DC | One Queue Is All You Need: Resolving Head-of-Line Blocking in Large Language Model Serving |
2024-06-05T20:32:56Z | http://arxiv.org/pdf/2406.03618v1 | http://arxiv.org/abs/2406.03618v1 | Avi Caciularu, Alon Jacovi, Eyal Ben-David, Sasha Goldshtein, Tal Schuster, Jonathan Herzig, Gal Elidan, Amir Globerson | 2024-06-05T20:32:56Z | cs.CL | Large Language Models (LLMs) often do not perform well on queries that
require the aggregation of information across texts. To better evaluate this
setting and facilitate modeling efforts, we introduce TACT - Text And
Calculations through Tables, a dataset crafted to evaluate LLMs' reasoning and
computational abilities using complex instructions. TACT contains challenging
instructions that demand stitching information scattered across one or more
texts, and performing complex integration on this information to generate the
answer. We construct this dataset by leveraging an existing dataset of texts
and their associated tables. For each such tables, we formulate new queries,
and gather their respective answers. We demonstrate that all contemporary LLMs
perform poorly on this dataset, achieving an accuracy below 38\%. To pinpoint
the difficulties and thoroughly dissect the problem, we analyze model
performance across three components: table-generation, Pandas
command-generation, and execution. Unexpectedly, we discover that each
component presents substantial challenges for current LLMs. These insights lead
us to propose a focused modeling framework, which we refer to as IE as a tool.
Specifically, we propose to add "tools" for each of the above steps, and
implement each such tool with few-shot prompting. This approach shows an
improvement over existing prompting techniques, offering a promising direction
for enhancing model capabilities in these tasks. | cs.CL | TACT: Advancing Complex Aggregative Reasoning with Information Extraction Tools |
2024-06-05T20:19:09Z | http://arxiv.org/pdf/2406.03614v1 | http://arxiv.org/abs/2406.03614v1 | Alexander Bakumenko, Kateřina Hlaváčková-Schindler, Claudia Plant, Nina C. Hubig | 2024-06-05T20:19:09Z | cs.LG, cs.CL, q-fin.RM | Detecting anomalies in general ledger data is of utmost importance to ensure
trustworthiness of financial records. Financial audits increasingly rely on
machine learning (ML) algorithms to identify irregular or potentially
fraudulent journal entries, each characterized by a varying number of
transactions. In machine learning, heterogeneity in feature dimensions adds
significant complexity to data analysis. In this paper, we introduce a novel
approach to anomaly detection in financial data using Large Language Models
(LLMs) embeddings. To encode non-semantic categorical data from real-world
financial records, we tested 3 pre-trained general purpose sentence-transformer
models. For the downstream classification task, we implemented and evaluated 5
optimized ML models including Logistic Regression, Random Forest, Gradient
Boosting Machines, Support Vector Machines, and Neural Networks. Our
experiments demonstrate that LLMs contribute valuable information to anomaly
detection as our models outperform the baselines, in selected settings even by
a large margin. The findings further underscore the effectiveness of LLMs in
enhancing anomaly detection in financial journal entries, particularly by
tackling feature sparsity. We discuss a promising perspective on using LLM
embeddings for non-semantic data in the financial context and beyond. | cs.LG | Advancing Anomaly Detection: Non-Semantic Financial Data Encoding with LLMs |
2024-06-05T19:47:35Z | http://arxiv.org/pdf/2406.03600v1 | http://arxiv.org/abs/2406.03600v1 | Yang Wu, Chenghao Wang, Ece Gumusel, Xiaozhong Liu | 2024-06-05T19:47:35Z | cs.CL, cs.AI | The integration of generative Large Language Models (LLMs) into various
applications, including the legal domain, has been accelerated by their
expansive and versatile nature. However, when facing a legal case, users
without a legal background often struggle to formulate professional queries and
may inadvertently overlook critical legal factors when presenting their case
narrative to LLMs. To address this issue, we propose the Diagnostic Legal Large
Language Model (D3LM), which utilizes adaptive lawyer-like diagnostic questions
to collect additional case information and then provides high-quality feedback.
D3LM incorporates an innovative graph-based Positive-Unlabeled Reinforcement
Learning (PURL) algorithm, enabling the generation of critical questions and
enhancing user-LLM interactions. Moreover, an integrated LLM-based stopping
criterion facilitates precise Court Views Generation (CVG). Our research also
introduces a new English-language CVG dataset based on the US case law
database, enriching the realm of LLM research and deployment with a vital
dimension. D3LM surpasses classical LLMs by delivering outstanding performance
and a remarkable user experience in the legal domain. | cs.CL | Knowledge-Infused Legal Wisdom: Navigating LLM Consultation through the Lens of Diagnostics and Positive-Unlabeled Reinforcement Learning |
2024-06-05T19:30:52Z | http://arxiv.org/pdf/2406.03592v1 | http://arxiv.org/abs/2406.03592v1 | Matteo Gabburo, Nicolaas Paul Jedema, Siddhant Garg, Leonardo F. R. Ribeiro, Alessandro Moschitti | 2024-06-05T19:30:52Z | cs.CL, cs.AI | In this paper, we investigate which questions are challenging for
retrieval-based Question Answering (QA). We (i) propose retrieval complexity
(RC), a novel metric conditioned on the completeness of retrieved documents,
which measures the difficulty of answering questions, and (ii) propose an
unsupervised pipeline to measure RC given an arbitrary retrieval system. Our
proposed pipeline measures RC more accurately than alternative estimators,
including LLMs, on six challenging QA benchmarks. Further investigation reveals
that RC scores strongly correlate with both QA performance and expert judgment
across five of the six studied benchmarks, indicating that RC is an effective
measure of question difficulty. Subsequent categorization of high-RC questions
shows that they span a broad set of question shapes, including multi-hop,
compositional, and temporal QA, indicating that RC scores can categorize a new
subset of complex questions. Our system can also have a major impact on
retrieval-based systems by helping to identify more challenging questions on
existing datasets. | cs.CL | Measuring Retrieval Complexity in Question Answering Systems |
2024-06-05T19:25:40Z | http://arxiv.org/pdf/2406.06592v1 | http://arxiv.org/abs/2406.06592v1 | Liangchen Luo, Yinxiao Liu, Rosanne Liu, Samrat Phatale, Harsh Lara, Yunxuan Li, Lei Shu, Yun Zhu, Lei Meng, Jiao Sun, Abhinav Rastogi | 2024-06-05T19:25:40Z | cs.CL, cs.LG | Complex multi-step reasoning tasks, such as solving mathematical problems or
generating code, remain a significant hurdle for even the most advanced large
language models (LLMs). Verifying LLM outputs with an Outcome Reward Model
(ORM) is a standard inference-time technique aimed at enhancing the reasoning
performance of LLMs. However, this still proves insufficient for reasoning
tasks with a lengthy or multi-hop reasoning chain, where the intermediate
outcomes are neither properly rewarded nor penalized. Process supervision
addresses this limitation by assigning intermediate rewards during the
reasoning process. To date, the methods used to collect process supervision
data have relied on either human annotation or per-step Monte Carlo estimation,
both prohibitively expensive to scale, thus hindering the broad application of
this technique. In response to this challenge, we propose a novel
divide-and-conquer style Monte Carlo Tree Search (MCTS) algorithm named
\textit{OmegaPRM} for the efficient collection of high-quality process
supervision data. This algorithm swiftly identifies the first error in the
Chain of Thought (CoT) with binary search and balances the positive and
negative examples, thereby ensuring both efficiency and quality. As a result,
we are able to collect over 1.5 million process supervision annotations to
train a Process Reward Model (PRM). Utilizing this fully automated process
supervision alongside the weighted self-consistency algorithm, we have enhanced
the instruction tuned Gemini Pro model's math reasoning performance, achieving
a 69.4\% success rate on the MATH benchmark, a 36\% relative improvement from
the 51\% base model performance. Additionally, the entire process operates
without any human intervention, making our method both financially and
computationally cost-effective compared to existing methods. | cs.CL | Improve Mathematical Reasoning in Language Models by Automated Process Supervision |
2024-06-05T19:14:21Z | http://arxiv.org/pdf/2406.03589v2 | http://arxiv.org/abs/2406.03589v2 | Samuel Pfrommer, Yatong Bai, Tanmay Gautam, Somayeh Sojoudi | 2024-06-13T01:12:56Z | cs.CL | Major search engine providers are rapidly incorporating Large Language Model
(LLM)-generated content in response to user queries. These conversational
search engines operate by loading retrieved website text into the LLM context
for summarization and interpretation. Recent research demonstrates that LLMs
are highly vulnerable to jailbreaking and prompt injection attacks, which
disrupt the safety and quality goals of LLMs using adversarial strings. This
work investigates the impact of prompt injections on the ranking order of
sources referenced by conversational search engines. To this end, we introduce
a focused dataset of real-world consumer product websites and formalize
conversational search ranking as an adversarial problem. Experimentally, we
analyze conversational search rankings in the absence of adversarial injections
and show that different LLMs vary significantly in prioritizing product name,
document content, and context position. We then present a tree-of-attacks-based
jailbreaking technique which reliably promotes low-ranked products.
Importantly, these attacks transfer effectively to state-of-the-art
conversational search engines such as perplexity.ai. Given the strong financial
incentive for website owners to boost their search ranking, we argue that our
problem formulation is of critical importance for future robustness work. | cs.CL | Ranking Manipulation for Conversational Search Engines |
2024-06-05T17:59:40Z | http://arxiv.org/pdf/2406.03496v1 | http://arxiv.org/abs/2406.03496v1 | Yi-Kai Zhang, Shiyin Lu, Yang Li, Yanqing Ma, Qing-Guo Chen, Zhao Xu, Weihua Luo, Kaifu Zhang, De-Chuan Zhan, Han-Jia Ye | 2024-06-05T17:59:40Z | cs.CL, cs.AI, cs.LG | Multimodal large language models (MLLMs), initiated with a trained LLM, first
align images with text and then fine-tune on multimodal mixed inputs. However,
the MLLM catastrophically forgets the text-only instructions, which do not
include images and can be addressed within the initial LLM. In this paper, we
present Wings, a novel MLLM that excels in both text-only dialogues and
multimodal comprehension. Analyzing MLLM attention in multimodal instructions
reveals that text-only forgetting is related to the attention shifts from
pre-image to post-image text. From that, we construct extra modules that act as
the boosted learner to compensate for the attention shift. The complementary
visual and textual learners, like "wings" on either side, are connected in
parallel within each layer's attention block. Initially, image and text inputs
are aligned with visual learners operating alongside the main attention,
balancing focus on visual elements. Textual learners are later collaboratively
integrated with attention-based routing to blend the outputs of the visual and
textual learners. We design the Low-Rank Residual Attention (LoRRA) to
guarantee high efficiency for learners. Our experimental results demonstrate
that Wings outperforms equally-scaled MLLMs in both text-only and visual
question-answering tasks. On a newly constructed Interleaved Image-Text (IIT)
benchmark, Wings exhibits superior performance from text-only-rich to
multimodal-rich question-answering tasks. | cs.CL | Wings: Learning Multimodal LLMs without Text-only Forgetting |
2024-06-05T17:49:47Z | http://arxiv.org/pdf/2406.03487v1 | http://arxiv.org/abs/2406.03487v1 | Sanjana Ramprasad, Elisa Ferracane, Zachary C. Lipton | 2024-06-05T17:49:47Z | cs.CL, cs.AI | Recent advancements in large language models (LLMs) have considerably
advanced the capabilities of summarization systems. However, they continue to
face concerns about hallucinations. While prior work has evaluated LLMs
extensively in news domains, most evaluation of dialogue summarization has
focused on BART-based models, leaving a gap in our understanding of their
faithfulness. Our work benchmarks the faithfulness of LLMs for dialogue
summarization, using human annotations and focusing on identifying and
categorizing span-level inconsistencies. Specifically, we focus on two
prominent LLMs: GPT-4 and Alpaca-13B. Our evaluation reveals subtleties as to
what constitutes a hallucination: LLMs often generate plausible inferences,
supported by circumstantial evidence in the conversation, that lack direct
evidence, a pattern that is less prevalent in older models. We propose a
refined taxonomy of errors, coining the category of "Circumstantial Inference"
to bucket these LLM behaviors and release the dataset. Using our taxonomy, we
compare the behavioral differences between LLMs and older fine-tuned models.
Additionally, we systematically assess the efficacy of automatic error
detection methods on LLM summaries and find that they struggle to detect these
nuanced errors. To address this, we introduce two prompt-based approaches for
fine-grained error detection that outperform existing metrics, particularly for
identifying "Circumstantial Inference." | cs.CL | Analyzing LLM Behavior in Dialogue Summarization: Unveiling Circumstantial Hallucination Trends |
2024-06-05T17:49:24Z | http://arxiv.org/pdf/2406.03486v1 | http://arxiv.org/abs/2406.03486v1 | Soonwoo Kwon, Sojung Kim, Minju Park, Seunghyun Lee, Kyuseok Kim | 2024-06-05T17:49:24Z | cs.CL | Large Language Models (LLMs) have a great potential to serve as readily
available and cost-efficient Conversational Intelligent Tutoring Systems (CITS)
for teaching L2 learners of English. Existing CITS, however, are designed to
teach only simple concepts or lack the pedagogical depth necessary to address
diverse learning strategies. To develop a more pedagogically informed CITS
capable of teaching complex concepts, we construct a BIlingual
PEDagogically-informed Tutoring Dataset (BIPED) of one-on-one, human-to-human
English tutoring interactions. Through post-hoc analysis of the tutoring
interactions, we come up with a lexicon of dialogue acts (34 tutor acts and 9
student acts), which we use to further annotate the collected dataset. Based on
a two-step framework of first predicting the appropriate tutor act then
generating the corresponding response, we implemented two CITS models using
GPT-4 and SOLAR-KO, respectively. We experimentally demonstrate that the
implemented models not only replicate the style of human teachers but also
employ diverse and contextually appropriate pedagogical strategies. | cs.CL | BIPED: Pedagogically Informed Tutoring System for ESL Education |
2024-06-05T17:42:05Z | http://arxiv.org/pdf/2406.03482v1 | http://arxiv.org/abs/2406.03482v1 | Amir Zandieh, Majid Daliri, Insu Han | 2024-06-05T17:42:05Z | cs.LG, cs.AI, cs.CL, cs.PF | Serving LLMs requires substantial memory due to the storage requirements of
Key-Value (KV) embeddings in the KV cache, which grows with sequence length. An
effective approach to compress KV cache is quantization. However, traditional
quantization methods face significant memory overhead due to the need to store
quantization constants (at least a zero point and a scale) in full precision
per data block. Depending on the block size, this overhead can add 1 or 2 bits
per quantized number. We introduce QJL, a new quantization approach that
consists of a Johnson-Lindenstrauss (JL) transform followed by sign-bit
quantization. In contrast to existing methods, QJL eliminates memory overheads
by removing the need for storing quantization constants. We propose an
asymmetric estimator for the inner product of two vectors and demonstrate that
applying QJL to one vector and a standard JL transform without quantization to
the other provides an unbiased estimator with minimal distortion. We have
developed an efficient implementation of the QJL sketch and its corresponding
inner product estimator, incorporating a lightweight CUDA kernel for optimized
computation. When applied across various LLMs and NLP tasks to quantize the KV
cache to only 3 bits, QJL demonstrates a more than fivefold reduction in KV
cache memory usage without compromising accuracy, all while achieving faster
runtime. Codes are available at \url{https://github.com/amirzandieh/QJL}. | cs.LG | QJL: 1-Bit Quantized JL Transform for KV Cache Quantization with Zero Overhead |
2024-06-05T17:32:28Z | http://arxiv.org/pdf/2406.03479v2 | http://arxiv.org/abs/2406.03479v2 | Xiaobo Guo, Soroush Vosoughi | 2024-06-17T19:56:37Z | cs.CL | The rapid proliferation of online content necessitates effective
summarization methods, among which dynamic aspect-based summarization stands
out. Unlike its traditional counterpart, which assumes a fixed set of known
aspects, this approach adapts to the varied aspects of the input text. We
introduce a novel multi-objective learning framework employing a
Longformer-Encoder-Decoder for this task. The framework optimizes aspect number
prediction, minimizes disparity between generated and reference summaries for
each aspect, and maximizes dissimilarity across aspect-specific summaries.
Extensive experiments show our method significantly outperforms baselines on
three diverse datasets, largely due to the effective alignment of generated and
reference aspect counts without sacrificing single-aspect summarization
quality. | cs.CL | MODABS: Multi-Objective Learning for Dynamic Aspect-Based Summarization |
2024-06-05T17:29:15Z | http://arxiv.org/pdf/2406.03476v1 | http://arxiv.org/abs/2406.03476v1 | Cody Blakeney, Mansheej Paul, Brett W. Larsen, Sean Owen, Jonathan Frankle | 2024-06-05T17:29:15Z | cs.LG, cs.CL | Pretraining datasets for large language models (LLMs) have grown to trillions
of tokens composed of large amounts of CommonCrawl (CC) web scrape along with
smaller, domain-specific datasets. It is expensive to understand the impact of
these domain-specific datasets on model capabilities as training at large FLOP
scales is required to reveal significant changes to difficult and emergent
benchmarks. Given the increasing cost of experimenting with pretraining data,
how does one determine the optimal balance between the diversity in general web
scrapes and the information density of domain specific data? In this work, we
show how to leverage the smaller domain specific datasets by upsampling them
relative to CC at the end of training to drive performance improvements on
difficult benchmarks. This simple technique allows us to improve up to 6.90 pp
on MMLU, 8.26 pp on GSM8K, and 6.17 pp on HumanEval relative to the base data
mix for a 7B model trained for 1 trillion (T) tokens, thus rivaling Llama-2
(7B)$\unicode{x2014}$a model trained for twice as long. We experiment with
ablating the duration of domain upsampling from 5% to 30% of training and find
that 10% to 20% percent is optimal for navigating the tradeoff between general
language modeling capabilities and targeted benchmarks. We also use domain
upsampling to characterize at scale the utility of individual datasets for
improving various benchmarks by removing them during this final phase of
training. This tool opens up the ability to experiment with the impact of
different pretraining datasets at scale, but at an order of magnitude lower
cost compared to full pretraining runs. | cs.LG | Does your data spark joy? Performance gains from domain upsampling at the end of training |
2024-06-05T16:52:21Z | http://arxiv.org/pdf/2406.03452v3 | http://arxiv.org/abs/2406.03452v3 | Pierluigi Cassotti, Stefano De Pascale, Nina Tahmasebi | 2024-06-11T12:05:22Z | cs.CL | There is abundant evidence of the fact that the way words change their
meaning can be classified in different types of change, highlighting the
relationship between the old and new meanings (among which generalization,
specialization and co-hyponymy transfer). In this paper, we present a way of
detecting these types of change by constructing a model that leverages
information both from synchronic lexical relations and definitions of word
meanings. Specifically, we use synset definitions and hierarchy information
from WordNet and test it on a digitized version of Blank's (1997) dataset of
semantic change types. Finally, we show how the sense relationships can improve
models for both approximation of human judgments of semantic relatedness as
well as binary Lexical Semantic Change Detection. | cs.CL | Using Synchronic Definitions and Semantic Relations to Classify Semantic Change Types |
2024-06-05T16:48:26Z | http://arxiv.org/pdf/2406.03450v1 | http://arxiv.org/abs/2406.03450v1 | Shanshan Wang, Derek F. Wong, Jingming Yao, Lidia S. Chao | 2024-06-05T16:48:26Z | cs.CL, cs.AI | Machine translation (MT) has historically faced significant challenges when
applied to literary works, particularly in the domain of poetry translation.
The advent of Large Language Models such as ChatGPT holds potential for
innovation in this field. This study examines ChatGPT's capabilities in
English-Chinese poetry translation tasks, utilizing targeted prompts and small
sample scenarios to ascertain optimal performance. Despite promising outcomes,
our analysis reveals persistent issues in the translations generated by ChatGPT
that warrant attention. To address these shortcomings, we propose an
Explanation-Assisted Poetry Machine Translation (EAPMT) method, which leverages
monolingual poetry explanation as a guiding information for the translation
process. Furthermore, we refine existing evaluation criteria to better suit the
nuances of modern poetry translation. We engaged a panel of professional poets
for assessments, complemented evaluations by using GPT-4. The results from both
human and machine evaluations demonstrate that our EAPMT method outperforms
traditional translation methods of ChatGPT and the existing online systems.
This paper validates the efficacy of our method and contributes a novel
perspective to machine-assisted literary translation. | cs.CL | What is the Best Way for ChatGPT to Translate Poetry? |
2024-06-05T16:40:53Z | http://arxiv.org/pdf/2406.03445v1 | http://arxiv.org/abs/2406.03445v1 | Tianyi Zhou, Deqing Fu, Vatsal Sharan, Robin Jia | 2024-06-05T16:40:53Z | cs.LG, cs.CL | Pre-trained large language models (LLMs) exhibit impressive mathematical
reasoning capabilities, yet how they compute basic arithmetic, such as
addition, remains unclear. This paper shows that pre-trained LLMs add numbers
using Fourier features -- dimensions in the hidden state that represent numbers
via a set of features sparse in the frequency domain. Within the model, MLP and
attention layers use Fourier features in complementary ways: MLP layers
primarily approximate the magnitude of the answer using low-frequency features,
while attention layers primarily perform modular addition (e.g., computing
whether the answer is even or odd) using high-frequency features. Pre-training
is crucial for this mechanism: models trained from scratch to add numbers only
exploit low-frequency features, leading to lower accuracy. Introducing
pre-trained token embeddings to a randomly initialized model rescues its
performance. Overall, our analysis demonstrates that appropriate pre-trained
representations (e.g., Fourier features) can unlock the ability of Transformers
to learn precise mechanisms for algorithmic tasks. | cs.LG | Pre-trained Large Language Models Use Fourier Features to Compute Addition |
2024-06-05T16:36:21Z | http://arxiv.org/pdf/2406.03442v1 | http://arxiv.org/abs/2406.03442v1 | Thomas Hofweber, Peter Hase, Elias Stengel-Eskin, Mohit Bansal | 2024-06-05T16:36:21Z | cs.CL, cs.AI | Do norms of rationality apply to machine learning models, in particular
language models? In this paper we investigate this question by focusing on a
special subset of rational norms: coherence norms. We consider both logical
coherence norms as well as coherence norms tied to the strength of belief. To
make sense of the latter, we introduce the Minimal Assent Connection (MAC) and
propose a new account of credence, which captures the strength of belief in
language models. This proposal uniformly assigns strength of belief simply on
the basis of model internal next token probabilities. We argue that rational
norms tied to coherence do apply to some language models, but not to others.
This issue is significant since rationality is closely tied to predicting and
explaining behavior, and thus it is connected to considerations about AI safety
and alignment, as well as understanding model behavior more generally. | cs.CL | Are language models rational? The case of coherence norms and belief revision |
2024-06-05T16:35:30Z | http://arxiv.org/pdf/2406.03441v1 | http://arxiv.org/abs/2406.03441v1 | Evan Becker, Stefano Soatto | 2024-06-05T16:35:30Z | cs.CL, cs.LG | In many high-risk machine learning applications it is essential for a model
to indicate when it is uncertain about a prediction. While large language
models (LLMs) can reach and even surpass human-level accuracy on a variety of
benchmarks, their overconfidence in incorrect responses is still a
well-documented failure mode. Traditional methods for ML uncertainty
quantification can be difficult to directly adapt to LLMs due to the
computational cost of implementation and closed-source nature of many models. A
variety of black-box methods have recently been proposed, but these often rely
on heuristics such as self-verbalized confidence. We instead propose a
framework for measuring an LLM's uncertainty with respect to the distribution
of generated explanations for an answer. While utilizing explanations is not a
new idea in and of itself, by interpreting each possible model+explanation pair
as a test-time classifier we can calculate a posterior answer distribution over
the most likely of these classifiers. We demonstrate how a specific instance of
this framework using explanation entailment as our classifier likelihood
improves confidence score metrics (in particular AURC and AUROC) over baselines
across five different datasets. We believe these results indicate that our
framework is both a well-principled and effective way of quantifying
uncertainty in LLMs. | cs.CL | Cycles of Thought: Measuring LLM Confidence through Stable Explanations |
2024-06-05T16:11:55Z | http://arxiv.org/pdf/2406.06591v2 | http://arxiv.org/abs/2406.06591v2 | Hidetoshi Matsuo, Mizuho Nishio, Takaaki Matsunaga, Koji Fujimoto, Takamichi Murakami | 2024-06-12T15:19:46Z | cs.CL, cs.AI, cs.LG | Background: Structured radiology reports remains underdeveloped due to
labor-intensive structuring and narrative-style reporting. Deep learning,
particularly large language models (LLMs) like GPT-3.5, offers promise in
automating the structuring of radiology reports in natural languages. However,
although it has been reported that LLMs are less effective in languages other
than English, their radiological performance has not been extensively studied.
Purpose: This study aimed to investigate the accuracy of TNM classification
based on radiology reports using GPT3.5-turbo (GPT3.5) and the utility of
multilingual LLMs in both Japanese and English. Material and Methods: Utilizing
GPT3.5, we developed a system to automatically generate TNM classifications
from chest CT reports for lung cancer and evaluate its performance. We
statistically analyzed the impact of providing full or partial TNM definitions
in both languages using a Generalized Linear Mixed Model. Results: Highest
accuracy was attained with full TNM definitions and radiology reports in
English (M = 94%, N = 80%, T = 47%, and ALL = 36%). Providing definitions for
each of the T, N, and M factors statistically improved their respective
accuracies (T: odds ratio (OR) = 2.35, p < 0.001; N: OR = 1.94, p < 0.01; M: OR
= 2.50, p < 0.001). Japanese reports exhibited decreased N and M accuracies (N
accuracy: OR = 0.74 and M accuracy: OR = 0.21). Conclusion: This study
underscores the potential of multilingual LLMs for automatic TNM classification
in radiology reports. Even without additional model training, performance
improvements were evident with the provided TNM definitions, indicating LLMs'
relevance in radiology contexts. | cs.CL | Exploring Multilingual Large Language Models for Enhanced TNM classification of Radiology Report in lung cancer staging |
2024-06-05T15:54:50Z | http://arxiv.org/pdf/2406.03397v1 | http://arxiv.org/abs/2406.03397v1 | Kamyar Zeinalipour, Yusuf Gökberk Keptiğ, Marco Maggini, Marco Gori | 2024-06-05T15:54:50Z | cs.CL | Crafting quizzes from educational content is a pivotal activity that benefits
both teachers and students by reinforcing learning and evaluating
understanding. In this study, we introduce a novel approach to generate quizzes
from Turkish educational texts, marking a pioneering endeavor in educational
technology specifically tailored to the Turkish educational context. We present
a specialized dataset, named the Turkish-Quiz-Instruct, comprising an extensive
collection of Turkish educational texts accompanied by multiple-choice and
short-answer quizzes. This research leverages the capabilities of Large
Language Models (LLMs), including GPT-4-Turbo, GPT-3.5-Turbo,
Llama-2-7b-chat-hf, and Llama-2-13b-chat-hf, to automatically generate quiz
questions and answers from the Turkish educational content. Our work delineates
the methodology for employing these LLMs in the context of Turkish educational
material, thereby opening new avenues for automated Turkish quiz generation.
The study not only demonstrates the efficacy of using such models for
generating coherent and relevant quiz content but also sets a precedent for
future research in the domain of automated educational content creation for
languages other than English. The Turkish-Quiz-Instruct dataset is introduced
as a valuable resource for researchers and practitioners aiming to explore the
boundaries of educational technology and language-specific applications of LLMs
in Turkish. By addressing the challenges of quiz generation in a non-English
context specifically Turkish, this study contributes significantly to the field
of Turkish educational technology, providing insights into the potential of
leveraging LLMs for educational purposes across diverse linguistic landscapes. | cs.CL | Automating Turkish Educational Quiz Generation Using Large Language Models |
2024-06-05T15:23:11Z | http://arxiv.org/pdf/2406.06590v2 | http://arxiv.org/abs/2406.06590v2 | Alina Leidinger, Robert van Rooij, Ekaterina Shutova | 2024-06-12T11:18:40Z | cs.CL, cs.AI | Recent scholarship on reasoning in LLMs has supplied evidence of impressive
performance and flexible adaptation to machine generated or human feedback.
Nonmonotonic reasoning, crucial to human cognition for navigating the real
world, remains a challenging, yet understudied task. In this work, we study
nonmonotonic reasoning capabilities of seven state-of-the-art LLMs in one
abstract and one commonsense reasoning task featuring generics, such as 'Birds
fly', and exceptions, 'Penguins don't fly' (see Fig. 1). While LLMs exhibit
reasoning patterns in accordance with human nonmonotonic reasoning abilities,
they fail to maintain stable beliefs on truth conditions of generics at the
addition of supporting examples ('Owls fly') or unrelated information ('Lions
have manes'). Our findings highlight pitfalls in attributing human reasoning
behaviours to LLMs, as well as assessing general capabilities, while consistent
reasoning remains elusive. | cs.CL | Are LLMs classical or nonmonotonic reasoners? Lessons from generics |
2024-06-05T15:23:08Z | http://arxiv.org/pdf/2406.03368v1 | http://arxiv.org/abs/2406.03368v1 | David Ifeoluwa Adelani, Jessica Ojo, Israel Abebe Azime, Jian Yun Zhuang, Jesujoba O. Alabi, Xuanli He, Millicent Ochieng, Sara Hooker, Andiswa Bukula, En-Shiun Annie Lee, Chiamaka Chukwuneke, Happy Buzaaba, Blessing Sibanda, Godson Kalipe, Jonathan Mukiibi, Salomon Kabongo, Foutse Yuehgoh, Mmasibidi Setaka, Lolwethu Ndolela, Nkiruka Odu, Rooweither Mabuya, Shamsuddeen Hassan Muhammad, Salomey Osei, Sokhar Samb, Tadesse Kebede Guge, Pontus Stenetorp | 2024-06-05T15:23:08Z | cs.CL, cs.AI | Despite the widespread adoption of Large language models (LLMs), their
remarkable capabilities remain limited to a few high-resource languages.
Additionally, many low-resource languages (e.g. African languages) are often
evaluated only on basic text classification tasks due to the lack of
appropriate or comprehensive benchmarks outside of high-resource languages. In
this paper, we introduce IrokoBench -- a human-translated benchmark dataset for
16 typologically-diverse low-resource African languages covering three tasks:
natural language inference~(AfriXNLI), mathematical reasoning~(AfriMGSM), and
multi-choice knowledge-based QA~(AfriMMLU). We use IrokoBench to evaluate
zero-shot, few-shot, and translate-test settings~(where test sets are
translated into English) across 10 open and four proprietary LLMs. Our
evaluation reveals a significant performance gap between high-resource
languages~(such as English and French) and low-resource African languages. We
observe a significant performance gap between open and proprietary models, with
the highest performing open model, Aya-101 only at 58\% of the best-performing
proprietary model GPT-4o performance. Machine translating the test set to
English before evaluation helped to close the gap for larger models that are
English-centric, like LLaMa 3 70B. These findings suggest that more efforts are
needed to develop and adapt LLMs for African languages. | cs.CL | IrokoBench: A New Benchmark for African Languages in the Age of Large Language Models |
2024-06-05T15:18:08Z | http://arxiv.org/pdf/2406.03363v1 | http://arxiv.org/abs/2406.03363v1 | Timon Ziegenbein, Gabriella Skitalinskaya, Alireza Bayat Makou, Henning Wachsmuth | 2024-06-05T15:18:08Z | cs.CL | Ensuring that online discussions are civil and productive is a major
challenge for social media platforms. Such platforms usually rely both on users
and on automated detection tools to flag inappropriate arguments of other
users, which moderators then review. However, this kind of post-hoc moderation
is expensive and time-consuming, and moderators are often overwhelmed by the
amount and severity of flagged content. Instead, a promising alternative is to
prevent negative behavior during content creation. This paper studies how
inappropriate language in arguments can be computationally mitigated. We
propose a reinforcement learning-based rewriting approach that balances content
preservation and appropriateness based on existing classifiers, prompting an
instruction-finetuned large language model (LLM) as our initial policy. Unlike
related style transfer tasks, rewriting inappropriate arguments allows deleting
and adding content permanently. It is therefore tackled on document level
rather than sentence level. We evaluate different weighting schemes for the
reward function in both absolute and relative human assessment studies.
Systematic experiments on non-parallel data provide evidence that our approach
can mitigate the inappropriateness of arguments while largely preserving their
content. It significantly outperforms competitive baselines, including few-shot
learning, prompting, and humans. | cs.CL | LLM-based Rewriting of Inappropriate Argumentation using Reinforcement Learning from Machine Feedback |
2024-06-05T14:55:10Z | http://arxiv.org/pdf/2406.03339v2 | http://arxiv.org/abs/2406.03339v2 | Bhashithe Abeysinghe, Ruhan Circi | 2024-06-13T15:13:40Z | cs.CL, cs.AI | Chatbots have been an interesting application of natural language generation
since its inception. With novel transformer based Generative AI methods,
building chatbots have become trivial. Chatbots which are targeted at specific
domains for example medicine and psychology are implemented rapidly. This
however, should not distract from the need to evaluate the chatbot responses.
Especially because the natural language generation community does not entirely
agree upon how to effectively evaluate such applications. With this work we
discuss the issue further with the increasingly popular LLM based evaluations
and how they correlate with human evaluations. Additionally, we introduce a
comprehensive factored evaluation mechanism that can be utilized in conjunction
with both human and LLM-based evaluations. We present the results of an
experimental evaluation conducted using this scheme in one of our chatbot
implementations which consumed educational reports, and subsequently compare
automated, traditional human evaluation, factored human evaluation, and
factored LLM evaluation. Results show that factor based evaluation produces
better insights on which aspects need to be improved in LLM applications and
further strengthens the argument to use human evaluation in critical spaces
where main functionality is not direct retrieval. | cs.CL | The Challenges of Evaluating LLM Applications: An Analysis of Automated, Human, and LLM-Based Approaches |
2024-06-05T14:08:54Z | http://arxiv.org/pdf/2406.03299v1 | http://arxiv.org/abs/2406.03299v1 | Mikhail Mozikov, Nikita Severin, Valeria Bodishtianu, Maria Glushanina, Mikhail Baklashkin, Andrey V. Savchenko, Ilya Makarov | 2024-06-05T14:08:54Z | cs.AI, cs.CL, I.2.7; J.4 | Behavior study experiments are an important part of society modeling and
understanding human interactions. In practice, many behavioral experiments
encounter challenges related to internal and external validity,
reproducibility, and social bias due to the complexity of social interactions
and cooperation in human user studies. Recent advances in Large Language Models
(LLMs) have provided researchers with a new promising tool for the simulation
of human behavior. However, existing LLM-based simulations operate under the
unproven hypothesis that LLM agents behave similarly to humans as well as
ignore a crucial factor in human decision-making: emotions.
In this paper, we introduce a novel methodology and the framework to study
both, the decision-making of LLMs and their alignment with human behavior under
emotional states. Experiments with GPT-3.5 and GPT-4 on four games from two
different classes of behavioral game theory showed that emotions profoundly
impact the performance of LLMs, leading to the development of more optimal
strategies. While there is a strong alignment between the behavioral responses
of GPT-3.5 and human participants, particularly evident in bargaining games,
GPT-4 exhibits consistent behavior, ignoring induced emotions for rationality
decisions. Surprisingly, emotional prompting, particularly with `anger'
emotion, can disrupt the "superhuman" alignment of GPT-4, resembling human
emotional responses. | cs.AI | The Good, the Bad, and the Hulk-like GPT: Analyzing Emotional Decisions of Large Language Models in Cooperation and Bargaining Games |
2024-06-05T13:59:03Z | http://arxiv.org/pdf/2406.03287v1 | http://arxiv.org/abs/2406.03287v1 | Xingrun Xing, Zheng Zhang, Ziyi Ni, Shitao Xiao, Yiming Ju, Siqi Fan, Yequan Wang, Jiajun Zhang, Guoqi Li | 2024-06-05T13:59:03Z | cs.NE, cs.CL, cs.LG | Towards energy-efficient artificial intelligence similar to the human brain,
the bio-inspired spiking neural networks (SNNs) have advantages of biological
plausibility, event-driven sparsity, and binary activation. Recently,
large-scale language models exhibit promising generalization capability, making
it a valuable issue to explore more general spike-driven models. However, the
binary spikes in existing SNNs fail to encode adequate semantic information,
placing technological challenges for generalization. This work proposes the
first fully spiking mechanism for general language tasks, including both
discriminative and generative ones. Different from previous spikes with {0,1}
levels, we propose a more general spike formulation with bi-directional,
elastic amplitude, and elastic frequency encoding, while still maintaining the
addition nature of SNNs. In a single time step, the spike is enhanced by
direction and amplitude information; in spike frequency, a strategy to control
spike firing rate is well designed. We plug this elastic bi-spiking mechanism
in language modeling, named SpikeLM. It is the first time to handle general
language tasks with fully spike-driven models, which achieve much higher
accuracy than previously possible. SpikeLM also greatly bridges the performance
gap between SNNs and ANNs in language modeling. Our code is available at
https://github.com/Xingrun-Xing/SpikeLM. | cs.NE | SpikeLM: Towards General Spike-Driven Language Modeling via Elastic Bi-Spiking Mechanisms |
2024-06-05T13:55:27Z | http://arxiv.org/pdf/2406.06589v2 | http://arxiv.org/abs/2406.06589v2 | You Zuo, Kim Gerdes, Eric Villemonte de La Clergerie, Benoît Sagot | 2024-06-25T08:23:03Z | cs.CL, cs.AI | In this work, we introduce a comprehensive error typology specifically
designed for evaluating two distinct tasks in machine-generated patent texts:
claims-to-abstract generation, and the generation of the next claim given
previous ones. We have also developed a benchmark, PatentEval, for
systematically assessing language models in this context. Our study includes a
comparative analysis, annotated by humans, of various models. These range from
those specifically adapted during training for tasks within the patent domain
to the latest general-purpose large language models (LLMs). Furthermore, we
explored and evaluated some metrics to approximate human judgments in patent
text evaluation, analyzing the extent to which these metrics align with expert
assessments. These approaches provide valuable insights into the capabilities
and limitations of current language models in the specialized field of patent
text generation. | cs.CL | PatentEval: Understanding Errors in Patent Generation |
2024-06-05T13:54:28Z | http://arxiv.org/pdf/2406.03280v3 | http://arxiv.org/abs/2406.03280v3 | Anke Tang, Li Shen, Yong Luo, Han Hu, Bo Du, Dacheng Tao | 2024-06-14T07:19:51Z | cs.LG, cs.AI, cs.CL | Deep model fusion is an emerging technique that unifies the predictions or
parameters of several deep neural networks into a single model in a
cost-effective and data-efficient manner. This enables the unified model to
take advantage of the original models' strengths, potentially exceeding their
performance. Although a variety of deep model fusion techniques have been
introduced, their evaluations tend to be inconsistent and often inadequate to
validate their effectiveness and robustness against distribution shifts. To
address this issue, we introduce FusionBench, which is the first comprehensive
benchmark dedicated to deep model fusion. FusionBench covers a wide range of
tasks, including open-vocabulary image classification, text classification, and
text-to-text generation. Each category includes up to eight tasks with
corresponding task-specific models, featuring both full fine-tuning and LoRA
fine-tuning, as well as models of different sizes, to ensure fair and balanced
comparisons of various multi-task model fusion techniques across different
tasks, model scales, and fine-tuning strategies. We implement and evaluate a
broad spectrum of deep model fusion techniques. These techniques range from
model ensemble methods, which combine the predictions to improve the overall
performance, to model merging, which integrates different models into a single
one, and model mixing methods, which upscale or recombine the components of the
original models. FusionBench now contains 26 distinct tasks, 74 fine-tuned
models, and 16 fusion techniques, and we are committed to consistently
expanding the benchmark with more tasks, models, and fusion techniques. In
addition, we offer a well-documented set of resources and guidelines to aid
researchers in understanding and replicating the benchmark results. Homepage
https://github.com/tanganke/fusion_bench | cs.LG | FusionBench: A Comprehensive Benchmark of Deep Model Fusion |
2024-06-05T13:23:23Z | http://arxiv.org/pdf/2406.03248v2 | http://arxiv.org/abs/2406.03248v2 | Xiaoyu Zhang, Yishan Li, Jiayin Wang, Bowen Sun, Weizhi Ma, Peijie Sun, Min Zhang | 2024-06-06T04:31:37Z | cs.IR, cs.CL | The explainability of recommender systems has attracted significant attention
in academia and industry. Many efforts have been made for explainable
recommendations, yet evaluating the quality of the explanations remains a
challenging and unresolved issue. In recent years, leveraging LLMs as
evaluators presents a promising avenue in Natural Language Processing tasks
(e.g., sentiment classification, information extraction), as they perform
strong capabilities in instruction following and common-sense reasoning.
However, evaluating recommendation explanatory texts is different from these
NLG tasks, as its criteria are related to human perceptions and are usually
subjective. In this paper, we investigate whether LLMs can serve as evaluators
of recommendation explanations. To answer the question, we utilize real user
feedback on explanations given from previous work and additionally collect
third-party annotations and LLM evaluations. We design and apply a 3-level meta
evaluation strategy to measure the correlation between evaluator labels and the
ground truth provided by users. Our experiments reveal that LLMs, such as GPT4,
can provide comparable evaluations with appropriate prompts and settings. We
also provide further insights into combining human labels with the LLM
evaluation process and utilizing ensembles of multiple heterogeneous LLM
evaluators to enhance the accuracy and stability of evaluations. Our study
verifies that utilizing LLMs as evaluators can be an accurate, reproducible and
cost-effective solution for evaluating recommendation explanation texts. Our
code is available at https://github.com/Xiaoyu-SZ/LLMasEvaluator. | cs.IR | Large Language Models as Evaluators for Recommendation Explanations |
2024-06-05T13:16:46Z | http://arxiv.org/pdf/2406.03239v2 | http://arxiv.org/abs/2406.03239v2 | Zhenyun Deng, Michael Schlichtkrull, Andreas Vlachos | 2024-06-12T11:11:48Z | cs.CL | Selecting which claims to check is a time-consuming task for human
fact-checkers, especially from documents consisting of multiple sentences and
containing multiple claims. However, existing claim extraction approaches focus
more on identifying and extracting claims from individual sentences, e.g.,
identifying whether a sentence contains a claim or the exact boundaries of the
claim within a sentence. In this paper, we propose a method for document-level
claim extraction for fact-checking, which aims to extract check-worthy claims
from documents and decontextualise them so that they can be understood out of
context. Specifically, we first recast claim extraction as extractive
summarization in order to identify central sentences from documents, then
rewrite them to include necessary context from the originating document through
sentence decontextualisation. Evaluation with both automatic metrics and a
fact-checking professional shows that our method is able to extract
check-worthy claims from documents more accurately than previous work, while
also improving evidence retrieval. | cs.CL | Document-level Claim Extraction and Decontextualisation for Fact-Checking |
2024-06-05T13:15:37Z | http://arxiv.org/pdf/2406.03235v1 | http://arxiv.org/abs/2406.03235v1 | Janick Michot, Manuela Hürlimann, Jan Deriu, Luzia Sauer, Katsiaryna Mlynchyk, Mark Cieliebak | 2024-06-05T13:15:37Z | cs.CL, cs.AI | One of the central skills that language learners need to practice is speaking
the language. Currently, students in school do not get enough speaking
opportunities and lack conversational practice. Recent advances in speech
technology and natural language processing allow for the creation of novel
tools to practice their speaking skills. In this work, we tackle the first
component of such a pipeline, namely, the automated speech recognition module
(ASR), which faces a number of challenges: first, state-of-the-art ASR models
are often trained on adult read-aloud data by native speakers and do not
transfer well to young language learners' speech. Second, most ASR systems
contain a powerful language model, which smooths out errors made by the
speakers. To give corrective feedback, which is a crucial part of language
learning, the ASR systems in our setting need to preserve the errors made by
the language learners. In this work, we build an ASR system that satisfies
these requirements: it works on spontaneous speech by young language learners
and preserves their errors. For this, we collected a corpus containing around
85 hours of English audio spoken by learners in Switzerland from grades 4 to 6
on different language learning tasks, which we used to train an ASR model. Our
experiments show that our model benefits from direct fine-tuning on children's
voices and has a much higher error preservation rate than other models. | cs.CL | Error-preserving Automatic Speech Recognition of Young English Learners' Language |
2024-06-05T13:00:04Z | http://arxiv.org/pdf/2406.03221v1 | http://arxiv.org/abs/2406.03221v1 | Pierre Nugues | 2024-06-05T13:00:04Z | cs.CL, cs.IR | Diderot's \textit{Encyclop\'edie} is a reference work from XVIIIth century in
Europe that aimed at collecting the knowledge of its era. \textit{Wikipedia}
has the same ambition with a much greater scope. However, the lack of digital
connection between the two encyclopedias may hinder their comparison and the
study of how knowledge has evolved. A key element of \textit{Wikipedia} is
Wikidata that backs the articles with a graph of structured data. In this
paper, we describe the annotation of more than 10,300 of the
\textit{Encyclop\'edie} entries with Wikidata identifiers enabling us to
connect these entries to the graph. We considered geographic and human
entities. The \textit{Encyclop\'edie} does not contain biographic entries as
they mostly appear as subentries of locations. We extracted all the geographic
entries and we completely annotated all the entries containing a description of
human entities. This represents more than 2,600 links referring to locations or
human entities. In addition, we annotated more than 9,500 entries having a
geographic content only. We describe the annotation process as well as
application examples. This resource is available at
https://github.com/pnugues/encyclopedie_1751 | cs.CL | Linking Named Entities in Diderot's \textit{Encyclopédie} to Wikidata |
2024-06-05T12:35:00Z | http://arxiv.org/pdf/2406.03202v2 | http://arxiv.org/abs/2406.03202v2 | Jeiyoon Park, Chanjun Park, Heuiseok Lim | 2024-06-11T07:06:34Z | cs.CL, cs.AI | We explore and improve the capabilities of LLMs to generate data for
grammatical error correction (GEC). When merely producing parallel sentences,
their patterns are too simplistic to be valuable as a corpus. To address this
issue, we propose an automated framework that includes a Subject Selector,
Grammar Selector, Prompt Manager, and Evaluator. Additionally, we introduce a
new dataset for GEC tasks, named ChatLang-8, which encompasses eight types of
subject nouns and 23 types of grammar. It consists of 1 million pairs featuring
human-like grammatical errors. Our experiments reveal that ChatLang-8 exhibits
a more uniform pattern composition compared to existing GEC datasets.
Furthermore, we observe improved model performance when using ChatLang-8
instead of existing GEC datasets. The experimental results suggest that our
framework and ChatLang-8 are valuable resources for enhancing ChatGPT's data
generation capabilities. | cs.CL | ChatLang-8: An LLM-Based Synthetic Data Generation Framework for Grammatical Error Correction |
2024-06-05T12:22:43Z | http://arxiv.org/pdf/2406.06588v1 | http://arxiv.org/abs/2406.06588v1 | Flavio Petruzzellis, Alberto Testolin, Alessandro Sperduti | 2024-06-05T12:22:43Z | cs.CL, cs.AI, cs.LG, cs.NE | Large Language Models (LLMs) achieve impressive performance in a wide range
of tasks, even if they are often trained with the only objective of chatting
fluently with users. Among other skills, LLMs show emergent abilities in
mathematical reasoning benchmarks, which can be elicited with appropriate
prompting methods. In this work, we systematically investigate the capabilities
and limitations of popular open-source LLMs on different symbolic reasoning
tasks. We evaluate three models of the Llama 2 family on two datasets that
require solving mathematical formulas of varying degrees of difficulty. We test
a generalist LLM (Llama 2 Chat) as well as two fine-tuned versions of Llama 2
(MAmmoTH and MetaMath) specifically designed to tackle mathematical problems.
We observe that both increasing the scale of the model and fine-tuning it on
relevant tasks lead to significant performance gains. Furthermore, using
fine-grained evaluation measures, we find that such performance gains are
mostly observed with mathematical formulas of low complexity, which
nevertheless often remain challenging even for the largest fine-tuned models. | cs.CL | Assessing the Emergent Symbolic Reasoning Abilities of Llama Large Language Models |
2024-06-05T12:11:10Z | http://arxiv.org/pdf/2406.03181v1 | http://arxiv.org/abs/2406.03181v1 | Max Glockner, Yufang Hou, Preslav Nakov, Iryna Gurevych | 2024-06-05T12:11:10Z | cs.CL | Health-related misinformation on social networks can lead to poor
decision-making and real-world dangers. Such misinformation often misrepresents
scientific publications and cites them as "proof" to gain perceived
credibility. To effectively counter such claims automatically, a system must
explain how the claim was falsely derived from the cited publication. Current
methods for automated fact-checking or fallacy detection neglect to assess the
(mis)used evidence in relation to misinformation claims, which is required to
detect the mismatch between them. To address this gap, we introduce Missci, a
novel argumentation theoretical model for fallacious reasoning together with a
new dataset for real-world misinformation detection that misrepresents
biomedical publications. Unlike previous fallacy detection datasets, Missci (i)
focuses on implicit fallacies between the relevant content of the cited
publication and the inaccurate claim, and (ii) requires models to verbalize the
fallacious reasoning in addition to classifying it. We present Missci as a
dataset to test the critical reasoning abilities of large language models
(LLMs), that are required to reconstruct real-world fallacious arguments, in a
zero-shot setting. We evaluate two representative LLMs and the impact of
different levels of detail about the fallacy classes provided to the LLM via
prompts. Our experiments and human evaluation show promising results for GPT 4,
while also demonstrating the difficulty of this task. | cs.CL | Missci: Reconstructing Fallacies in Misrepresented Science |
2024-06-05T12:03:19Z | http://arxiv.org/pdf/2406.03170v2 | http://arxiv.org/abs/2406.03170v2 | Farhad Nooralahzadeh, Yi Zhang, Ellery Smith, Sabine Maennel, Cyril Matthey-Doret, Raphaël de Fondville, Kurt Stockinger | 2024-06-06T08:29:23Z | cs.CL | The potential for improvements brought by Large Language Models (LLMs) in
Text-to-SQL systems is mostly assessed on monolingual English datasets.
However, LLMs' performance for other languages remains vastly unexplored. In
this work, we release the StatBot.Swiss dataset, the first bilingual benchmark
for evaluating Text-to-SQL systems based on real-world applications. The
StatBot.Swiss dataset contains 455 natural language/SQL-pairs over 35 big
databases with varying level of complexity for both English and German.
We evaluate the performance of state-of-the-art LLMs such as GPT-3.5-Turbo
and mixtral-8x7b-instruct for the Text-to-SQL translation task using an
in-context learning approach. Our experimental analysis illustrates that
current LLMs struggle to generalize well in generating SQL queries on our novel
bilingual dataset. | cs.CL | StatBot.Swiss: Bilingual Open Data Exploration in Natural Language |
2024-06-05T11:35:44Z | http://arxiv.org/pdf/2406.03158v1 | http://arxiv.org/abs/2406.03158v1 | Shuang Ao, Stefan Rueger, Advaith Siddharthan | 2024-06-05T11:35:44Z | cs.CL, cs.AI | Despite the impressive capability of large language models (LLMs), knowing
when to trust their generations remains an open challenge. The recent
literature on uncertainty quantification of natural language generation (NLG)
utilises a conventional natural language inference (NLI) classifier to measure
the semantic dispersion of LLMs responses. These studies employ logits of NLI
classifier for semantic clustering to estimate uncertainty. However, logits
represent the probability of the predicted class and barely contain feature
information for potential clustering. Alternatively, CLIP (Contrastive
Language-Image Pre-training) performs impressively in extracting image-text
pair features and measuring their similarity. To extend its usability, we
propose Contrastive Semantic Similarity, the CLIP-based feature extraction
module to obtain similarity features for measuring uncertainty for text pairs.
We apply this method to selective NLG, which detects and rejects unreliable
generations for better trustworthiness of LLMs. We conduct extensive
experiments with three LLMs on several benchmark question-answering datasets
with comprehensive evaluation metrics. Results show that our proposed method
performs better in estimating reliable responses of LLMs than comparable
baselines. Results show that our proposed method performs better in estimating
reliable responses of LLMs than comparable baselines. The code are available at
\url{https://github.com/AoShuang92/css_uq_llms}. | cs.CL | CSS: Contrastive Semantic Similarity for Uncertainty Quantification of LLMs |
2024-06-05T11:15:45Z | http://arxiv.org/pdf/2406.03151v2 | http://arxiv.org/abs/2406.03151v2 | Hao Li, Yuping Wu, Viktor Schlegel, Riza Batista-Navarro, Tharindu Madusanka, Iqra Zahid, Jiayan Zeng, Xiaochi Wang, Xinran He, Yizhi Li, Goran Nenadic | 2024-06-06T09:30:11Z | cs.CL, cs.LG | With the recent advances of large language models (LLMs), it is no longer
infeasible to build an automated debate system that helps people to synthesise
persuasive arguments. Previous work attempted this task by integrating multiple
components. In our work, we introduce an argument mining dataset that captures
the end-to-end process of preparing an argumentative essay for a debate, which
covers the tasks of claim and evidence identification (Task 1 ED), evidence
convincingness ranking (Task 2 ECR), argumentative essay summarisation and
human preference ranking (Task 3 ASR) and metric learning for automated
evaluation of resulting essays, based on human feedback along argument quality
dimensions (Task 4 SQE). Our dataset contains 14k examples of claims that are
fully annotated with the various properties supporting the aforementioned
tasks. We evaluate multiple generative baselines for each of these tasks,
including representative LLMs. We find, that while they show promising results
on individual tasks in our benchmark, their end-to-end performance on all four
tasks in succession deteriorates significantly, both in automated measures as
well as in human-centred evaluation. This challenge presented by our proposed
dataset motivates future research on end-to-end argument mining and
summarisation. The repository of this project is available at
https://github.com/HarrywillDr/ArgSum-Datatset | cs.CL | Which Side Are You On? A Multi-task Dataset for End-to-End Argument Summarisation and Evaluation |
2024-06-05T10:22:27Z | http://arxiv.org/pdf/2406.03127v1 | http://arxiv.org/abs/2406.03127v1 | Shun Zhang, Chaoran Yan, Jian Yang, Jiaheng Liu, Ying Mo, Jiaqi Bai, Tongliang Li, Zhoujun Li | 2024-06-05T10:22:27Z | cs.CL | New Intent Discovery (NID) aims at detecting known and previously undefined
categories of user intent by utilizing limited labeled and massive unlabeled
data. Most prior works often operate under the unrealistic assumption that the
distribution of both familiar and new intent classes is uniform, overlooking
the skewed and long-tailed distributions frequently encountered in real-world
scenarios. To bridge the gap, our work introduces the imbalanced new intent
discovery (i-NID) task, which seeks to identify familiar and novel intent
categories within long-tailed distributions. A new benchmark (ImbaNID-Bench)
comprised of three datasets is created to simulate the real-world long-tail
distributions. ImbaNID-Bench ranges from broad cross-domain to specific
single-domain intent categories, providing a thorough representation of
practical use cases. Besides, a robust baseline model ImbaNID is proposed to
achieve cluster-friendly intent representations. It includes three stages:
model pre-training, generation of reliable pseudo-labels, and robust
representation learning that strengthens the model performance to handle the
intricacies of real-world data distributions. Our extensive experiments on
previous benchmarks and the newly established benchmark demonstrate the
superior performance of ImbaNID in addressing the i-NID task, highlighting its
potential as a powerful baseline for uncovering and categorizing user intents
in imbalanced and long-tailed
distributions\footnote{\url{https://github.com/Zkdc/i-NID}}. | cs.CL | Towards Real-world Scenario: Imbalanced New Intent Discovery |
2024-06-05T10:20:10Z | http://arxiv.org/pdf/2406.03125v1 | http://arxiv.org/abs/2406.03125v1 | Wuttikorn Ponwitayarat, Peerat Limkonchotiwat, Ekapol Chuangsuwanich, Sarana Nutanong | 2024-06-05T10:20:10Z | cs.CL | Determining sentence pair similarity is crucial for various NLP tasks. A
common technique to address this is typically evaluated on a continuous
semantic textual similarity scale from 0 to 5. However, based on a linguistic
observation in STS annotation guidelines, we found that the score in the range
[4,5] indicates an upper-range sample, while the rest are lower-range samples.
This necessitates a new approach to treating the upper-range and lower-range
classes separately. In this paper, we introduce a novel embedding space
decomposition method called MixSP utilizing a Mixture of Specialized
Projectors, designed to distinguish and rank upper-range and lower-range
samples accurately. The experimental results demonstrate that MixSP decreased
the overlap representation between upper-range and lower-range classes
significantly while outperforming competitors on STS and zero-shot benchmarks. | cs.CL | Space Decomposition for Sentence Embedding |
2024-06-05T09:31:37Z | http://arxiv.org/pdf/2406.03092v1 | http://arxiv.org/abs/2406.03092v1 | Xihang Yue, Linchao Zhu, Yi Yang | 2024-06-05T09:31:37Z | cs.CL | To process contexts with unlimited length using Large Language Models (LLMs),
recent studies explore hierarchically managing the long text. Only several text
fragments are taken from the external memory and passed into the temporary
working memory, i.e., LLM's context window. However, existing approaches
isolatedly handle the text fragments without considering their structural
connections, thereby suffering limited capability on texts with intensive
inter-relations, e.g., coherent stories and code repositories. This work
attempts to resolve this by exploiting the fragment-level relations in external
memory. First, we formulate the fragment-level relations and present several
instantiations for different text types. Next, we introduce a relation-aware
fragment assessment criteria upon previous independent fragment assessment.
Finally, we present the fragment-connected Hierarchical Memory based LLM. We
validate the benefits of involving these relations on long story understanding,
repository-level code generation, and long-term chatting. | cs.CL | FragRel: Exploiting Fragment-level Relations in the External Memory of Large Language Models |
2024-06-05T09:09:32Z | http://arxiv.org/pdf/2406.03079v1 | http://arxiv.org/abs/2406.03079v1 | Wail Zellagui, Abdessamad Imine, Yamina Tadjeddine | 2024-06-05T09:09:32Z | cs.CL, cs.AI | Recent advances in the field of large language models (LLMs), particularly
the ChatGPT family, have given rise to a powerful and versatile machine
interlocutor, packed with knowledge and challenging our understanding of
learning. This interlocutor is a double-edged sword: it can be harnessed for a
wide variety of beneficial tasks, but it can also be used to cause harm. This
study explores the complicated interaction between ChatGPT and the growing
problem of cryptocurrency fraud. Although ChatGPT is known for its adaptability
and ethical considerations when used for harmful purposes, we highlight the
deep connection that may exist between ChatGPT and fraudulent actions in the
volatile cryptocurrency ecosystem. Based on our categorization of
cryptocurrency frauds, we show how to influence outputs, bypass ethical terms,
and achieve specific fraud goals by manipulating ChatGPT prompts. Furthermore,
our findings emphasize the importance of realizing that ChatGPT could be a
valuable instructor even for novice fraudsters, as well as understanding and
safely deploying complex language models, particularly in the context of
cryptocurrency frauds. Finally, our study underlines the importance of using
LLMs responsibly and ethically in the digital currency sector, identifying
potential risks and resolving ethical issues. It should be noted that our work
is not intended to encourage and promote fraud, but rather to raise awareness
of the risks of fraud associated with the use of ChatGPT. | cs.CL | Cryptocurrency Frauds for Dummies: How ChatGPT introduces us to fraud? |
2024-06-05T08:59:45Z | http://arxiv.org/pdf/2406.03075v1 | http://arxiv.org/abs/2406.03075v1 | Xiaoxi Sun, Jinpeng Li, Yan Zhong, Dongyan Zhao, Rui Yan | 2024-06-05T08:59:45Z | cs.CL | The advent of large language models (LLMs) has facilitated the development of
natural language text generation. It also poses unprecedented challenges, with
content hallucination emerging as a significant concern. Existing solutions
often involve expensive and complex interventions during the training process.
Moreover, some approaches emphasize problem disassembly while neglecting the
crucial validation process, leading to performance degradation or limited
applications. To overcome these limitations, we propose a Markov Chain-based
multi-agent debate verification framework to enhance hallucination detection
accuracy in concise claims. Our method integrates the fact-checking process,
including claim detection, evidence retrieval, and multi-agent verification. In
the verification stage, we deploy multiple agents through flexible Markov
Chain-based debates to validate individual claims, ensuring meticulous
verification outcomes. Experimental results across three generative tasks
demonstrate that our approach achieves significant improvements over baselines. | cs.CL | Towards Detecting LLMs Hallucination via Markov Chain-based Multi-agent Debate Framework |
2024-06-05T08:51:08Z | http://arxiv.org/pdf/2406.03068v1 | http://arxiv.org/abs/2406.03068v1 | Lei Chen, Joan Bruna, Alberto Bietti | 2024-06-05T08:51:08Z | cs.LG, cs.AI, cs.CL, stat.ML | In addition to the ability to generate fluent text in various languages,
large language models have been successful at tasks that involve basic forms of
logical "reasoning" over their context. Recent work found that selectively
removing certain components from weight matrices in pre-trained models can
improve such reasoning capabilities. We investigate this phenomenon further by
carefully studying how certain global associations tend to be stored in
specific weight components or Transformer blocks, in particular feed-forward
layers. Such associations may hurt predictions in reasoning tasks, and removing
the corresponding components may then improve performance. We analyze how this
arises during training, both empirically and theoretically, on a two-layer
Transformer trained on a basic reasoning task with noise, a toy associative
memory model, and on the Pythia family of pre-trained models tested on simple
reasoning tasks. | cs.LG | How Truncating Weights Improves Reasoning in Language Models |
2024-06-05T08:46:07Z | http://arxiv.org/pdf/2406.06587v1 | http://arxiv.org/abs/2406.06587v1 | Shu Zhong, Elia Gatti, Youngjun Cho, Marianna Obrist | 2024-06-05T08:46:07Z | cs.CL, cs.AI, cs.HC | Aligning large language models (LLMs) behaviour with human intent is critical
for future AI. An important yet often overlooked aspect of this alignment is
the perceptual alignment. Perceptual modalities like touch are more
multifaceted and nuanced compared to other sensory modalities such as vision.
This work investigates how well LLMs align with human touch experiences using
the "textile hand" task. We created a "Guess What Textile" interaction in which
participants were given two textile samples -- a target and a reference -- to
handle. Without seeing them, participants described the differences between
them to the LLM. Using these descriptions, the LLM attempted to identify the
target textile by assessing similarity within its high-dimensional embedding
space. Our results suggest that a degree of perceptual alignment exists,
however varies significantly among different textile samples. For example, LLM
predictions are well aligned for silk satin, but not for cotton denim.
Moreover, participants didn't perceive their textile experiences closely
matched by the LLM predictions. This is only the first exploration into
perceptual alignment around touch, exemplified through textile hand. We discuss
possible sources of this alignment variance, and how better human-AI perceptual
alignment can benefit future everyday tasks. | cs.CL | Exploring Human-AI Perception Alignment in Sensory Experiences: Do LLMs Understand Textile Hand? |
2024-06-05T08:43:11Z | http://arxiv.org/pdf/2406.03062v1 | http://arxiv.org/abs/2406.03062v1 | Jinge Wu, Abul Hasan, Honghan Wu | 2024-06-05T08:43:11Z | cs.CL | Radiology report summarization is a crucial task that can help doctors
quickly identify clinically significant findings without the need to review
detailed sections of reports. This study proposes RadBARTsum, a domain-specific
and ontology facilitated adaptation of the BART model for abstractive radiology
report summarization. The approach involves two main steps: 1) re-training the
BART model on a large corpus of radiology reports using a novel entity masking
strategy to improving biomedical domain knowledge learning, and 2) fine-tuning
the model for the summarization task using the Findings and Background sections
to predict the Impression section. Experiments are conducted using different
masking strategies. Results show that the re-training process with domain
knowledge facilitated masking improves performances consistently across various
settings. This work contributes a domain-specific generative language model for
radiology report summarization and a method for utilising medical knowledge to
realise entity masking language model. The proposed approach demonstrates a
promising direction of enhancing the efficiency of language models by deepening
its understanding of clinical knowledge in radiology reports. | cs.CL | RadBARTsum: Domain Specific Adaption of Denoising Sequence-to-Sequence Models for Abstractive Radiology Report Summarization |
2024-06-05T08:24:22Z | http://arxiv.org/pdf/2406.03049v1 | http://arxiv.org/abs/2406.03049v1 | Shaolei Zhang, Qingkai Fang, Shoutao Guo, Zhengrui Ma, Min Zhang, Yang Feng | 2024-06-05T08:24:22Z | cs.CL, cs.AI, cs.SD, eess.AS | Simultaneous speech-to-speech translation (Simul-S2ST, a.k.a streaming speech
translation) outputs target speech while receiving streaming speech inputs,
which is critical for real-time communication. Beyond accomplishing translation
between speech, Simul-S2ST requires a policy to control the model to generate
corresponding target speech at the opportune moment within speech inputs,
thereby posing a double challenge of translation and policy. In this paper, we
propose StreamSpeech, a direct Simul-S2ST model that jointly learns translation
and simultaneous policy in a unified framework of multi-task learning. Adhering
to a multi-task learning approach, StreamSpeech can perform offline and
simultaneous speech recognition, speech translation and speech synthesis via an
"All-in-One" seamless model. Experiments on CVSS benchmark demonstrate that
StreamSpeech achieves state-of-the-art performance in both offline S2ST and
Simul-S2ST tasks. Besides, StreamSpeech is able to present high-quality
intermediate results (i.e., ASR or translation results) during simultaneous
translation process, offering a more comprehensive real-time communication
experience. | cs.CL | StreamSpeech: Simultaneous Speech-to-Speech Translation with Multi-task Learning |
2024-06-05T08:15:38Z | http://arxiv.org/pdf/2406.06586v1 | http://arxiv.org/abs/2406.06586v1 | Shuqi Liu, Bowei He, Linqi Song | 2024-06-05T08:15:38Z | cs.CL, cs.AI | Large Language Models (LLMs) have shown human-like reasoning abilities but
still face challenges in solving complex logical problems. Existing
unidirectional chaining methods, such as forward chaining and backward
chaining, suffer from issues like low prediction accuracy and efficiency. To
address these, we propose a bidirectional chaining method, Bi-Chainer, which
dynamically switches to depth-first reasoning in the opposite reasoning
direction when it encounters multiple branching options within the current
direction. Thus, the intermediate reasoning results can be utilized as guidance
to facilitate the reasoning process. We show that Bi-Chainer achieves sizable
accuracy boots over unidirectional chaining frameworks on four challenging
logical reasoning datasets. Moreover, Bi-Chainer enhances the accuracy of
intermediate proof steps and reduces the average number of inference calls,
resulting in more efficient and accurate reasoning. | cs.CL | Bi-Chainer: Automated Large Language Models Reasoning with Bidirectional Chaining |
2024-06-05T07:57:17Z | http://arxiv.org/pdf/2406.03030v1 | http://arxiv.org/abs/2406.03030v1 | Ali Malik, Stephen Mayhew, Chris Piech, Klinton Bicknell | 2024-06-05T07:57:17Z | cs.CL, cs.LG | We study the problem of controlling the difficulty level of text generated by
Large Language Models (LLMs) for contexts where end-users are not fully
proficient, such as language learners. Using a novel framework, we evaluate the
effectiveness of several key approaches for this task, including few-shot
prompting, supervised finetuning, and reinforcement learning (RL), utilising
both GPT-4 and open source alternatives like LLama2-7B and Mistral-7B.
Our findings reveal a large performance gap between GPT-4 and the open source
models when using prompt-based strategies. However, we show how to bridge this
gap with a careful combination of finetuning and RL alignment. Our best model,
CALM (CEFR-Aligned Language Model), surpasses the performance of GPT-4 and
other strategies, at only a fraction of the cost. We further validate the
quality of our results through a small-scale human study. | cs.CL | From Tarzan to Tolkien: Controlling the Language Proficiency Level of LLMs for Content Generation |
2024-06-05T07:16:51Z | http://arxiv.org/pdf/2406.03009v1 | http://arxiv.org/abs/2406.03009v1 | Sheng-Lun Wei, Cheng-Kuang Wu, Hen-Hsen Huang, Hsin-Hsi Chen | 2024-06-05T07:16:51Z | cs.CL, cs.AI | In this paper, we investigate the phenomena of "selection biases" in Large
Language Models (LLMs), focusing on problems where models are tasked with
choosing the optimal option from an ordered sequence. We delve into biases
related to option order and token usage, which significantly impact LLMs'
decision-making processes. We also quantify the impact of these biases through
an extensive empirical analysis across multiple models and tasks. Furthermore,
we propose mitigation strategies to enhance model performance. Our key
contributions are threefold: 1) Precisely quantifying the influence of option
order and token on LLMs, 2) Developing strategies to mitigate the impact of
token and order sensitivity to enhance robustness, and 3) Offering a detailed
analysis of sensitivity across models and tasks, which informs the creation of
more stable and reliable LLM applications for selection problems. | cs.CL | Unveiling Selection Biases: Exploring Order and Token Sensitivity in Large Language Models |
2024-06-05T07:14:44Z | http://arxiv.org/pdf/2406.03008v1 | http://arxiv.org/abs/2406.03008v1 | Yidong Huang, Jacob Sansom, Ziqiao Ma, Felix Gervits, Joyce Chai | 2024-06-05T07:14:44Z | cs.CV, cs.AI, cs.CL | Recent advancements in foundation models (FMs) have unlocked new prospects in
autonomous driving, yet the experimental settings of these studies are
preliminary, over-simplified, and fail to capture the complexity of real-world
driving scenarios in human environments. It remains under-explored whether FM
agents can handle long-horizon navigation tasks with free-from dialogue and
deal with unexpected situations caused by environmental dynamics or task
changes. To explore the capabilities and boundaries of FMs faced with the
challenges above, we introduce DriVLMe, a video-language-model-based agent to
facilitate natural and effective communication between humans and autonomous
vehicles that perceive the environment and navigate. We develop DriVLMe from
both embodied experiences in a simulated environment and social experiences
from real human dialogue. While DriVLMe demonstrates competitive performance in
both open-loop benchmarks and closed-loop human studies, we reveal several
limitations and challenges, including unacceptable inference time, imbalanced
training data, limited visual understanding, challenges with multi-turn
interactions, simplified language generation from robotic experiences, and
difficulties in handling on-the-fly unexpected situations like environmental
dynamics and task changes. | cs.CV | DriVLMe: Enhancing LLM-based Autonomous Driving Agents with Embodied and Social Experiences |
2024-06-05T07:14:28Z | http://arxiv.org/pdf/2406.03007v1 | http://arxiv.org/abs/2406.03007v1 | Yifei Wang, Dizhan Xue, Shengjie Zhang, Shengsheng Qian | 2024-06-05T07:14:28Z | cs.CL, cs.AI, cs.CR, cs.LG | With the prosperity of large language models (LLMs), powerful LLM-based
intelligent agents have been developed to provide customized services with a
set of user-defined tools. State-of-the-art methods for constructing LLM agents
adopt trained LLMs and further fine-tune them on data for the agent task.
However, we show that such methods are vulnerable to our proposed backdoor
attacks named BadAgent on various agent tasks, where a backdoor can be embedded
by fine-tuning on the backdoor data. At test time, the attacker can manipulate
the deployed LLM agents to execute harmful operations by showing the trigger in
the agent input or environment. To our surprise, our proposed attack methods
are extremely robust even after fine-tuning on trustworthy data. Though
backdoor attacks have been studied extensively in natural language processing,
to the best of our knowledge, we could be the first to study them on LLM agents
that are more dangerous due to the permission to use external tools. Our work
demonstrates the clear risk of constructing LLM agents based on untrusted LLMs
or data. Our code is public at https://github.com/DPamK/BadAgent | cs.CL | BadAgent: Inserting and Activating Backdoor Attacks in LLM Agents |
2024-06-05T07:11:56Z | http://arxiv.org/pdf/2406.03004v1 | http://arxiv.org/abs/2406.03004v1 | Yufei Wang, Mengyue Wu | 2024-06-05T07:11:56Z | cs.CL, cs.AI | Emotion semantic inconsistency is an ubiquitous challenge in multi-modal
sentiment analysis (MSA). MSA involves analyzing sentiment expressed across
various modalities like text, audio, and videos. Each modality may convey
distinct aspects of sentiment, due to subtle and nuanced expression of human
beings, leading to inconsistency, which may hinder the prediction of artificial
agents. In this work, we introduce a modality conflicting test set and assess
the performance of both traditional multi-modal sentiment analysis models and
multi-modal large language models (MLLMs). Our findings reveal significant
performance degradation across traditional models when confronted with
semantically conflicting data and point out the drawbacks of MLLMs when
handling multi-modal emotion analysis. Our research presents a new challenge
and offer valuable insights for the future development of sentiment analysis
systems. | cs.CL | Evaluation of data inconsistency for multi-modal sentiment analysis |
2024-06-05T06:15:48Z | http://arxiv.org/pdf/2406.02974v1 | http://arxiv.org/abs/2406.02974v1 | Jingshen Zhang, Xinglu Chen, Xinying Qiu, Zhimin Wang, Wenhe Feng | 2024-06-05T06:15:48Z | cs.CL | Chinese sentence simplification faces challenges due to the lack of
large-scale labeled parallel corpora and the prevalence of idioms. To address
these challenges, we propose Readability-guided Idiom-aware Sentence
Simplification (RISS), a novel framework that combines data augmentation
techniques with lexcial simplification. RISS introduces two key components: (1)
Readability-guided Paraphrase Selection (RPS), a method for mining high-quality
sentence pairs, and (2) Idiom-aware Simplification (IAS), a model that enhances
the comprehension and simplification of idiomatic expressions. By integrating
RPS and IAS using multi-stage and multi-task learning strategies, RISS
outperforms previous state-of-the-art methods on two Chinese sentence
simplification datasets. Furthermore, RISS achieves additional improvements
when fine-tuned on a small labeled dataset. Our approach demonstrates the
potential for more effective and accessible Chinese text simplification. | cs.CL | Readability-guided Idiom-aware Sentence Simplification (RISS) for Chinese |
2024-06-05T05:53:50Z | http://arxiv.org/pdf/2406.02969v1 | http://arxiv.org/abs/2406.02969v1 | Raeid Saqur, Anastasis Kratsios, Florian Krach, Yannick Limmer, Jacob-Junqi Tian, John Willes, Blanka Horvath, Frank Rudzicz | 2024-06-05T05:53:50Z | cs.LG, cs.AI, cs.CL, q-fin.CP, q-fin.MF, 60J05, 60G35, 68T20, 68T42, 68T50, I.2.6; I.2.7; G.3 | We propose MoE-F -- a formalised mechanism for combining $N$ pre-trained
expert Large Language Models (LLMs) in online time-series prediction tasks by
adaptively forecasting the best weighting of LLM predictions at every time
step. Our mechanism leverages the conditional information in each expert's
running performance to forecast the best combination of LLMs for predicting the
time series in its next step. Diverging from static (learned) Mixture of
Experts (MoE) methods, MoE-F employs time-adaptive stochastic filtering
techniques to combine experts. By framing the expert selection problem as a
finite state-space, continuous-time Hidden Markov model (HMM), we can leverage
the Wohman-Shiryaev filter. Our approach first constructs $N$ parallel filters
corresponding to each of the $N$ individual LLMs. Each filter proposes its best
combination of LLMs, given the information that they have access to.
Subsequently, the $N$ filter outputs are aggregated to optimize a lower bound
for the loss of the aggregated LLMs, which can be optimized in closed-form,
thus generating our ensemble predictor. Our contributions here are: (I) the
MoE-F algorithm -- deployable as a plug-and-play filtering harness, (II)
theoretical optimality guarantees of the proposed filtering-based gating
algorithm, and (III) empirical evaluation and ablative results using state of
the art foundational and MoE LLMs on a real-world Financial Market Movement
task where MoE-F attains a remarkable 17% absolute and 48.5% relative F1
measure improvement over the next best performing individual LLM expert. | cs.LG | Filtered not Mixed: Stochastic Filtering-Based Online Gating for Mixture of Large Language Models |
2024-06-05T05:35:59Z | http://arxiv.org/pdf/2406.02962v1 | http://arxiv.org/abs/2406.02962v1 | Qiang Sun, Yuanyi Luo, Wenxiao Zhang, Sirui Li, Jichunyang Li, Kai Niu, Xiangrui Kong, Wei Liu | 2024-06-05T05:35:59Z | cs.CL, cs.AI, cs.IR | Even for a conservative estimate, 80% of enterprise data reside in
unstructured files, stored in data lakes that accommodate heterogeneous
formats. Classical search engines can no longer meet information seeking needs,
especially when the task is to browse and explore for insight formulation. In
other words, there are no obvious search keywords to use. Knowledge graphs, due
to their natural visual appeals that reduce the human cognitive load, become
the winning candidate for heterogeneous data integration and knowledge
representation.
In this paper, we introduce Docs2KG, a novel framework designed to extract
multimodal information from diverse and heterogeneous unstructured documents,
including emails, web pages, PDF files, and Excel files. Dynamically generates
a unified knowledge graph that represents the extracted key information,
Docs2KG enables efficient querying and exploration of document data lakes.
Unlike existing approaches that focus on domain-specific data sources or
pre-designed schemas, Docs2KG offers a flexible and extensible solution that
can adapt to various document structures and content types. The proposed
framework unifies data processing supporting a multitude of downstream tasks
with improved domain interpretability. Docs2KG is publicly accessible at
https://docs2kg.ai4wa.com, and a demonstration video is available at
https://docs2kg.ai4wa.com/Video. | cs.CL | Docs2KG: Unified Knowledge Graph Construction from Heterogeneous Documents Assisted by Large Language Models |
2024-06-05T05:27:29Z | http://arxiv.org/pdf/2406.02959v1 | http://arxiv.org/abs/2406.02959v1 | Chen Jia | 2024-06-05T05:27:29Z | cs.CL, cs.LG | Knowledge distillation (KD) has been shown to be highly effective in guiding
a student model with a larger teacher model and achieving practical benefits in
improving the computational and memory efficiency for large language models
(LLMs). State-of-the-art KD methods for LLMs mostly rely on minimizing explicit
distribution distance between teacher and student probability predictions.
Instead of optimizing these mandatory behaviour cloning objectives, we explore
an imitation learning strategy for KD of LLMs. In particular, we minimize the
imitation gap by matching the action-value moments of the teacher's behavior
from both on- and off-policy perspectives. To achieve this action-value
moment-matching goal, we propose an adversarial training algorithm to jointly
estimate the moment-matching distance and optimize the student policy to
minimize it. Results from both task-agnostic instruction-following experiments
and task-specific experiments demonstrate the effectiveness of our method and
achieve new state-of-the-art performance. | cs.CL | Adversarial Moment-Matching Distillation of Large Language Models |
2024-06-05T05:27:02Z | http://arxiv.org/pdf/2406.02958v1 | http://arxiv.org/abs/2406.02958v1 | Charlie Hou, Akshat Shrivastava, Hongyuan Zhan, Rylan Conway, Trang Le, Adithya Sagar, Giulia Fanti, Daniel Lazar | 2024-06-05T05:27:02Z | cs.LG, cs.AI, cs.CL, cs.CR, cs.DC | On-device training is currently the most common approach for training machine
learning (ML) models on private, distributed user data. Despite this, on-device
training has several drawbacks: (1) most user devices are too small to train
large models on-device, (2) on-device training is communication- and
computation-intensive, and (3) on-device training can be difficult to debug and
deploy. To address these problems, we propose Private Evolution-Text
(PrE-Text), a method for generating differentially private (DP) synthetic
textual data. First, we show that across multiple datasets, training small
models (models that fit on user devices) with PrE-Text synthetic data
outperforms small models trained on-device under practical privacy regimes
($\epsilon=1.29$, $\epsilon=7.58$). We achieve these results while using
9$\times$ fewer rounds, 6$\times$ less client computation per round, and
100$\times$ less communication per round. Second, finetuning large models on
PrE-Text's DP synthetic data improves large language model (LLM) performance on
private data across the same range of privacy budgets. Altogether, these
results suggest that training on DP synthetic data can be a better option than
training a model on-device on private distributed data. Code is available at
https://github.com/houcharlie/PrE-Text. | cs.LG | PrE-Text: Training Language Models on Private Federated Data in the Age of LLMs |
2024-06-05T05:18:20Z | http://arxiv.org/pdf/2406.02950v1 | http://arxiv.org/abs/2406.02950v1 | Yui Sudo, Muhammad Shakeel, Yosuke Fukumoto, Brian Yan, Jiatong Shi, Yifan Peng, Shinji Watanabe | 2024-06-05T05:18:20Z | eess.AS, cs.CL, cs.SD | End-to-end automatic speech recognition (E2E-ASR) can be classified into
several network architectures, such as connectionist temporal classification
(CTC), recurrent neural network transducer (RNN-T), attention-based
encoder-decoder, and mask-predict models. Each network architecture has
advantages and disadvantages, leading practitioners to switch between these
different models depending on application requirements. Instead of building
separate models, we propose a joint modeling scheme where four decoders (CTC,
RNN-T, attention, and mask-predict) share the same encoder -- we refer to this
as 4D modeling. The 4D model is trained using multitask learning, which will
bring model regularization and maximize the model robustness thanks to their
complementary properties. To efficiently train the 4D model, we introduce a
two-stage training strategy that stabilizes multitask learning. In addition, we
propose three novel one-pass beam search algorithms by combining three decoders
(CTC, RNN-T, and attention) to further improve performance. These three beam
search algorithms differ in which decoder is used as the primary decoder. We
carefully evaluate the performance and computational tradeoffs associated with
each algorithm. Experimental results demonstrate that the jointly trained 4D
model outperforms the E2E-ASR models trained with only one individual decoder.
Furthermore, we demonstrate that the proposed one-pass beam search algorithm
outperforms the previously proposed CTC/attention decoding. | eess.AS | 4D ASR: Joint Beam Search Integrating CTC, Attention, Transducer, and Mask Predict Decoders |
2024-06-05T05:05:41Z | http://arxiv.org/pdf/2406.02943v1 | http://arxiv.org/abs/2406.02943v1 | Keun Soo Yim | 2024-06-05T05:05:41Z | cs.IR, cs.AI, cs.CL, cs.HC, cs.NE | Task-oriented queries (e.g., one-shot queries to play videos, order food, or
call a taxi) are crucial for assessing the quality of virtual assistants,
chatbots, and other large language model (LLM)-based services. However, a
standard benchmark for task-oriented queries is not yet available, as existing
benchmarks in the relevant NLP (Natural Language Processing) fields have
primarily focused on task-oriented dialogues. Thus, we present a new
methodology for efficiently generating the Task-oriented Queries Benchmark
(ToQB) using existing task-oriented dialogue datasets and an LLM service. Our
methodology involves formulating the underlying NLP task to summarize the
original intent of a speaker in each dialogue, detailing the key steps to
perform the devised NLP task using an LLM service, and outlining a framework
for automating a major part of the benchmark generation process. Through a case
study encompassing three domains (i.e., two single-task domains and one
multi-task domain), we demonstrate how to customize the LLM prompts (e.g.,
omitting system utterances or speaker labels) for those three domains and
characterize the generated task-oriented queries. The generated ToQB dataset is
made available to the public. We further discuss new domains that can be added
to ToQB by community contributors and its practical applications. | cs.IR | The Task-oriented Queries Benchmark (ToQB) |
2024-06-05T04:25:56Z | http://arxiv.org/pdf/2406.02925v2 | http://arxiv.org/abs/2406.02925v2 | Hsuan Su, Hua Farn, Fan-Yun Sun, Shang-Tse Chen, Hung-yi Lee | 2024-06-15T15:58:22Z | eess.AS, cs.AI, cs.CL, cs.LG, cs.SD | Synthetic data is widely used in speech recognition due to the availability
of text-to-speech models, which facilitate adapting models to previously unseen
text domains. However, existing methods suffer in performance when they
fine-tune an automatic speech recognition (ASR) model on synthetic data as they
suffer from the distributional shift commonly referred to as the
synthetic-to-real gap. In this paper, we find that task vector arithmetic is
effective at mitigating this gap. Our proposed method, SYN2REAL task vector,
shows an average improvement of 10.03\% improvement in word error rate over
baselines on the SLURP dataset. Additionally, we show that an average of
SYN2REAL task vectors, when we have real speeches from multiple different
domains, can further adapt the original ASR model to perform better on the
target text domain. | eess.AS | Task Arithmetic can Mitigate Synthetic-to-Real Gap in Automatic Speech Recognition |
2024-06-05T04:25:23Z | http://arxiv.org/pdf/2406.02924v1 | http://arxiv.org/abs/2406.02924v1 | Peijie Dong, Lujun Li, Zhenheng Tang, Xiang Liu, Xinglin Pan, Qiang Wang, Xiaowen Chu | 2024-06-05T04:25:23Z | cs.LG, cs.CL, cs.NE | Despite the remarkable capabilities, Large Language Models (LLMs) face
deployment challenges due to their extensive size. Pruning methods drop a
subset of weights to accelerate, but many of them require retraining, which is
prohibitively expensive and computationally demanding. Recently, post-training
pruning approaches introduced novel metrics, enabling the pruning of LLMs
without retraining. However, these metrics require the involvement of human
experts and tedious trial and error. To efficiently identify superior pruning
metrics, we develop an automatic framework for searching symbolic pruning
metrics using genetic programming. In particular, we devise an elaborate search
space encompassing the existing pruning metrics to discover the potential
symbolic pruning metric. We propose an opposing operation simplification
strategy to increase the diversity of the population. In this way, Pruner-Zero
allows auto-generation of symbolic pruning metrics. Based on the searched
results, we explore the correlation between pruning metrics and performance
after pruning and summarize some principles. Extensive experiments on LLaMA and
LLaMA-2 on language modeling and zero-shot tasks demonstrate that our
Pruner-Zero obtains superior performance than SOTA post-training pruning
methods. Code at: \url{https://github.com/pprp/Pruner-Zero}. | cs.LG | Pruner-Zero: Evolving Symbolic Pruning Metric from scratch for Large Language Models |
2024-06-05T04:20:17Z | http://arxiv.org/pdf/2406.02921v2 | http://arxiv.org/abs/2406.02921v2 | Zhong Meng, Zelin Wu, Rohit Prabhavalkar, Cal Peyser, Weiran Wang, Nanxin Chen, Tara N. Sainath, Bhuvana Ramabhadran | 2024-06-11T04:11:56Z | cs.CL, cs.AI, cs.LG, cs.NE, eess.AS | Neural contextual biasing effectively improves automatic speech recognition
(ASR) for crucial phrases within a speaker's context, particularly those that
are infrequent in the training data. This work proposes contextual text
injection (CTI) to enhance contextual ASR. CTI leverages not only the paired
speech-text data, but also a much larger corpus of unpaired text to optimize
the ASR model and its biasing component. Unpaired text is converted into
speech-like representations and used to guide the model's attention towards
relevant bias phrases. Moreover, we introduce a contextual text-injected (CTI)
minimum word error rate (MWER) training, which minimizes the expected WER
caused by contextual biasing when unpaired text is injected into the model.
Experiments show that CTI with 100 billion text sentences can achieve up to
43.3% relative WER reduction from a strong neural biasing model. CTI-MWER
provides a further relative improvement of 23.5%. | cs.CL | Text Injection for Neural Contextual Biasing |
2024-06-05T04:15:07Z | http://arxiv.org/pdf/2406.02919v1 | http://arxiv.org/abs/2406.02919v1 | Yuxuan Zhou, Xien Liu, Chen Ning, Ji Wu | 2024-06-05T04:15:07Z | cs.CL | Large language models (LLMs) have excelled across domains, also delivering
notable performance on the medical evaluation benchmarks, such as MedQA.
However, there still exists a significant gap between the reported performance
and the practical effectiveness in real-world medical scenarios. In this paper,
we aim to explore the causes of this gap by employing a multifaceted
examination schema to systematically probe the actual mastery of medical
knowledge by current LLMs. Specifically, we develop a novel evaluation
framework MultifacetEval to examine the degree and coverage of LLMs in encoding
and mastering medical knowledge at multiple facets (comparison, rectification,
discrimination, and verification) concurrently. Based on the MultifacetEval
framework, we construct two multifaceted evaluation datasets: MultiDiseK (by
producing questions from a clinical disease knowledge base) and MultiMedQA (by
rephrasing each question from a medical benchmark MedQA into multifaceted
questions). The experimental results on these multifaceted datasets demonstrate
that the extent of current LLMs in mastering medical knowledge is far below
their performance on existing medical benchmarks, suggesting that they lack
depth, precision, and comprehensiveness in mastering medical knowledge.
Consequently, current LLMs are not yet ready for application in real-world
medical tasks. The codes and datasets are available at
https://github.com/THUMLP/MultifacetEval. | cs.CL | MultifacetEval: Multifaceted Evaluation to Probe LLMs in Mastering Medical Knowledge |
2024-06-05T04:04:08Z | http://arxiv.org/pdf/2406.02911v1 | http://arxiv.org/abs/2406.02911v1 | Hongling Xu, Qianlong Wang, Yice Zhang, Min Yang, Xi Zeng, Bing Qin, Ruifeng Xu | 2024-06-05T04:04:08Z | cs.CL | Large language models (LLMs) have achieved promising results in sentiment
analysis through the in-context learning (ICL) paradigm. However, their ability
to distinguish subtle sentiments still remains a challenge. Inspired by the
human ability to adjust understanding via feedback, this paper enhances ICL by
incorporating prior predictions and feedback, aiming to rectify sentiment
misinterpretation of LLMs. Specifically, the proposed framework consists of
three steps: (1) acquiring prior predictions of LLMs, (2) devising predictive
feedback based on correctness, and (3) leveraging a feedback-driven prompt to
refine sentiment understanding. Experimental results across nine sentiment
analysis datasets demonstrate the superiority of our framework over
conventional ICL methods, with an average F1 improvement of 5.95%. | cs.CL | Improving In-Context Learning with Prediction Feedback for Sentiment Analysis |
2024-06-05T03:46:52Z | http://arxiv.org/pdf/2406.02903v1 | http://arxiv.org/abs/2406.02903v1 | Shiguang Guo, Ziliang Deng, Hongyu Lin, Yaojie Lu, Xianpei Han, Le Sun | 2024-06-05T03:46:52Z | cs.CL | The emergence of large language models (LLMs) has increasingly drawn
attention to the use of LLMs for human-like planning. Existing work on
LLM-based planning either focuses on leveraging the inherent language
generation capabilities of LLMs to produce free-style plans, or employs
reinforcement learning approaches to learn decision-making for a limited set of
actions within restricted environments. However, both approaches exhibit
significant discrepancies from the open and executable requirements in
real-world planning. In this paper, we propose a new planning task--open
grounded planning. The primary objective of open grounded planning is to ask
the model to generate an executable plan based on a variable action set,
thereby ensuring the executability of the produced plan. To this end, we
establishes a benchmark for open grounded planning spanning a wide range of
domains. Then we test current state-of-the-art LLMs along with five planning
approaches, revealing that existing LLMs and methods still struggle to address
the challenges posed by grounded planning in open domains. The outcomes of this
paper define and establish a foundational dataset for open grounded planning,
and shed light on the potential challenges and future directions of LLM-based
planning. | cs.CL | Open Grounded Planning: Challenges and Benchmark Construction |
2024-06-05T03:44:35Z | http://arxiv.org/pdf/2406.02902v2 | http://arxiv.org/abs/2406.02902v2 | Bingfeng Chen, Qihan Ouyang, Yongqi Luo, Boyan Xu, Ruichu Cai, Zhifeng Hao | 2024-06-07T07:32:50Z | cs.CL | Previous graph-based approaches in Aspect based Sentiment Analysis(ABSA) have
demonstrated impressive performance by utilizing graph neural networks and
attention mechanisms to learn structures of static dependency trees and dynamic
latent trees. However, incorporating both semantic and syntactic information
simultaneously within complex global structures can introduce irrelevant
contexts and syntactic dependencies during the process of graph structure
learning, potentially resulting in inaccurate predictions. In order to address
the issues above, we propose S$^2$GSL, incorporating Segment to Syntactic
enhanced Graph Structure Learning for ABSA. Specifically,S$^2$GSL is featured
with a segment-aware semantic graph learning and a syntax-based latent graph
learning enabling the removal of irrelevant contexts and dependencies,
respectively. We further propose a self-adaptive aggregation network that
facilitates the fusion of two graph learning branches, thereby achieving
complementarity across diverse structures. Experimental results on four
benchmarks demonstrate the effectiveness of our framework. | cs.CL | S$^2$GSL: Incorporating Segment to Syntactic Enhanced Graph Structure Learning for Aspect-based Sentiment Analysis |
2024-06-05T03:41:37Z | http://arxiv.org/pdf/2406.02900v1 | http://arxiv.org/abs/2406.02900v1 | Rafael Rafailov, Yaswanth Chittepu, Ryan Park, Harshit Sikchi, Joey Hejna, Bradley Knox, Chelsea Finn, Scott Niekum | 2024-06-05T03:41:37Z | cs.LG, cs.AI, cs.CL | Reinforcement Learning from Human Feedback (RLHF) has been crucial to the
recent success of Large Language Models (LLMs), however, it is often a complex
and brittle process. In the classical RLHF framework, a reward model is first
trained to represent human preferences, which is in turn used by an online
reinforcement learning (RL) algorithm to optimize the LLM. A prominent issue
with such methods is \emph{reward over-optimization} or \emph{reward hacking},
where performance as measured by the learned proxy reward model increases, but
true quality plateaus or even deteriorates. Direct Alignment Algorithms (DDAs)
like Direct Preference Optimization have emerged as alternatives to the
classical RLHF pipeline by circumventing the reward modeling phase. However,
although DAAs do not use a separate proxy reward model, they still commonly
deteriorate from over-optimization. While the so-called reward hacking
phenomenon is not well-defined for DAAs, we still uncover similar trends: at
higher KL budgets, DAA algorithms exhibit similar degradation patterns to their
classic RLHF counterparts. In particular, we find that DAA methods deteriorate
not only across a wide range of KL budgets but also often before even a single
epoch of the dataset is completed. Through extensive empirical experimentation,
this work formulates and formalizes the reward over-optimization or hacking
problem for DAAs and explores its consequences across objectives, training
regimes, and model scales. | cs.LG | Scaling Laws for Reward Model Overoptimization in Direct Alignment Algorithms |
2024-06-05T03:26:59Z | http://arxiv.org/pdf/2406.02893v2 | http://arxiv.org/abs/2406.02893v2 | Unggi Lee, Jiyeong Bae, Dohee Kim, Sookbun Lee, Jaekwon Park, Taekyung Ahn, Gunho Lee, Damji Stratton, Hyeoncheol Kim | 2024-06-09T10:53:29Z | cs.CL | Knowledge Tracing (KT) is a critical task in online learning for modeling
student knowledge over time. Despite the success of deep learning-based KT
models, which rely on sequences of numbers as data, most existing approaches
fail to leverage the rich semantic information in the text of questions and
concepts. This paper proposes Language model-based Knowledge Tracing (LKT), a
novel framework that integrates pre-trained language models (PLMs) with KT
methods. By leveraging the power of language models to capture semantic
representations, LKT effectively incorporates textual information and
significantly outperforms previous KT models on large benchmark datasets.
Moreover, we demonstrate that LKT can effectively address the cold-start
problem in KT by leveraging the semantic knowledge captured by PLMs.
Interpretability of LKT is enhanced compared to traditional KT models due to
its use of text-rich data. We conducted the local interpretable model-agnostic
explanation technique and analysis of attention scores to interpret the model
performance further. Our work highlights the potential of integrating PLMs with
KT and paves the way for future research in KT domain. | cs.CL | Language Model Can Do Knowledge Tracing: Simple but Effective Method to Integrate Language Model and Knowledge Tracing Task |
2024-06-05T03:08:46Z | http://arxiv.org/pdf/2406.02888v2 | http://arxiv.org/abs/2406.02888v2 | Yuchen Zhuang, Haotian Sun, Yue Yu, Rushi Qiang, Qifan Wang, Chao Zhang, Bo Dai | 2024-06-11T01:51:57Z | cs.CL, cs.AI, cs.LG | Personalization has emerged as a critical research area in modern intelligent
systems, focusing on mining users' behavioral history and adapting to their
preferences for delivering tailored experiences. Despite the remarkable
few-shot capabilities exhibited by black-box large language models (LLMs), the
inherent opacity of their model parameters presents significant challenges in
aligning the generated output with individual expectations. Existing solutions
have primarily focused on prompt design to incorporate user-specific profiles
and behaviors; however, such approaches often struggle to generalize
effectively due to their inability to capture shared knowledge among all users.
To address these challenges, we propose HYDRA, a model factorization framework
that captures both user-specific behavior patterns from historical data and
shared general knowledge among all users to deliver personalized generation. In
order to capture user-specific behavior patterns, we first train a reranker to
prioritize the most useful information from top-retrieved relevant historical
records. By combining the prioritized history with the corresponding query, we
train an adapter to align the output with individual user-specific preferences,
eliminating the reliance on access to inherent model parameters of black-box
LLMs. Both the reranker and the adapter can be decomposed into a base model
with multiple user-specific heads, resembling a hydra. The base model maintains
shared knowledge across users, while the multiple personal heads capture
user-specific preferences. Experimental results demonstrate that HYDRA
outperforms existing state-of-the-art prompt-based methods by an average
relative improvement of 9.01% across five diverse personalization tasks in the
LaMP benchmark. Our implementation is available at
https://github.com/night-chen/HYDRA. | cs.CL | HYDRA: Model Factorization Framework for Black-Box LLM Personalization |
2024-06-05T03:08:25Z | http://arxiv.org/pdf/2406.02886v2 | http://arxiv.org/abs/2406.02886v2 | Rongzhi Zhang, Jiaming Shen, Tianqi Liu, Haorui Wang, Zhen Qin, Feng Han, Jialu Liu, Simon Baumgartner, Michael Bendersky, Chao Zhang | 2024-06-06T12:47:31Z | cs.CL, cs.AI | Large Language Models (LLMs) have exhibited impressive capabilities in
various tasks, yet their vast parameter sizes restrict their applicability in
resource-constrained settings. Knowledge distillation (KD) offers a viable
solution by transferring expertise from large teacher models to compact student
models. However, traditional KD techniques face specific challenges when
applied to LLMs, including restricted access to LLM outputs, significant
teacher-student capacity gaps, and the inherited mis-calibration issue. In this
work, we present PLaD, a novel preference-based LLM distillation framework.
PLaD exploits the teacher-student capacity discrepancy to generate
pseudo-preference pairs where teacher outputs are preferred over student
outputs. Then, PLaD leverages a ranking loss to re-calibrate student's
estimation of sequence likelihood, which steers the student's focus towards
understanding the relative quality of outputs instead of simply imitating the
teacher. PLaD bypasses the need for access to teacher LLM's internal states,
tackles the student's expressivity limitations, and mitigates the student
mis-calibration issue. Through extensive experiments on two sequence generation
tasks and with various LLMs, we demonstrate the effectiveness of our proposed
PLaD framework. | cs.CL | PLaD: Preference-based Large Language Model Distillation with Pseudo-Preference Pairs |
2024-06-05T03:00:15Z | http://arxiv.org/pdf/2406.02882v3 | http://arxiv.org/abs/2406.02882v3 | Zengkui Sun, Yijin Liu, Jiaan Wang, Fandong Meng, Jinan Xu, Yufeng Chen, Jie Zhou | 2024-06-16T08:50:34Z | cs.CL, cs.AI | Recently, Knowledge Editing has received increasing attention, since it could
update the specific knowledge from outdated ones in pretrained models without
re-training. However, as pointed out by recent studies, existing related
methods tend to merely memorize the superficial word composition of the edited
knowledge, rather than truly learning and absorbing it. Consequently, on the
reasoning questions, we discover that existing methods struggle to utilize the
edited knowledge to reason the new answer, and tend to retain outdated
responses, which are generated by the original models utilizing original
knowledge. Nevertheless, the outdated responses are unexpected for the correct
answers to reasoning questions, which we named as the outdated issue. To
alleviate this issue, in this paper, we propose a simple yet effective decoding
strategy, i.e., outDated ISsue aware deCOding (DISCO), to enhance the
performance of edited models on reasoning questions. Specifically, we capture
the difference in the probability distribution between the original and edited
models. Further, we amplify the difference of the token prediction in the
edited model to alleviate the outdated issue, and thus enhance the model
performance w.r.t the edited knowledge. Experimental results suggest that
applying DISCO could enhance edited models to reason, e.g., on reasoning
questions, DISCO outperforms the prior SOTA method by 12.99 F1 scores, and
reduces the ratio of the outdated issue to 5.78% on the zsRE dataset. | cs.CL | Outdated Issue Aware Decoding for Reasoning Questions on Edited Knowledge |
2024-06-05T02:55:21Z | http://arxiv.org/pdf/2406.06584v1 | http://arxiv.org/abs/2406.06584v1 | Sahas Koka, Anthony Vuong, Anish Kataria | 2024-06-05T02:55:21Z | cs.CL, cs.AI | In an era increasingly influenced by artificial intelligence, the detection
of fake news is crucial, especially in contexts like election seasons where
misinformation can have significant societal impacts. This study evaluates the
effectiveness of various LLMs in identifying and filtering fake news content.
Utilizing a comparative analysis approach, we tested four large LLMs -- GPT-4,
Claude 3 Sonnet, Gemini Pro 1.0, and Mistral Large -- and two smaller LLMs --
Gemma 7B and Mistral 7B. By using fake news dataset samples from Kaggle, this
research not only sheds light on the current capabilities and limitations of
LLMs in fake news detection but also discusses the implications for developers
and policymakers in enhancing AI-driven informational integrity. | cs.CL | Evaluating the Efficacy of Large Language Models in Detecting Fake News: A Comparative Analysis |
2024-06-05T02:52:17Z | http://arxiv.org/pdf/2406.02876v2 | http://arxiv.org/abs/2406.02876v2 | Zengkui Sun, Yijin Liu, Fandong Meng, Jinan Xu, Yufeng Chen, Jie Zhou | 2024-06-06T03:22:38Z | cs.CL, cs.AI | Multilingual neural machine translation models generally distinguish
translation directions by the language tag (LT) in front of the source or
target sentences. However, current LT strategies cannot indicate the desired
target language as expected on zero-shot translation, i.e., the off-target
issue. Our analysis reveals that the indication of the target language is
sensitive to the placement of the target LT. For example, when placing the
target LT on the decoder side, the indication would rapidly degrade along with
decoding steps, while placing the target LT on the encoder side would lead to
copying or paraphrasing the source input. To address the above issues, we
propose a simple yet effective strategy named Language Converter Strategy
(LCS). By introducing the target language embedding into the top encoder
layers, LCS mitigates confusion in the encoder and ensures stable language
indication for the decoder. Experimental results on MultiUN, TED, and OPUS-100
datasets demonstrate that LCS could significantly mitigate the off-target
issue, with language accuracy up to 95.28%, 96.21%, and 85.35% meanwhile
outperforming the vanilla LT strategy by 3.07, 3,3, and 7.93 BLEU scores on
zero-shot translation, respectively. | cs.CL | LCS: A Language Converter Strategy for Zero-Shot Neural Machine Translation |
2024-06-05T02:26:14Z | http://arxiv.org/pdf/2406.02864v1 | http://arxiv.org/abs/2406.02864v1 | Ancheng Xu, Minghuan Tan, Lei Wang, Min Yang, Ruifeng Xu | 2024-06-05T02:26:14Z | cs.CL, cs.AI | Numeral systems and units of measurement are two conjoined topics in
activities of human beings and have mutual effects with the languages
expressing them. Currently, the evaluation of Large Language Models (LLMs)
often involves mathematical reasoning, yet little attention is given to how
minor changes in numbers or units can drastically alter the complexity of
problems and the performance of LLMs. In this paper, we scrutinize existing
LLMs on processing of numerals and units of measurement by constructing
datasets with perturbations. We first anatomize the reasoning of math word
problems to different sub-procedures like numeral conversions from language to
numbers and measurement conversions based on units. Then we further annotate
math word problems from ancient Chinese arithmetic works which are challenging
in numerals and units of measurement. Experiments on perturbed datasets
demonstrate that LLMs still encounter difficulties in handling numeral and
measurement conversions. | cs.CL | NUMCoT: Numerals and Units of Measurement in Chain-of-Thought Reasoning using Large Language Models |
2024-06-05T02:25:10Z | http://arxiv.org/pdf/2406.02863v1 | http://arxiv.org/abs/2406.02863v1 | Yi-Pei Chen, KuanChao Chu, Hideki Nakayama | 2024-06-05T02:25:10Z | cs.CL | This research investigates the effect of prompt design on dialogue evaluation
using large language models (LLMs). While LLMs are increasingly used for
scoring various inputs, creating effective prompts for dialogue evaluation
remains challenging due to model sensitivity and subjectivity in dialogue
assessments. Our study experimented with different prompt structures, altering
the sequence of output instructions and including explanatory reasons. We found
that the order of presenting reasons and scores significantly influences LLMs'
scoring, with a "reason-first" approach yielding more comprehensive
evaluations. This insight is crucial for enhancing the accuracy and consistency
of LLM-based evaluations. | cs.CL | LLM as a Scorer: The Impact of Output Order on Dialogue Evaluation |
2024-06-05T02:12:06Z | http://arxiv.org/pdf/2406.02856v4 | http://arxiv.org/abs/2406.02856v4 | Yichuan Wang, Yang Liu, Yu Yan, Qun Wang, Xucheng Huang, Ling Jiang | 2024-06-26T06:28:45Z | cs.CL, cs.AI | We introduce Xmodel-LM, a compact and efficient 1.1B language model
pre-trained on around 2 trillion tokens. Trained on our self-built dataset
(Xdata), which balances Chinese and English corpora based on downstream task
optimization, Xmodel-LM exhibits remarkable performance despite its smaller
size. It notably surpasses existing open-source language models of similar
scale. Our model checkpoints and code are publicly accessible on GitHub at
https://github.com/XiaoduoAILab/XmodelLM. | cs.CL | Xmodel-LM Technical Report |
2024-06-05T01:35:50Z | http://arxiv.org/pdf/2406.02844v1 | http://arxiv.org/abs/2406.02844v1 | Li Yang, Anushya Subbiah, Hardik Patel, Judith Yue Li, Yanwei Song, Reza Mirghaderi, Vikram Aggarwal | 2024-06-05T01:35:50Z | cs.IR, cs.CL | Large-language Models (LLMs) have been extremely successful at tasks like
complex dialogue understanding, reasoning and coding due to their emergent
abilities. These emergent abilities have been extended with multi-modality to
include image, audio, and video capabilities. Recommender systems, on the other
hand, have been critical for information seeking and item discovery needs.
Recently, there have been attempts to apply LLMs for recommendations. One
difficulty of current attempts is that the underlying LLM is usually not
trained on the recommender system data, which largely contains user interaction
signals and is often not publicly available. Another difficulty is user
interaction signals often have a different pattern from natural language text,
and it is currently unclear if the LLM training setup can learn more
non-trivial knowledge from interaction signals compared with traditional
recommender system methods. Finally, it is difficult to train multiple LLMs for
different use-cases, and to retain the original language and reasoning
abilities when learning from recommender system data. To address these three
limitations, we propose an Item-Language Model (ILM), which is composed of an
item encoder to produce text-aligned item representations that encode user
interaction signals, and a frozen LLM that can understand those item
representations with preserved pretrained knowledge. We conduct extensive
experiments which demonstrate both the importance of the language-alignment and
of user interaction knowledge in the item encoder. | cs.IR | Item-Language Model for Conversational Recommendation |
2024-06-05T00:54:03Z | http://arxiv.org/pdf/2406.02832v1 | http://arxiv.org/abs/2406.02832v1 | Firas Trabelsi, David Vilar, Mara Finkelstein, Markus Freitag | 2024-06-05T00:54:03Z | cs.CL, cs.LG | Minimum Bayes Risk (MBR) decoding is a powerful decoding strategy widely used
for text generation tasks, but its quadratic computational complexity limits
its practical application. This paper presents a novel approach for
approximating MBR decoding using matrix completion techniques, focusing on the
task of machine translation. We formulate MBR decoding as a matrix completion
problem, where the utility metric scores between candidate hypotheses and
pseudo-reference translations form a low-rank matrix. First, we empirically
show that the scores matrices indeed have a low-rank structure. Then, we
exploit this by only computing a random subset of the scores and efficiently
recover the missing entries in the matrix by applying the Alternating Least
Squares (ALS) algorithm, thereby enabling a fast approximation of the MBR
decoding process. Our experimental results on machine translation tasks
demonstrate that the proposed method requires 1/16 utility metric computations
compared to vanilla MBR decoding while achieving equal translation quality
measured by COMET22 on the WMT22 dataset (en<>de and en<>ru). We also benchmark
our method against other approximation methods and we show gains in quality
when comparing to them. | cs.CL | Efficient Minimum Bayes Risk Decoding using Low-Rank Matrix Completion Algorithms |
2024-06-05T00:31:50Z | http://arxiv.org/pdf/2406.02830v1 | http://arxiv.org/abs/2406.02830v1 | Changye Li, Zhecheng Sheng, Trevor Cohen, Serguei Pakhomov | 2024-06-05T00:31:50Z | cs.CL | As artificial neural networks grow in complexity, understanding their inner
workings becomes increasingly challenging, which is particularly important in
healthcare applications. The intrinsic evaluation metrics of autoregressive
neural language models (NLMs), perplexity (PPL), can reflect how "surprised" an
NLM model is at novel input. PPL has been widely used to understand the
behavior of NLMs. Previous findings show that changes in PPL when masking
attention layers in pre-trained transformer-based NLMs reflect linguistic
anomalies associated with Alzheimer's disease dementia. Building upon this, we
explore a novel bidirectional attention head ablation method that exhibits
properties attributed to the concepts of cognitive and brain reserve in human
brain studies, which postulate that people with more neurons in the brain and
more efficient processing are more resilient to neurodegeneration. Our results
show that larger GPT-2 models require a disproportionately larger share of
attention heads to be masked/ablated to display degradation of similar
magnitude to masking in smaller models. These results suggest that the
attention mechanism in transformer models may present an analogue to the
notions of cognitive and brain reserve and could potentially be used to model
certain aspects of the progression of neurodegenerative disorders and aging. | cs.CL | Too Big to Fail: Larger Language Models are Disproportionately Resilient to Induction of Dementia-Related Linguistic Anomalies |
2024-06-05T00:11:20Z | http://arxiv.org/pdf/2406.02826v1 | http://arxiv.org/abs/2406.02826v1 | Yu-Wen Chen, Julia Hirschberg | 2024-06-05T00:11:20Z | cs.CL, cs.LG | Summarizing medical conversations poses unique challenges due to the
specialized domain and the difficulty of collecting in-domain training data. In
this study, we investigate the performance of state-of-the-art doctor-patient
conversation generative summarization models on the out-of-domain data. We
divide the summarization model of doctor-patient conversation into two
configurations: (1) a general model, without specifying subjective (S),
objective (O), and assessment (A) and plan (P) notes; (2) a SOAP-oriented model
that generates a summary with SOAP sections. We analyzed the limitations and
strengths of the fine-tuning language model-based methods and GPTs on both
configurations. We also conducted a Linguistic Inquiry and Word Count analysis
to compare the SOAP notes from different datasets. The results exhibit a strong
correlation for reference notes across different datasets, indicating that
format mismatch (i.e., discrepancies in word distribution) is not the main
cause of performance decline on out-of-domain data. Lastly, a detailed analysis
of SOAP notes is included to provide insights into missing information and
hallucinations introduced by the models. | cs.CL | Exploring Robustness in Doctor-Patient Conversation Summarization: An Analysis of Out-of-Domain SOAP Notes |
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.