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-27T16:47:42Z | http://arxiv.org/pdf/2406.19314v1 | http://arxiv.org/abs/2406.19314v1 | Colin White, Samuel Dooley, Manley Roberts, Arka Pal, Ben Feuer, Siddhartha Jain, Ravid Shwartz-Ziv, Neel Jain, Khalid Saifullah, Siddartha Naidu, Chinmay Hegde, Yann LeCun, Tom Goldstein, Willie Neiswanger, Micah Goldblum | 2024-06-27T16:47:42Z | cs.CL, cs.AI, cs.LG | Test set contamination, wherein test data from a benchmark ends up in a newer
model's training set, is a well-documented obstacle for fair LLM evaluation and
can quickly render benchmarks obsolete. To mitigate this, many recent
benchmarks crowdsource new prompts and evaluations from human or LLM judges;
however, these can introduce significant biases, and break down when scoring
hard questions. In this work, we introduce a new benchmark for LLMs designed to
be immune to both test set contamination and the pitfalls of LLM judging and
human crowdsourcing. We release LiveBench, the first benchmark that (1)
contains frequently-updated questions from recent information sources, (2)
scores answers automatically according to objective ground-truth values, and
(3) contains a wide variety of challenging tasks, spanning math, coding,
reasoning, language, instruction following, and data analysis. To achieve this,
LiveBench contains questions that are based on recently-released math
competitions, arXiv papers, news articles, and datasets, and it contains
harder, contamination-free versions of tasks from previous benchmarks such as
Big-Bench Hard, AMPS, and IFEval. We evaluate many prominent closed-source
models, as well as dozens of open-source models ranging from 0.5B to 110B in
size. LiveBench is difficult, with top models achieving below 65% accuracy. We
release all questions, code, and model answers. Questions will be added and
updated on a monthly basis, and we will release new tasks and harder versions
of tasks over time so that LiveBench can distinguish between the capabilities
of LLMs as they improve in the future. We welcome community engagement and
collaboration for expanding the benchmark tasks and models. | cs.CL | LiveBench: A Challenging, Contamination-Free LLM Benchmark |
2024-06-27T16:30:50Z | http://arxiv.org/pdf/2406.19307v1 | http://arxiv.org/abs/2406.19307v1 | Shaobo Cui, Zhijing Jin, Bernhard Schölkopf, Boi Faltings | 2024-06-27T16:30:50Z | cs.CL | Understanding commonsense causality is a unique mark of intelligence for
humans. It helps people understand the principles of the real world better and
benefits the decision-making process related to causation. For instance,
commonsense causality is crucial in judging whether a defendant's action causes
the plaintiff's loss in determining legal liability. Despite its significance,
a systematic exploration of this topic is notably lacking. Our comprehensive
survey bridges this gap by focusing on taxonomies, benchmarks, acquisition
methods, qualitative reasoning, and quantitative measurements in commonsense
causality, synthesizing insights from over 200 representative articles. Our
work aims to provide a systematic overview, update scholars on recent
advancements, provide a pragmatic guide for beginners, and highlight promising
future research directions in this vital field. | cs.CL | The Odyssey of Commonsense Causality: From Foundational Benchmarks to Cutting-Edge Reasoning |
2024-06-27T16:05:13Z | http://arxiv.org/pdf/2406.19292v1 | http://arxiv.org/abs/2406.19292v1 | Zheyang Xiong, Vasilis Papageorgiou, Kangwook Lee, Dimitris Papailiopoulos | 2024-06-27T16:05:13Z | cs.LG, cs.AI, cs.CL | Recent studies have shown that Large Language Models (LLMs) struggle to
accurately retrieve information and maintain reasoning capabilities when
processing long-context inputs. To address these limitations, we propose a
finetuning approach utilizing a carefully designed synthetic dataset comprising
numerical key-value retrieval tasks. Our experiments on models like GPT-3.5
Turbo and Mistral 7B demonstrate that finetuning LLMs on this dataset
significantly improves LLMs' information retrieval and reasoning capabilities
in longer-context settings. We present an analysis of the finetuned models,
illustrating the transfer of skills from synthetic to real task evaluations
(e.g., $10.5\%$ improvement on $20$ documents MDQA at position $10$ for GPT-3.5
Turbo). We also find that finetuned LLMs' performance on general benchmarks
remains almost constant while LLMs finetuned on other baseline long-context
augmentation data can encourage hallucination (e.g., on TriviaQA, Mistral 7B
finetuned on our synthetic data cause no performance drop while other baseline
data can cause a drop that ranges from $2.33\%$ to $6.19\%$). Our study
highlights the potential of finetuning on synthetic data for improving the
performance of LLMs on longer-context tasks. | cs.LG | From Artificial Needles to Real Haystacks: Improving Retrieval Capabilities in LLMs by Finetuning on Synthetic Data |
2024-06-27T15:54:12Z | http://arxiv.org/pdf/2407.00119v1 | http://arxiv.org/abs/2407.00119v1 | Yuntao Shou, Wei Ai, Jiayi Du, Tao Meng, Haiyan Liu | 2024-06-27T15:54:12Z | cs.LG, cs.AI, cs.CL | The task of multi-modal emotion recognition in conversation (MERC) aims to
analyze the genuine emotional state of each utterance based on the multi-modal
information in the conversation, which is crucial for conversation
understanding. Existing methods focus on using graph neural networks (GNN) to
model conversational relationships and capture contextual latent semantic
relationships. However, due to the complexity of GNN, existing methods cannot
efficiently capture the potential dependencies between long-distance
utterances, which limits the performance of MERC. In this paper, we propose an
Efficient Long-distance Latent Relation-aware Graph Neural Network (ELR-GNN)
for multi-modal emotion recognition in conversations. Specifically, we first
use pre-extracted text, video and audio features as input to Bi-LSTM to capture
contextual semantic information and obtain low-level utterance features. Then,
we use low-level utterance features to construct a conversational emotion
interaction graph. To efficiently capture the potential dependencies between
long-distance utterances, we use the dilated generalized forward push algorithm
to precompute the emotional propagation between global utterances and design an
emotional relation-aware operator to capture the potential semantic
associations between different utterances. Furthermore, we combine early fusion
and adaptive late fusion mechanisms to fuse latent dependency information
between speaker relationship information and context. Finally, we obtain
high-level discourse features and feed them into MLP for emotion prediction.
Extensive experimental results show that ELR-GNN achieves state-of-the-art
performance on the benchmark datasets IEMOCAP and MELD, with running times
reduced by 52\% and 35\%, respectively. | cs.LG | Efficient Long-distance Latent Relation-aware Graph Neural Network for Multi-modal Emotion Recognition in Conversations |
2024-06-27T15:50:41Z | http://arxiv.org/pdf/2406.19280v1 | http://arxiv.org/abs/2406.19280v1 | Junying Chen, Ruyi Ouyang, Anningzhe Gao, Shunian Chen, Guiming Hardy Chen, Xidong Wang, Ruifei Zhang, Zhenyang Cai, Ke Ji, Guangjun Yu, Xiang Wan, Benyou Wang | 2024-06-27T15:50:41Z | cs.CV, cs.AI, cs.CL, cs.LG | The rapid development of multimodal large language models (MLLMs), such as
GPT-4V, has led to significant advancements. However, these models still face
challenges in medical multimodal capabilities due to limitations in the
quantity and quality of medical vision-text data, stemming from data privacy
concerns and high annotation costs. While pioneering approaches utilize
PubMed's large-scale, de-identified medical image-text pairs to address these
limitations, they still fall short due to inherent data noise. To tackle this,
we refined medical image-text pairs from PubMed and employed MLLMs (GPT-4V) in
an 'unblinded' capacity to denoise and reformat the data, resulting in the
creation of the PubMedVision dataset with 1.3 million medical VQA samples. Our
validation demonstrates that: (1) PubMedVision can significantly enhance the
medical multimodal capabilities of current MLLMs, showing significant
improvement in benchmarks including the MMMU Health & Medicine track; (2)
manual checks by medical experts and empirical results validate the superior
data quality of our dataset compared to other data construction methods. Using
PubMedVision, we train a 34B medical MLLM HuatuoGPT-Vision, which shows
superior performance in medical multimodal scenarios among open-source MLLMs. | cs.CV | HuatuoGPT-Vision, Towards Injecting Medical Visual Knowledge into Multimodal LLMs at Scale |
2024-06-27T15:45:29Z | http://arxiv.org/pdf/2407.01449v2 | http://arxiv.org/abs/2407.01449v2 | Manuel Faysse, Hugues Sibille, Tony Wu, Bilel Omrani, Gautier Viaud, Céline Hudelot, Pierre Colombo | 2024-07-02T13:02:58Z | cs.IR, cs.CL, cs.CV | Documents are visually rich structures that convey information through text,
as well as tables, figures, page layouts, or fonts. While modern document
retrieval systems exhibit strong performance on query-to-text matching, they
struggle to exploit visual cues efficiently, hindering their performance on
practical document retrieval applications such as Retrieval Augmented
Generation. To benchmark current systems on visually rich document retrieval,
we introduce the Visual Document Retrieval Benchmark ViDoRe, composed of
various page-level retrieving tasks spanning multiple domains, languages, and
settings. The inherent shortcomings of modern systems motivate the introduction
of a new retrieval model architecture, ColPali, which leverages the document
understanding capabilities of recent Vision Language Models to produce
high-quality contextualized embeddings solely from images of document pages.
Combined with a late interaction matching mechanism, ColPali largely
outperforms modern document retrieval pipelines while being drastically faster
and end-to-end trainable. | cs.IR | ColPali: Efficient Document Retrieval with Vision Language Models |
2024-06-27T15:43:18Z | http://arxiv.org/pdf/2406.19276v1 | http://arxiv.org/abs/2406.19276v1 | Yixiao Song, Yekyung Kim, Mohit Iyyer | 2024-06-27T15:43:18Z | cs.CL | Existing metrics for evaluating the factuality of long-form text, such as
FACTSCORE (Min et al., 2023) and SAFE (Wei et al., 2024), decompose an input
text into "atomic claims" and verify each against a knowledge base like
Wikipedia. These metrics are not suitable for most generation tasks because
they assume that every claim is verifiable (i.e., can plausibly be proven true
or false). We address this issue with VERISCORE, a metric for diverse long-form
generation tasks that contain both verifiable and unverifiable content.
VERISCORE can be effectively implemented with either closed or fine-tuned
open-weight language models, and human evaluation confirms that VERISCORE's
extracted claims are more sensible than those from competing methods across
eight different long-form tasks. We use VERISCORE to evaluate generations from
16 different models across multiple long-form tasks and find that while GPT-4o
is the best-performing model overall, open-weight models such as Mixtral-8x22
are closing the gap. We show that an LM's VERISCORE on one task (e.g.,
biography generation) does not necessarily correlate to its VERISCORE on a
different task (e.g., long-form QA), highlighting the need for expanding
factuality evaluation across tasks with varying fact density. | cs.CL | VERISCORE: Evaluating the factuality of verifiable claims in long-form text generation |
2024-06-27T15:37:57Z | http://arxiv.org/pdf/2406.19271v1 | http://arxiv.org/abs/2406.19271v1 | Praneeth Vadlapati | 2024-06-27T15:37:57Z | cs.CL | Up-to-date and reliable Large Language Models (LLMs) are consistently sought
after. Typically, LLMs are trained on a fixed dataset and then deployed.
However, the training data continually becomes outdated. Enable automatic
training of AI using web data involves significant concerns regarding data
quality and safety due to bias, spam, and other unsafe or unwanted text. Pure
data is essential for producing reliable models. Training a model on impure
data may result in undesirable outcomes. This research proposes a system that
collects web data and automatically filters out unwanted text with the
assistance of existing trusted AI models. In the experiment, a small sample of
web data was collected and filtered, demonstrating the system's effectiveness
in purifying the data. | cs.CL | AutoPureData: Automated Filtering of Web Data for LLM Fine-tuning |
2024-06-27T15:34:16Z | http://arxiv.org/pdf/2406.19263v1 | http://arxiv.org/abs/2406.19263v1 | Yue Fan, Lei Ding, Ching-Chen Kuo, Shan Jiang, Yang Zhao, Xinze Guan, Jie Yang, Yi Zhang, Xin Eric Wang | 2024-06-27T15:34:16Z | cs.CL, cs.CV | Graphical User Interfaces (GUIs) are central to our interaction with digital
devices. Recently, growing efforts have been made to build models for various
GUI understanding tasks. However, these efforts largely overlook an important
GUI-referring task: screen reading based on user-indicated points, which we
name the Screen Point-and-Read (SPR) task. This task is predominantly handled
by rigid accessible screen reading tools, in great need of new models driven by
advancements in Multimodal Large Language Models (MLLMs). In this paper, we
propose a Tree-of-Lens (ToL) agent, utilizing a novel ToL grounding mechanism,
to address the SPR task. Based on the input point coordinate and the
corresponding GUI screenshot, our ToL agent constructs a Hierarchical Layout
Tree. Based on the tree, our ToL agent not only comprehends the content of the
indicated area but also articulates the layout and spatial relationships
between elements. Such layout information is crucial for accurately
interpreting information on the screen, distinguishing our ToL agent from other
screen reading tools. We also thoroughly evaluate the ToL agent against other
baselines on a newly proposed SPR benchmark, which includes GUIs from mobile,
web, and operating systems. Last but not least, we test the ToL agent on mobile
GUI navigation tasks, demonstrating its utility in identifying incorrect
actions along the path of agent execution trajectories. Code and data:
screen-point-and-read.github.io | cs.CL | Read Anywhere Pointed: Layout-aware GUI Screen Reading with Tree-of-Lens Grounding |
2024-06-27T15:23:36Z | http://arxiv.org/pdf/2406.19255v1 | http://arxiv.org/abs/2406.19255v1 | Hao Fei, Shengqiong Wu, Meishan Zhang, Min Zhang, Tat-Seng Chua, Shuicheng Yan | 2024-06-27T15:23:36Z | cs.CV, cs.CL | While pre-training large-scale video-language models (VLMs) has shown
remarkable potential for various downstream video-language tasks, existing VLMs
can still suffer from certain commonly seen limitations, e.g., coarse-grained
cross-modal aligning , under-modeling of temporal dynamics, detached
video-language view. In this work, we target enhancing VLMs with a fine-grained
structural spatio-temporal alignment learning method (namely Finsta). First of
all, we represent the input texts and videos with fine-grained scene graph (SG)
structures, both of which are further unified into a holistic SG (HSG) for
bridging two modalities. Then, an SG-based framework is built, where the
textual SG (TSG) is encoded with a graph Transformer, while the video dynamic
SG (DSG) and the HSG are modeled with a novel recurrent graph Transformer for
spatial and temporal feature propagation. A spatial-temporal Gaussian
differential graph Transformer is further devised to strengthen the sense of
the changes in objects across spatial and temporal dimensions. Next, based on
the fine-grained structural features of TSG and DSG, we perform object-centered
spatial alignment and predicate-centered temporal alignment respectively,
enhancing the video-language grounding in both the spatiality and temporality.
We design our method as a plug&play system, which can be integrated into
existing well-trained VLMs for further representation augmentation, without
training from scratch or relying on SG annotations in downstream applications.
On 6 representative VL modeling tasks over 12 datasets in both standard and
long-form video scenarios, Finsta consistently improves the existing 13
strong-performing VLMs persistently, and refreshes the current state-of-the-art
end task performance significantly in both the fine-tuning and zero-shot
settings. | cs.CV | Enhancing Video-Language Representations with Structural Spatio-Temporal Alignment |
2024-06-27T15:18:21Z | http://arxiv.org/pdf/2406.19251v1 | http://arxiv.org/abs/2406.19251v1 | Jia Fu, Xiaoting Qin, Fangkai Yang, Lu Wang, Jue Zhang, Qingwei Lin, Yubo Chen, Dongmei Zhang, Saravan Rajmohan, Qi Zhang | 2024-06-27T15:18:21Z | cs.CL, cs.AI | Recent advancements in Large Language Models have transformed ML/AI
development, necessitating a reevaluation of AutoML principles for the
Retrieval-Augmented Generation (RAG) systems. To address the challenges of
hyper-parameter optimization and online adaptation in RAG, we propose the
AutoRAG-HP framework, which formulates the hyper-parameter tuning as an online
multi-armed bandit (MAB) problem and introduces a novel two-level Hierarchical
MAB (Hier-MAB) method for efficient exploration of large search spaces. We
conduct extensive experiments on tuning hyper-parameters, such as top-k
retrieved documents, prompt compression ratio, and embedding methods, using the
ALCE-ASQA and Natural Questions datasets. Our evaluation from jointly
optimization all three hyper-parameters demonstrate that MAB-based online
learning methods can achieve Recall@5 $\approx 0.8$ for scenarios with
prominent gradients in search space, using only $\sim20\%$ of the LLM API calls
required by the Grid Search approach. Additionally, the proposed Hier-MAB
approach outperforms other baselines in more challenging optimization
scenarios. The code will be made available at https://aka.ms/autorag. | cs.CL | AutoRAG-HP: Automatic Online Hyper-Parameter Tuning for Retrieval-Augmented Generation |
2024-06-27T15:01:53Z | http://arxiv.org/pdf/2406.19238v1 | http://arxiv.org/abs/2406.19238v1 | Dustin Wright, Arnav Arora, Nadav Borenstein, Srishti Yadav, Serge Belongie, Isabelle Augenstein | 2024-06-27T15:01:53Z | cs.CL, cs.CY, cs.LG | Uncovering latent values and opinions in large language models (LLMs) can
help identify biases and mitigate potential harm. Recently, this has been
approached by presenting LLMs with survey questions and quantifying their
stances towards morally and politically charged statements. However, the
stances generated by LLMs can vary greatly depending on how they are prompted,
and there are many ways to argue for or against a given position. In this work,
we propose to address this by analysing a large and robust dataset of 156k LLM
responses to the 62 propositions of the Political Compass Test (PCT) generated
by 6 LLMs using 420 prompt variations. We perform coarse-grained analysis of
their generated stances and fine-grained analysis of the plain text
justifications for those stances. For fine-grained analysis, we propose to
identify tropes in the responses: semantically similar phrases that are
recurrent and consistent across different prompts, revealing patterns in the
text that a given LLM is prone to produce. We find that demographic features
added to prompts significantly affect outcomes on the PCT, reflecting bias, as
well as disparities between the results of tests when eliciting closed-form vs.
open domain responses. Additionally, patterns in the plain text rationales via
tropes show that similar justifications are repeatedly generated across models
and prompts even with disparate stances. | cs.CL | Revealing Fine-Grained Values and Opinions in Large Language Models |
2024-06-27T15:01:48Z | http://arxiv.org/pdf/2406.19237v2 | http://arxiv.org/abs/2406.19237v2 | Shubhankar Singh, Purvi Chaurasia, Yerram Varun, Pranshu Pandya, Vatsal Gupta, Vivek Gupta, Dan Roth | 2024-06-28T05:43:46Z | cs.CL, cs.CV, cs.IR, cs.LG | Existing benchmarks for visual question answering lack in visual grounding
and complexity, particularly in evaluating spatial reasoning skills. We
introduce FlowVQA, a novel benchmark aimed at assessing the capabilities of
visual question-answering multimodal language models in reasoning with
flowcharts as visual contexts. FlowVQA comprises 2,272 carefully generated and
human-verified flowchart images from three distinct content sources, along with
22,413 diverse question-answer pairs, to test a spectrum of reasoning tasks,
including information localization, decision-making, and logical progression.
We conduct a thorough baseline evaluation on a suite of both open-source and
proprietary multimodal language models using various strategies, followed by an
analysis of directional bias. The results underscore the benchmark's potential
as a vital tool for advancing the field of multimodal modeling, providing a
focused and challenging environment for enhancing model performance in visual
and logical reasoning tasks. | cs.CL | FlowVQA: Mapping Multimodal Logic in Visual Question Answering with Flowcharts |
2024-06-27T14:55:19Z | http://arxiv.org/pdf/2406.19232v2 | http://arxiv.org/abs/2406.19232v2 | Ekaterina Taktasheva, Maxim Bazhukov, Kirill Koncha, Alena Fenogenova, Ekaterina Artemova, Vladislav Mikhailov | 2024-06-28T10:43:25Z | cs.CL | Minimal pairs are a well-established approach to evaluating the grammatical
knowledge of language models. However, existing resources for minimal pairs
address a limited number of languages and lack diversity of language-specific
grammatical phenomena. This paper introduces the Russian Benchmark of
Linguistic Minimal Pairs (RuBLiMP), which includes 45k pairs of sentences that
differ in grammaticality and isolate a morphological, syntactic, or semantic
phenomenon. In contrast to existing benchmarks of linguistic minimal pairs,
RuBLiMP is created by applying linguistic perturbations to automatically
annotated sentences from open text corpora and carefully curating test data. We
describe the data collection protocol and present the results of evaluating 25
language models in various scenarios. We find that the widely used language
models for Russian are sensitive to morphological and agreement-oriented
contrasts but fall behind humans on phenomena requiring understanding of
structural relations, negation, transitivity, and tense. RuBLiMP, the codebase,
and other materials are publicly available. | cs.CL | RuBLiMP: Russian Benchmark of Linguistic Minimal Pairs |
2024-06-27T14:54:27Z | http://arxiv.org/pdf/2406.19230v1 | http://arxiv.org/abs/2406.19230v1 | Changze Lv, Jianhan Xu, Xiaoqing Zheng | 2024-06-27T14:54:27Z | cs.NE, cs.CL | Spiking neural networks (SNNs) offer a promising pathway to implement deep
neural networks (DNNs) in a more energy-efficient manner since their neurons
are sparsely activated and inferences are event-driven. However, there have
been very few works that have demonstrated the efficacy of SNNs in language
tasks partially because it is non-trivial to represent words in the forms of
spikes and to deal with variable-length texts by SNNs. This work presents a
"conversion + fine-tuning" two-step method for training SNNs for text
classification and proposes a simple but effective way to encode pre-trained
word embeddings as spike trains. We show empirically that after fine-tuning
with surrogate gradients, the converted SNNs achieve comparable results to
their DNN counterparts with much less energy consumption across multiple
datasets for both English and Chinese. We also show that such SNNs are more
robust to adversarial attacks than DNNs. | cs.NE | Spiking Convolutional Neural Networks for Text Classification |
2024-06-27T14:52:34Z | http://arxiv.org/pdf/2406.19228v1 | http://arxiv.org/abs/2406.19228v1 | Jimin Sun, So Yeon Min, Yingshan Chang, Yonatan Bisk | 2024-06-27T14:52:34Z | cs.CL, cs.AI, cs.LG | Tools have become a mainstay of LLMs, allowing them to retrieve knowledge not
in their weights, to perform tasks on the web, and even to control robots.
However, most ontologies and surveys of tool-use have assumed the core
challenge for LLMs is choosing the tool. Instead, we introduce a framework for
tools more broadly which guides us to explore a model's ability to detect
"silent" tool errors, and reflect on how to plan. This more directly aligns
with the increasingly popular use of models as tools. We provide an initial
approach to failure recovery with promising results both on a controlled
calculator setting and embodied agent planning. | cs.CL | Tools Fail: Detecting Silent Errors in Faulty Tools |
2024-06-27T14:51:17Z | http://arxiv.org/pdf/2406.19227v1 | http://arxiv.org/abs/2406.19227v1 | Yantao Liu, Zhao Zhang, Zijun Yao, Shulin Cao, Lei Hou, Juanzi Li | 2024-06-27T14:51:17Z | cs.CL | Large Language Models (LLMs) have shown significant promise as copilots in
various tasks. Local deployment of LLMs on edge devices is necessary when
handling privacy-sensitive data or latency-sensitive tasks. The computational
constraints of such devices make direct deployment of powerful large-scale LLMs
impractical, necessitating the Knowledge Distillation from large-scale models
to lightweight models. Lots of work has been done to elicit diversity and
quality training examples from LLMs, but little attention has been paid to
aligning teacher instructional content based on student preferences, akin to
"responsive teaching" in pedagogy. Thus, we propose ARTE, dubbed Aligning
TeacheR with StudenT PreferencEs, a framework that aligns the teacher model
with student preferences to generate tailored training examples for Knowledge
Distillation. Specifically, we elicit draft questions and rationales from the
teacher model, then collect student preferences on these questions and
rationales using students' performance with in-context learning as a proxy, and
finally align the teacher model with student preferences. In the end, we repeat
the first step with the aligned teacher model to elicit tailored training
examples for the student model on the target task. Extensive experiments on
academic benchmarks demonstrate the superiority of ARTE over existing
instruction-tuning datasets distilled from powerful LLMs. Moreover, we
thoroughly investigate the generalization of ARTE, including the generalization
of fine-tuned student models in reasoning ability and the generalization of
aligned teacher models to generate tailored training data across tasks and
students. In summary, our contributions lie in proposing a novel framework for
tailored training example generation, demonstrating its efficacy in
experiments, and investigating the generalization of both student & aligned
teacher models in ARTE. | cs.CL | Aligning Teacher with Student Preferences for Tailored Training Data Generation |
2024-06-27T14:51:07Z | http://arxiv.org/pdf/2406.19226v1 | http://arxiv.org/abs/2406.19226v1 | Zheyuan Zhang, Daniel Zhang-Li, Jifan Yu, Linlu Gong, Jinchang Zhou, Zhiyuan Liu, Lei Hou, Juanzi Li | 2024-06-27T14:51:07Z | cs.CL, cs.HC | Large language models (LLMs) have been employed in various intelligent
educational tasks to assist teaching. While preliminary explorations have
focused on independent LLM-empowered agents for specific educational tasks, the
potential for LLMs within a multi-agent collaborative framework to simulate a
classroom with real user participation remains unexplored. In this work, we
propose SimClass, a multi-agent classroom simulation framework involving user
participation. We recognize representative class roles and introduce a novel
class control mechanism for automatic classroom teaching, and conduct user
experiments in two real-world courses. Utilizing the Flanders Interactive
Analysis System and Community of Inquiry theoretical frame works from
educational analysis, we demonstrate that LLMs can simulate traditional
classroom interaction patterns effectively while enhancing user's experience.
We also observe emergent group behaviors among agents in SimClass, where agents
collaborate to create enlivening interactions in classrooms to improve user
learning process. We hope this work pioneers the application of LLM-empowered
multi-agent systems in virtual classroom teaching. | cs.CL | Simulating Classroom Education with LLM-Empowered Agents |
2024-06-27T14:49:08Z | http://arxiv.org/pdf/2406.19223v1 | http://arxiv.org/abs/2406.19223v1 | Björn Deiseroth, Manuel Brack, Patrick Schramowski, Kristian Kersting, Samuel Weinbach | 2024-06-27T14:49:08Z | cs.CL, cs.AI, cs.LG | Tokenizers are crucial for encoding information in Large Language Models, but
their development has recently stagnated, and they contain inherent weaknesses.
Major limitations include computational overhead, ineffective vocabulary use,
and unnecessarily large embedding and head layers. Additionally, their
performance is biased towards a reference corpus, leading to reduced
effectiveness for underrepresented languages.
To remedy these issues, we propose T-FREE, which directly embeds words
through sparse activation patterns over character triplets, and does not
require a reference corpus. T-FREE inherently exploits morphological
similarities and allows for strong compression of embedding layers. In our
exhaustive experimental evaluation, we achieve competitive downstream
performance with a parameter reduction of more than 85% on these layers.
Further, T-FREE shows significant improvements in cross-lingual transfer
learning. | cs.CL | T-FREE: Tokenizer-Free Generative LLMs via Sparse Representations for Memory-Efficient Embeddings |
2024-06-27T14:38:33Z | http://arxiv.org/pdf/2406.19215v1 | http://arxiv.org/abs/2406.19215v1 | Zijun Yao, Weijian Qi, Liangming Pan, Shulin Cao, Linmei Hu, Weichuan Liu, Lei Hou, Juanzi Li | 2024-06-27T14:38:33Z | cs.CL | This paper introduces Self-aware Knowledge Retrieval (SeaKR), a novel
adaptive RAG model that extracts self-aware uncertainty of LLMs from their
internal states. SeaKR activates retrieval when the LLMs present high
self-aware uncertainty for generation. To effectively integrate retrieved
knowledge snippets, SeaKR re-ranks them based on LLM's self-aware uncertainty
to preserve the snippet that reduces their uncertainty to the utmost. To
facilitate solving complex tasks that require multiple retrievals, SeaKR
utilizes their self-aware uncertainty to choose among different reasoning
strategies. Our experiments on both complex and simple Question Answering
datasets show that SeaKR outperforms existing adaptive RAG methods. We release
our code at https://github.com/THU-KEG/SeaKR. | cs.CL | SeaKR: Self-aware Knowledge Retrieval for Adaptive Retrieval Augmented Generation |
2024-06-27T13:48:46Z | http://arxiv.org/pdf/2406.19172v1 | http://arxiv.org/abs/2406.19172v1 | Gabriel Bernier-Colborne, Sowmya Vajjala | 2024-06-27T13:48:46Z | cs.CL | Named Entity Recognition (NER) is a well-studied problem in NLP. However,
there is much less focus on studying NER datasets, compared to developing new
NER models. In this paper, we employed three simple techniques to detect
annotation errors in the OntoNotes 5.0 corpus for English NER, which is the
largest available NER corpus for English. Our techniques corrected ~10% of the
sentences in train/dev/test data. In terms of entity mentions, we corrected the
span and/or type of ~8% of mentions in the dataset, while
adding/deleting/splitting/merging a few more. These are large numbers of
changes, considering the size of OntoNotes. We used three NER libraries to
train, evaluate and compare the models trained with the original and the
re-annotated datasets, which showed an average improvement of 1.23% in overall
F-scores, with large (>10%) improvements for some of the entity types. While
our annotation error detection methods are not exhaustive and there is some
manual annotation effort involved, they are largely language agnostic and can
be employed with other NER datasets, and other sequence labelling tasks. | cs.CL | Annotation Errors and NER: A Study with OntoNotes 5.0 |
2024-06-27T13:46:11Z | http://arxiv.org/pdf/2407.00114v1 | http://arxiv.org/abs/2407.00114v1 | Zihao Wang, Shaofei Cai, Zhancun Mu, Haowei Lin, Ceyao Zhang, Xuejie Liu, Qing Li, Anji Liu, Xiaojian Ma, Yitao Liang | 2024-06-27T13:46:11Z | cs.LG, cs.AI, cs.CL | We present OmniJARVIS, a novel Vision-Language-Action (VLA) model for
open-world instruction-following agents in open-world Minecraft. Compared to
prior works that either emit textual goals to separate controllers or produce
the control command directly, OmniJARVIS seeks a different path to ensure both
strong reasoning and efficient decision-making capabilities via unified
tokenization of multimodal interaction data. First, we introduce a
self-supervised approach to learn a behavior encoder that produces discretized
tokens for behavior trajectories $\tau$ = {$o_0$, $a_0$, $\dots$} and an
imitation learning (IL) policy decoder conditioned on these tokens. These
additional behavior tokens will be augmented to the vocabulary of pretrained
Multimodal Language Models (MLMs). With this encoder, we then pack long-term
multimodal interactions involving task instructions, memories, thoughts,
observations, textual responses, behavior trajectories, etc. into unified token
sequences and model them with autoregressive transformers. Thanks to the
semantically meaningful behavior tokens, the resulting VLA model, OmniJARVIS,
can reason (by producing chain-of-thoughts), plan, answer questions, and act
(by producing behavior tokens for the IL policy decoder). OmniJARVIS
demonstrates excellent performances on a comprehensive collection of atomic,
programmatic, and open-ended tasks in open-world Minecraft. Our analysis
further unveils the crucial design principles in interaction data formation,
unified tokenization, and its scaling potentials. | cs.LG | OmniJARVIS: Unified Vision-Language-Action Tokenization Enables Open-World Instruction Following Agents |
2024-06-27T13:44:03Z | http://arxiv.org/pdf/2406.19170v1 | http://arxiv.org/abs/2406.19170v1 | Judith Sieker, Simeon Junker, Ronja Utescher, Nazia Attari, Heiko Wersing, Hendrik Buschmeier, Sina Zarrieß | 2024-06-27T13:44:03Z | cs.CL | We examine how users perceive the limitations of an AI system when it
encounters a task that it cannot perform perfectly and whether providing
explanations alongside its answers aids users in constructing an appropriate
mental model of the system's capabilities and limitations. We employ a visual
question answer and explanation task where we control the AI system's
limitations by manipulating the visual inputs: during inference, the system
either processes full-color or grayscale images. Our goal is to determine
whether participants can perceive the limitations of the system. We hypothesize
that explanations will make limited AI capabilities more transparent to users.
However, our results show that explanations do not have this effect. Instead of
allowing users to more accurately assess the limitations of the AI system,
explanations generally increase users' perceptions of the system's competence -
regardless of its actual performance. | cs.CL | The Illusion of Competence: Evaluating the Effect of Explanations on Users' Mental Models of Visual Question Answering Systems |
2024-06-27T13:04:58Z | http://arxiv.org/pdf/2407.00111v1 | http://arxiv.org/abs/2407.00111v1 | Ben Fauber | 2024-06-27T13:04:58Z | cs.LG, cs.AI, cs.CL | We describe the accurate prediction of ligand-protein interaction (LPI)
affinities, also known as drug-target interactions (DTI), with instruction
fine-tuned pretrained generative small language models (SLMs). We achieved
accurate predictions for a range of affinity values associated with
ligand-protein interactions on out-of-sample data in a zero-shot setting. Only
the SMILES string of the ligand and the amino acid sequence of the protein were
used as the model inputs. Our results demonstrate a clear improvement over
machine learning (ML) and free-energy perturbation (FEP+) based methods in
accurately predicting a range of ligand-protein interaction affinities, which
can be leveraged to further accelerate drug discovery campaigns against
challenging therapeutic targets. | cs.LG | Accurate Prediction of Ligand-Protein Interaction Affinities with Fine-Tuned Small Language Models |
2024-06-27T13:02:43Z | http://arxiv.org/pdf/2406.19146v1 | http://arxiv.org/abs/2406.19146v1 | Tomer Porian, Mitchell Wortsman, Jenia Jitsev, Ludwig Schmidt, Yair Carmon | 2024-06-27T13:02:43Z | cs.LG, cs.CL | Kaplan et al. and Hoffmann et al. developed influential scaling laws for the
optimal model size as a function of the compute budget, but these laws yield
substantially different predictions. We explain the discrepancy by reproducing
the Kaplan scaling law on two datasets (OpenWebText2 and RefinedWeb) and
identifying three factors causing the difference: last layer computational
cost, warmup duration, and scale-dependent optimizer tuning. With these factors
corrected, we obtain excellent agreement with the Hoffmann et al. (i.e.,
"Chinchilla") scaling law. Counter to a hypothesis of Hoffmann et al., we find
that careful learning rate decay is not essential for the validity of their
scaling law. As a secondary result, we derive scaling laws for the optimal
learning rate and batch size, finding that tuning the AdamW $\beta_2$ parameter
is essential at lower batch sizes. | cs.LG | Resolving Discrepancies in Compute-Optimal Scaling of Language Models |
2024-06-27T11:53:15Z | http://arxiv.org/pdf/2406.19116v1 | http://arxiv.org/abs/2406.19116v1 | Hsuvas Borkakoty, Luis Espinosa-Anke | 2024-06-27T11:53:15Z | cs.CL, cs.AI, cs.LG | We introduce CHEW, a novel dataset of changing events in Wikipedia expressed
in naturally occurring text. We use CHEW for probing LLMs for their timeline
understanding of Wikipedia entities and events in generative and classification
experiments. Our results suggest that LLMs, despite having temporal information
available, struggle to construct accurate timelines. We further show the
usefulness of CHEW-derived embeddings for identifying meaning shift. | cs.CL | CHEW: A Dataset of CHanging Events in Wikipedia |
2024-06-27T11:28:50Z | http://arxiv.org/pdf/2406.19102v1 | http://arxiv.org/abs/2406.19102v1 | Lokesh Mishra, Sohayl Dhibi, Yusik Kim, Cesar Berrospi Ramis, Shubham Gupta, Michele Dolfi, Peter Staar | 2024-06-27T11:28:50Z | cs.CL, cs.AI, cs.IR | Environment, Social, and Governance (ESG) KPIs assess an organization's
performance on issues such as climate change, greenhouse gas emissions, water
consumption, waste management, human rights, diversity, and policies. ESG
reports convey this valuable quantitative information through tables.
Unfortunately, extracting this information is difficult due to high variability
in the table structure as well as content. We propose Statements, a novel
domain agnostic data structure for extracting quantitative facts and related
information. We propose translating tables to statements as a new supervised
deep-learning universal information extraction task. We introduce SemTabNet - a
dataset of over 100K annotated tables. Investigating a family of T5-based
Statement Extraction Models, our best model generates statements which are 82%
similar to the ground-truth (compared to baseline of 21%). We demonstrate the
advantages of statements by applying our model to over 2700 tables from ESG
reports. The homogeneous nature of statements permits exploratory data analysis
on expansive information found in large collections of ESG reports. | cs.CL | Statements: Universal Information Extraction from Tables with Large Language Models for ESG KPIs |
2024-06-27T11:26:17Z | http://arxiv.org/pdf/2406.19097v1 | http://arxiv.org/abs/2406.19097v1 | Tosin Adewumi, Lama Alkhaled, Namrata Gurung, Goya van Boven, Irene Pagliai | 2024-06-27T11:26:17Z | cs.CL | The importance of addressing fairness and bias in artificial intelligence
(AI) systems cannot be over-emphasized. Mainstream media has been awashed with
news of incidents around stereotypes and bias in many of these systems in
recent years. In this survey, we fill a gap with regards to the minimal study
of fairness and bias in Large Multimodal Models (LMMs) compared to Large
Language Models (LLMs), providing 50 examples of datasets and models along with
the challenges affecting them; we identify a new category of quantifying bias
(preuse), in addition to the two well-known ones in the literature: intrinsic
and extrinsic; we critically discuss the various ways researchers are
addressing these challenges. Our method involved two slightly different search
queries on Google Scholar, which revealed that 33,400 and 538,000 links are the
results for the terms "Fairness and bias in Large Multimodal Models" and
"Fairness and bias in Large Language Models", respectively. We believe this
work contributes to filling this gap and providing insight to researchers and
other stakeholders on ways to address the challenge of fairness and bias in
multimodal A!. | cs.CL | Fairness and Bias in Multimodal AI: A Survey |
2024-06-27T11:20:14Z | http://arxiv.org/pdf/2407.00108v1 | http://arxiv.org/abs/2407.00108v1 | Sebastian Vincent, Charlotte Prescott, Chris Bayliss, Chris Oakley, Carolina Scarton | 2024-06-27T11:20:14Z | cs.LG, cs.AI, cs.CL, cs.HC | Incorporating extra-textual context such as film metadata into the machine
translation (MT) pipeline can enhance translation quality, as indicated by
automatic evaluation in recent work. However, the positive impact of such
systems in industry remains unproven. We report on an industrial case study
carried out to investigate the benefit of MT in a professional scenario of
translating TV subtitles with a focus on how leveraging extra-textual context
impacts post-editing. We found that post-editors marked significantly fewer
context-related errors when correcting the outputs of MTCue, the context-aware
model, as opposed to non-contextual models. We also present the results of a
survey of the employed post-editors, which highlights contextual inadequacy as
a significant gap consistently observed in MT. Our findings strengthen the
motivation for further work within fully contextual MT. | cs.LG | A Case Study on Contextual Machine Translation in a Professional Scenario of Subtitling |
2024-06-27T10:43:04Z | http://arxiv.org/pdf/2406.19073v1 | http://arxiv.org/abs/2406.19073v1 | Irina Saparina, Mirella Lapata | 2024-06-27T10:43:04Z | cs.CL | Practical semantic parsers are expected to understand user utterances and map
them to executable programs, even when these are ambiguous. We introduce a new
benchmark, AMBROSIA, which we hope will inform and inspire the development of
text-to-SQL parsers capable of recognizing and interpreting ambiguous requests.
Our dataset contains questions showcasing three different types of ambiguity
(scope ambiguity, attachment ambiguity, and vagueness), their interpretations,
and corresponding SQL queries. In each case, the ambiguity persists even when
the database context is provided. This is achieved through a novel approach
that involves controlled generation of databases from scratch. We benchmark
various LLMs on AMBROSIA, revealing that even the most advanced models struggle
to identify and interpret ambiguity in questions. | cs.CL | AMBROSIA: A Benchmark for Parsing Ambiguous Questions into Database Queries |
2024-06-27T10:41:22Z | http://arxiv.org/pdf/2406.19071v1 | http://arxiv.org/abs/2406.19071v1 | Ondrej Sotolar | 2024-06-27T10:41:22Z | cs.CL, cs.AI, I.2.7 | Empathetic response generation is a desirable aspect of conversational
agents, crucial for facilitating engaging and emotionally intelligent
multi-turn conversations between humans and machines. Leveraging large language
models for this task has shown promising results, yet challenges persist in
ensuring both the empathetic quality of the responses and retention of the
generalization performance of the models. In this paper, we propose a novel
approach where we construct theory-driven preference datasets and use them to
align LLMs with preference optimization algorithms to address these challenges.
To measure empathetic response generation, we employ the EmpatheticDialogues
dataset, assessing empathy with the diff-EPITOME and BERTscore metrics, and
evaluate the generalization performance on the MMLU benchmark. We make all
datasets, source code, and models publicly available. | cs.CL | EmPO: Theory-Driven Dataset Construction for Empathetic Response Generation through Preference Optimization |
2024-06-27T10:34:02Z | http://arxiv.org/pdf/2406.19065v1 | http://arxiv.org/abs/2406.19065v1 | Wenbin Li, Di Yao, Ruibo Zhao, Wenjie Chen, Zijie Xu, Chengxue Luo, Chang Gong, Quanliang Jing, Haining Tan, Jingping Bi | 2024-06-27T10:34:02Z | cs.CL | The rapid evolution of large language models (LLMs) holds promise for
reforming the methodology of spatio-temporal data mining. However, current
works for evaluating the spatio-temporal understanding capability of LLMs are
somewhat limited and biased. These works either fail to incorporate the latest
language models or only focus on assessing the memorized spatio-temporal
knowledge. To address this gap, this paper dissects LLMs' capability of
spatio-temporal data into four distinct dimensions: knowledge comprehension,
spatio-temporal reasoning, accurate computation, and downstream applications.
We curate several natural language question-answer tasks for each category and
build the benchmark dataset, namely STBench, containing 13 distinct tasks and
over 60,000 QA pairs. Moreover, we have assessed the capabilities of 13 LLMs,
such as GPT-4o, Gemma and Mistral. Experimental results reveal that existing
LLMs show remarkable performance on knowledge comprehension and spatio-temporal
reasoning tasks, with potential for further enhancement on other tasks through
in-context learning, chain-of-though prompting, and fine-tuning. The code and
datasets of STBench are released on https://github.com/LwbXc/STBench. | cs.CL | STBench: Assessing the Ability of Large Language Models in Spatio-Temporal Analysis |
2024-06-27T10:24:35Z | http://arxiv.org/pdf/2407.00106v1 | http://arxiv.org/abs/2407.00106v1 | Ilia Shumailov, Jamie Hayes, Eleni Triantafillou, Guillermo Ortiz-Jimenez, Nicolas Papernot, Matthew Jagielski, Itay Yona, Heidi Howard, Eugene Bagdasaryan | 2024-06-27T10:24:35Z | cs.LG, cs.AI, cs.CL, cs.CR | Exact unlearning was first introduced as a privacy mechanism that allowed a
user to retract their data from machine learning models on request. Shortly
after, inexact schemes were proposed to mitigate the impractical costs
associated with exact unlearning. More recently unlearning is often discussed
as an approach for removal of impermissible knowledge i.e. knowledge that the
model should not possess such as unlicensed copyrighted, inaccurate, or
malicious information. The promise is that if the model does not have a certain
malicious capability, then it cannot be used for the associated malicious
purpose. In this paper we revisit the paradigm in which unlearning is used for
in Large Language Models (LLMs) and highlight an underlying inconsistency
arising from in-context learning. Unlearning can be an effective control
mechanism for the training phase, yet it does not prevent the model from
performing an impermissible act during inference. We introduce a concept of
ununlearning, where unlearned knowledge gets reintroduced in-context,
effectively rendering the model capable of behaving as if it knows the
forgotten knowledge. As a result, we argue that content filtering for
impermissible knowledge will be required and even exact unlearning schemes are
not enough for effective content regulation. We discuss feasibility of
ununlearning for modern LLMs and examine broader implications. | cs.LG | UnUnlearning: Unlearning is not sufficient for content regulation in advanced generative AI |
2024-06-27T09:37:34Z | http://arxiv.org/pdf/2406.19032v1 | http://arxiv.org/abs/2406.19032v1 | Yue Guo, Yi Yang | 2024-06-27T09:37:34Z | cs.CL | Large language models (LLMs) are now rapidly advancing and surpassing human
abilities on many natural language tasks. However, aligning these super-human
LLMs with human knowledge remains challenging because the supervision signals
from human annotators may be wrong. This issue, known as the "super-alignment"
problem, requires enhancing weak-to-strong generalization, where a strong LLM
must generalize from imperfect supervision provided by a weaker source. To
address this issue, we propose an approach to improve weak-to-strong
generalization by involving the reliability of weak supervision signals in the
alignment process. In our method, we query the weak supervisor for multiple
answers, estimate the answer reliability, and enhance the alignment process by
filtering out uncertain data or re-weighting reliable data. Experiments on four
datasets demonstrate that our methods effectively identify the quality of weak
labels and significantly enhance weak-to-strong generalization. Our work
presents effective techniques for error-robust model alignment, reducing error
propagation from noisy supervision and enhancing the accuracy and reliability
of LLMs. Codes are publicly available at
http://github.com/Irenehere/ReliableAlignment. | cs.CL | Improving Weak-to-Strong Generalization with Reliability-Aware Alignment |
2024-06-27T08:13:33Z | http://arxiv.org/pdf/2406.18977v1 | http://arxiv.org/abs/2406.18977v1 | Fanfan Liu, Feng Yan, Liming Zheng, Chengjian Feng, Yiyang Huang, Lin Ma | 2024-06-27T08:13:33Z | cs.RO, cs.CL, cs.CV | Utilizing Vision-Language Models (VLMs) for robotic manipulation represents a
novel paradigm, aiming to enhance the model's ability to generalize to new
objects and instructions. However, due to variations in camera specifications
and mounting positions, existing methods exhibit significant performance
disparities across different robotic platforms. To address this challenge, we
propose RoboUniView in this paper, an innovative approach that decouples visual
feature extraction from action learning. We first learn a unified view
representation from multi-perspective views by pre-training on readily
accessible data, and then derive actions from this unified view representation
to control robotic manipulation. This unified view representation more
accurately mirrors the physical world and is not constrained by the robotic
platform's camera parameters. Thanks to this methodology, we achieve
state-of-the-art performance on the demanding CALVIN benchmark, enhancing the
success rate in the $D \to D$ setting from 88.7% to 96.2%, and in the $ABC \to
D$ setting from 82.4% to 94.2%. Moreover, our model exhibits outstanding
adaptability and flexibility: it maintains high performance under unseen camera
parameters, can utilize multiple datasets with varying camera parameters, and
is capable of joint cross-task learning across datasets. Code is provided for
re-implementation. https://github.com/liufanfanlff/RoboUniview | cs.RO | RoboUniView: Visual-Language Model with Unified View Representation for Robotic Manipulaiton |
2024-06-27T08:03:13Z | http://arxiv.org/pdf/2406.18972v1 | http://arxiv.org/abs/2406.18972v1 | Atsunori Ogawa, Naoyuki Kamo, Kohei Matsuura, Takanori Ashihara, Takafumi Moriya, Takatomo Kano, Naohiro Tawara, Marc Delcroix | 2024-06-27T08:03:13Z | eess.AS, cs.CL | Large language models (LLMs) have been successfully applied for rescoring
automatic speech recognition (ASR) hypotheses. However, their ability to
rescore ASR hypotheses of casual conversations has not been sufficiently
explored. In this study, we reveal it by performing N-best ASR hypotheses
rescoring using Llama2 on the CHiME-7 distant ASR (DASR) task. Llama2 is one of
the most representative LLMs, and the CHiME-7 DASR task provides datasets of
casual conversations between multiple participants. We investigate the effects
of domain adaptation of the LLM and context carry-over when performing N-best
rescoring. Experimental results show that, even without domain adaptation,
Llama2 outperforms a standard-size domain-adapted Transformer-LM, especially
when using a long context. Domain adaptation shortens the context length needed
with Llama2 to achieve its best performance, i.e., it reduces the computational
cost of Llama2. | eess.AS | Applying LLMs for Rescoring N-best ASR Hypotheses of Casual Conversations: Effects of Domain Adaptation and Context Carry-over |
2024-06-27T07:56:44Z | http://arxiv.org/pdf/2406.18966v2 | http://arxiv.org/abs/2406.18966v2 | Siyuan Wu, Yue Huang, Chujie Gao, Dongping Chen, Qihui Zhang, Yao Wan, Tianyi Zhou, Xiangliang Zhang, Jianfeng Gao, Chaowei Xiao, Lichao Sun | 2024-06-28T08:12:28Z | cs.CL | Large Language Models (LLMs) such as GPT-4 and Llama3 have significantly
impacted various fields by enabling high-quality synthetic data generation and
reducing dependence on expensive human-generated datasets. Despite this,
challenges remain in the areas of generalization, controllability, diversity,
and truthfulness within the existing generative frameworks. To address these
challenges, this paper presents UniGen, a comprehensive LLM-powered framework
designed to produce diverse, accurate, and highly controllable datasets. UniGen
is adaptable, supporting all types of text datasets and enhancing the
generative process through innovative mechanisms. To augment data diversity,
UniGen incorporates an attribute-guided generation module and a group checking
feature. For accuracy, it employs a code-based mathematical assessment for
label verification alongside a retrieval-augmented generation technique for
factual validation. The framework also allows for user-specified constraints,
enabling customization of the data generation process to suit particular
requirements. Extensive experiments demonstrate the superior quality of data
generated by UniGen, and each module within UniGen plays a critical role in
this enhancement. Additionally, UniGen is applied in two practical scenarios:
benchmarking LLMs and data augmentation. The results indicate that UniGen
effectively supports dynamic and evolving benchmarking, and that data
augmentation improves LLM capabilities in various domains, including
agent-oriented abilities and reasoning skills. | cs.CL | UniGen: A Unified Framework for Textual Dataset Generation Using Large Language Models |
2024-06-27T07:20:36Z | http://arxiv.org/pdf/2407.00102v1 | http://arxiv.org/abs/2407.00102v1 | Biao Wu, Fang Meng, Ling Chen | 2024-06-27T07:20:36Z | cs.LG, cs.AI, cs.CL | The impressive multimodal capabilities demonstrated by OpenAI's GPT-4 have
generated significant interest in the development of Multimodal Large Language
Models (MLLMs). Visual instruction tuning of MLLMs with machine-generated
instruction-following data has shown to enhance zero-shot capabilities across
various tasks. However, there has been limited exploration into controlling the
quality of the instruction data.Current methodologies for data selection in
MLLMs often rely on single, unreliable scores or use downstream tasks for
selection, which is time-consuming and can lead to potential overfitting on the
chosen evaluation datasets. To mitigate these limitations, we propose a novel
data selection methodology that utilizes image-text correlation and model
perplexity to evaluate and select data of varying quality. This approach
leverages the distinct distribution of these two attributes, mapping data
quality into a two-dimensional space that allows for the selection of data
based on their location within this distribution. By utilizing this space, we
can analyze the impact of task type settings, used as prompts, on data quality.
Additionally, this space can be used to construct multi-stage subsets of
varying quality to facilitate curriculum learning. Our research includes
comprehensive experiments conducted on various datasets. The results emphasize
substantial enhancements in five commonly assessed capabilities compared to
using the complete dataset. Our codes, data, and models are publicly available
at: \url{https://anonymous.4open.science/r/EHIT-31B4} | cs.LG | Curriculum Learning with Quality-Driven Data Selection |
2024-06-27T07:01:23Z | http://arxiv.org/pdf/2406.18934v1 | http://arxiv.org/abs/2406.18934v1 | Rafał Stefański | 2024-06-27T07:01:23Z | cs.FL, cs.CL, F.4.3 | This thesis studies the single-use restriction for register automata and
transducers over infinite alphabets. The restriction requires that a
read-access to a register should have the side effect of destroying its
contents. This constraint results in robust classes of languages and
transductions. For automata models, we show that one-way register automata,
two-way register automata, and orbit-finite monoids have the same expressive
power. For transducer models, we show that single-use Mealy machines and
single-use two-way transducers admit versions of the Krohn-Rhodes decomposition
theorem. Moreover, single-use Mealy machines are equivalent to an algebraic
model called local algebraic semigroup transductions. Additionally, we show
that single-use two-way transducers are equivalent to single-use streaming
string transducers (SSTs) over infinite alphabets and to regular list functions
with atoms.
Compared with the previous work arXiv:1907.10504, this thesis offers a
coherent narrative on the single-use restriction. We introduce an abstract
notion of single-use functions and use them to define all the discussed
single-use models. We also introduce and study the algebraic models of local
semigroup transduction and local rational semigroup transduction. | cs.FL | The single-use restriction for register automata and transducers over infinite alphabets |
2024-06-27T06:40:01Z | http://arxiv.org/pdf/2406.18928v1 | http://arxiv.org/abs/2406.18928v1 | Yehoshua Dissen, Shiry Yonash, Israel Cohen, Joseph Keshet | 2024-06-27T06:40:01Z | cs.SD, cs.CL, cs.LG, eess.AS | In the realm of automatic speech recognition (ASR), robustness in noisy
environments remains a significant challenge. Recent ASR models, such as
Whisper, have shown promise, but their efficacy in noisy conditions can be
further enhanced. This study is focused on recovering from packet loss to
improve the word error rate (WER) of ASR models. We propose using a front-end
adaptation network connected to a frozen ASR model. The adaptation network is
trained to modify the corrupted input spectrum by minimizing the criteria of
the ASR model in addition to an enhancement loss function. Our experiments
demonstrate that the adaptation network, trained on Whisper's criteria, notably
reduces word error rates across domains and languages in packet-loss scenarios.
This improvement is achieved with minimal affect to Whisper model's
foundational performance, underscoring our method's practicality and potential
in enhancing ASR models in challenging acoustic environments. | cs.SD | Enhanced ASR Robustness to Packet Loss with a Front-End Adaptation Network |
2024-06-27T06:32:56Z | http://arxiv.org/pdf/2406.18925v1 | http://arxiv.org/abs/2406.18925v1 | Jiwan Chung, Sungjae Lee, Minseo Kim, Seungju Han, Ashkan Yousefpour, Jack Hessel, Youngjae Yu | 2024-06-27T06:32:56Z | cs.CL, cs.CV | Visual arguments, often used in advertising or social causes, rely on images
to persuade viewers to do or believe something. Understanding these arguments
requires selective vision: only specific visual stimuli within an image are
relevant to the argument, and relevance can only be understood within the
context of a broader argumentative structure. While visual arguments are
readily appreciated by human audiences, we ask: are today's AI capable of
similar understanding?
We collect and release VisArgs, an annotated corpus designed to make explicit
the (usually implicit) structures underlying visual arguments. VisArgs includes
1,611 images accompanied by three types of textual annotations: 5,112 visual
premises (with region annotations), 5,574 commonsense premises, and reasoning
trees connecting them to a broader argument. We propose three tasks over
VisArgs to probe machine capacity for visual argument understanding:
localization of premises, identification of premises, and deduction of
conclusions. Experiments demonstrate that 1) machines cannot fully identify the
relevant visual cues. The top-performing model, GPT-4-O, achieved an accuracy
of only 78.5%, whereas humans reached 98.0%. All models showed a performance
drop, with an average decrease in accuracy of 19.5%, when the comparison set
was changed from objects outside the image to irrelevant objects within the
image. Furthermore, 2) this limitation is the greatest factor impacting their
performance in understanding visual arguments. Most models improved the most
when given relevant visual premises as additional inputs, compared to other
inputs, for deducing the conclusion of the visual argument. | cs.CL | Selective Vision is the Challenge for Visual Reasoning: A Benchmark for Visual Argument Understanding |
2024-06-27T06:24:00Z | http://arxiv.org/pdf/2406.18921v2 | http://arxiv.org/abs/2406.18921v2 | Yiting Ran, Xintao Wang, Rui Xu, Xinfeng Yuan, Jiaqing Liang, Yanghua Xiao, Deqing Yang | 2024-06-29T05:58:28Z | cs.CL | Role-playing agents (RPA) have been a popular application area for large
language models (LLMs), attracting significant interest from both industry and
academia.While existing RPAs well portray the characters' knowledge and tones,
they face challenges in capturing their minds, especially for small
role-playing language models (RPLMs). In this paper, we propose to enhance
RPLMs via personality-indicative data. Specifically, we leverage questions from
psychological scales and distill advanced RPAs to generate dialogues that grasp
the minds of characters. Experimental results validate that RPLMs trained with
our dataset exhibit advanced role-playing capabilities for both general and
personality-related evaluations. Code and data are available at
\href{https://github.com/alienet1109/RolePersonality}{this URL}. | cs.CL | Capturing Minds, Not Just Words: Enhancing Role-Playing Language Models with Personality-Indicative Data |
2024-06-27T06:13:05Z | http://arxiv.org/pdf/2406.18916v1 | http://arxiv.org/abs/2406.18916v1 | Wen Zhang, Long Jin, Yushan Zhu, Jiaoyan Chen, Zhiwei Huang, Junjie Wang, Yin Hua, Lei Liang, Huajun Chen | 2024-06-27T06:13:05Z | cs.CL, cs.AI | Natural language question answering (QA) over structured data sources such as
tables and knowledge graphs (KGs) have been widely investigated, for example
with Large Language Models (LLMs). The main solutions include question to
formal query parsing and retrieval-based answer generation. However, current
methods of the former often suffer from weak generalization, failing to dealing
with multiple sources simultaneously, while the later is limited in
trustfulness. In this paper, we propose UnifiedTQA, a trustful QA framework
that can simultaneously support multiple types of structured data in a unified
way. To this end, it adopts an LLM-friendly and unified knowledge
representation method called Condition Graph (CG), and uses an LLM and
demonstration-based two-level method for CG querying. For enhancement, it is
also equipped with dynamic demonstration retrieval. We have evaluated
UnifiedTQA with 5 benchmarks covering 3 types of structured data. It
outperforms 2 existing unified structured data QA methods and in comparison
with the baselines that are specific to a data type, it achieves
state-of-the-art on 2 of them. Further more, we demonstrates potential of our
method for more general QA tasks, QA over mixed structured data and QA across
structured data. | cs.CL | TrustUQA: A Trustful Framework for Unified Structured Data Question Answering |
2024-06-27T05:52:10Z | http://arxiv.org/pdf/2406.18910v1 | http://arxiv.org/abs/2406.18910v1 | Atsushi Ando, Takafumi Moriya, Shota Horiguchi, Ryo Masumura | 2024-06-27T05:52:10Z | cs.CL, cs.SD, eess.AS | This paper presents a novel speaking-style captioning method that generates
diverse descriptions while accurately predicting speaking-style information.
Conventional learning criteria directly use original captions that contain not
only speaking-style factor terms but also syntax words, which disturbs learning
speaking-style information. To solve this problem, we introduce
factor-conditioned captioning (FCC), which first outputs a phrase representing
speaking-style factors (e.g., gender, pitch, etc.), and then generates a
caption to ensure the model explicitly learns speaking-style factors. We also
propose greedy-then-sampling (GtS) decoding, which first predicts
speaking-style factors deterministically to guarantee semantic accuracy, and
then generates a caption based on factor-conditioned sampling to ensure
diversity. Experiments show that FCC outperforms the original caption-based
training, and with GtS, it generates more diverse captions while keeping style
prediction performance. | cs.CL | Factor-Conditioned Speaking-Style Captioning |
2024-06-27T05:38:49Z | http://arxiv.org/pdf/2406.18907v1 | http://arxiv.org/abs/2406.18907v1 | Michael Ginn, Mans Hulden | 2024-06-27T05:38:49Z | cs.CL | Dynamic topic models have been proposed as a tool for historical analysis,
but traditional approaches have had limited usefulness, being difficult to
configure, interpret, and evaluate. In this work, we experiment with a recent
approach for dynamic topic modeling using BERT embeddings. We compare topic
models built using traditional statistical models (LDA and NMF) and the
BERT-based model, modeling topics over the entire surviving corpus of Roman
literature. We find that while quantitative metrics prefer statistical models,
qualitative evaluation finds better insights from the neural model.
Furthermore, the neural topic model is less sensitive to hyperparameter
configuration and thus may make dynamic topic modeling more viable for
historical researchers. | cs.CL | Historia Magistra Vitae: Dynamic Topic Modeling of Roman Literature using Neural Embeddings |
2024-06-27T05:36:53Z | http://arxiv.org/pdf/2406.18906v1 | http://arxiv.org/abs/2406.18906v1 | Melanie Walsh, Anna Preus, Maria Antoniak | 2024-06-27T05:36:53Z | cs.CL | Large language models (LLMs) can now generate and recognize text in a wide
range of styles and genres, including highly specialized, creative genres like
poetry. But what do LLMs really know about poetry? What can they know about
poetry? We develop a task to evaluate how well LLMs recognize a specific aspect
of poetry, poetic form, for more than 20 forms and formal elements in the
English language. Poetic form captures many different poetic features,
including rhyme scheme, meter, and word or line repetition. We use this task to
reflect on LLMs' current poetic capabilities, as well as the challenges and
pitfalls of creating NLP benchmarks for poetry and for other creative tasks. In
particular, we use this task to audit and reflect on the poems included in
popular pretraining datasets. Our findings have implications for NLP
researchers interested in model evaluation, digital humanities and cultural
analytics scholars, and cultural heritage professionals. | cs.CL | Sonnet or Not, Bot? Poetry Evaluation for Large Models and Datasets |
2024-06-27T05:25:46Z | http://arxiv.org/pdf/2407.00100v1 | http://arxiv.org/abs/2407.00100v1 | Xiaoling Zhou, Wei Ye, Yidong Wang, Chaoya Jiang, Zhemg Lee, Rui Xie, Shikun Zhang | 2024-06-27T05:25:46Z | cs.LG, cs.AI, cs.CL, I.2.7 | The emergence of in-context learning (ICL) enables large pre-trained language
models (PLMs) to make predictions for unseen inputs without updating
parameters. Despite its potential, ICL's effectiveness heavily relies on the
quality, quantity, and permutation of demonstrations, commonly leading to
suboptimal and unstable performance. In this paper, we tackle this challenge
for the first time from the perspective of demonstration augmentation.
Specifically, we start with enriching representations of demonstrations by
leveraging their deep feature distribution. We then theoretically reveal that
when the number of augmented copies approaches infinity, the augmentation is
approximately equal to a novel logit calibration mechanism integrated with
specific statistical properties. This insight results in a simple yet highly
efficient method that significantly improves the average and worst-case
accuracy across diverse PLMs and tasks. Moreover, our method effectively
reduces performance variance among varying demonstrations, permutations, and
templates, and displays the capability to address imbalanced class
distributions. | cs.LG | Enhancing In-Context Learning via Implicit Demonstration Augmentation |
2024-06-27T05:17:04Z | http://arxiv.org/pdf/2406.18895v1 | http://arxiv.org/abs/2406.18895v1 | Michael Ginn, Mans Hulden, Alexis Palmer | 2024-06-27T05:17:04Z | cs.CL | Interlinear glossed text (IGT) is a popular format in language documentation
projects, where each morpheme is labeled with a descriptive annotation.
Automating the creation of interlinear glossed text can be desirable to reduce
annotator effort and maintain consistency across annotated corpora. Prior
research has explored a number of statistical and neural methods for
automatically producing IGT.
As large language models (LLMs) have showed promising results across
multilingual tasks, even for rare, endangered languages, it is natural to
wonder whether they can be utilized for the task of generating IGT. We explore
whether LLMs can be effective at the task of interlinear glossing with
in-context learning, without any traditional training. We propose new
approaches for selecting examples to provide in-context, observing that
targeted selection can significantly improve performance. We find that
LLM-based methods beat standard transformer baselines, despite requiring no
training at all. These approaches still underperform state-of-the-art
supervised systems for the task, but are highly practical for researchers
outside of the NLP community, requiring minimal effort to use. | cs.CL | Can we teach language models to gloss endangered languages? |
2024-06-27T04:21:59Z | http://arxiv.org/pdf/2406.18880v1 | http://arxiv.org/abs/2406.18880v1 | Vipul Rathore, Aniruddha Deb, Ankish Chandresh, Parag Singla, Mausam | 2024-06-27T04:21:59Z | cs.CL | Recently, very large language models (LLMs) have shown exceptional
performance on several English NLP tasks with just in-context learning (ICL),
but their utility in other languages is still underexplored. We investigate
their effectiveness for NLP tasks in low-resource languages (LRLs), especially
in the setting of zero-labelled cross-lingual transfer (0-CLT), where no
labelled training data for the target language is available -- however training
data from one or more related medium-resource languages (MRLs) is utilized,
alongside the available unlabeled test data for a target language. We introduce
Self-Supervised Prompting (SSP), a novel ICL approach tailored for the 0-CLT
setting.
SSP is based on the key observation that LLMs output more accurate labels if
in-context exemplars are from the target language (even if their labels are
slightly noisy). To operationalize this, since target language training data is
not available in 0-CLT, SSP operates in two stages. In Stage I, using source
MRL training data, target language's test data is noisily labeled. In Stage II,
these noisy test data points are used as exemplars in ICL for further improved
labelling. Additionally, our implementation of SSP uses a novel Integer Linear
Programming (ILP)-based exemplar selection that balances similarity, prediction
confidence (when available) and label coverage. Experiments on three tasks and
eleven LRLs (from three regions) demonstrate that SSP strongly outperforms
existing SOTA fine-tuned and prompting-based baselines in 0-CLT setup. | cs.CL | SSP: Self-Supervised Prompting for Cross-Lingual Transfer to Low-Resource Languages using Large Language Models |
2024-06-27T03:52:35Z | http://arxiv.org/pdf/2406.18871v1 | http://arxiv.org/abs/2406.18871v1 | Ke-Han Lu, Zhehuai Chen, Szu-Wei Fu, He Huang, Boris Ginsburg, Yu-Chiang Frank Wang, Hung-yi Lee | 2024-06-27T03:52:35Z | eess.AS, cs.CL | Recent speech language models (SLMs) typically incorporate pre-trained speech
models to extend the capabilities from large language models (LLMs). In this
paper, we propose a Descriptive Speech-Text Alignment approach that leverages
speech captioning to bridge the gap between speech and text modalities,
enabling SLMs to interpret and generate comprehensive natural language
descriptions, thereby facilitating the capability to understand both linguistic
and non-linguistic features in speech. Enhanced with the proposed approach, our
model demonstrates superior performance on the Dynamic-SUPERB benchmark,
particularly in generalizing to unseen tasks. Moreover, we discover that the
aligned model exhibits a zero-shot instruction-following capability without
explicit speech instruction tuning. These findings highlight the potential to
reshape instruction-following SLMs by incorporating rich, descriptive speech
captions. | eess.AS | DeSTA: Enhancing Speech Language Models through Descriptive Speech-Text Alignment |
2024-06-27T03:52:35Z | http://arxiv.org/pdf/2406.18872v1 | http://arxiv.org/abs/2406.18872v1 | Austen Liao, Nicholas Tomlin, Dan Klein | 2024-06-27T03:52:35Z | cs.CL | Game-playing agents like AlphaGo have achieved superhuman performance through
self-play, which is theoretically guaranteed to yield optimal policies in
competitive games. However, most language tasks are partially or fully
cooperative, so it is an open question whether techniques like self-play can
effectively be used to improve language models. We empirically investigate this
question in a negotiation game setting known as Deal or No Deal (DoND).
Crucially, the objective in DoND can be modified to produce a fully cooperative
game, a strictly competitive one, or anything in between. We finetune language
models in self-play over multiple rounds of filtered behavior cloning in DoND
for each of these objectives. Contrary to expectations, we find that language
model self-play leads to significant performance gains in both cooperation and
competition with humans, suggesting that self-play and related techniques have
promise despite a lack of theoretical guarantees. | cs.CL | Efficacy of Language Model Self-Play in Non-Zero-Sum Games |
2024-06-27T03:05:35Z | http://arxiv.org/pdf/2406.18859v1 | http://arxiv.org/abs/2406.18859v1 | Ziyu Yang, Santhosh Cherian, Slobodan Vucetic | 2024-06-27T03:05:35Z | cs.CL, cs.AI | Radiology reports are highly technical documents aimed primarily at
doctor-doctor communication. There has been an increasing interest in sharing
those reports with patients, necessitating providing them patient-friendly
simplifications of the original reports. This study explores the suitability of
large language models in automatically generating those simplifications. We
examine the usefulness of chain-of-thought and self-correction prompting
mechanisms in this domain. We also propose a new evaluation protocol that
employs radiologists and laypeople, where radiologists verify the factual
correctness of simplifications, and laypeople assess simplicity and
comprehension. Our experimental results demonstrate the effectiveness of
self-correction prompting in producing high-quality simplifications. Our
findings illuminate the preferences of radiologists and laypeople regarding
text simplification, informing future research on this topic. | cs.CL | Two-Pronged Human Evaluation of ChatGPT Self-Correction in Radiology Report Simplification |
2024-06-27T02:53:55Z | http://arxiv.org/pdf/2406.18856v1 | http://arxiv.org/abs/2406.18856v1 | Yuxin Fu, Shijing Si, Leyi Mai, Xi-ang Li | 2024-06-27T02:53:55Z | cs.CL, cs.AI, cs.CE | Large Language Models (LLMs) have stunningly advanced the field of machine
translation, though their effectiveness within the financial domain remains
largely underexplored. To probe this issue, we constructed a fine-grained
Chinese-English parallel corpus of financial news called FFN. We acquired
financial news articles spanning between January 1st, 2014, to December 31,
2023, from mainstream media websites such as CNN, FOX, and China Daily. The
dataset consists of 1,013 main text and 809 titles, all of which have been
manually corrected. We measured the translation quality of two LLMs -- ChatGPT
and ERNIE-bot, utilizing BLEU, TER and chrF scores as the evaluation metrics.
For comparison, we also trained an OpenNMT model based on our dataset. We
detail problems of LLMs and provide in-depth analysis, intending to stimulate
further research and solutions in this largely uncharted territory. Our
research underlines the need to optimize LLMs within the specific field of
financial translation to ensure accuracy and quality. | cs.CL | FFN: a Fine-grained Chinese-English Financial Domain Parallel Corpus |
2024-06-27T02:53:01Z | http://arxiv.org/pdf/2407.01606v1 | http://arxiv.org/abs/2407.01606v1 | Ruochen Wang, Ting Liu, Cho-Jui Hsieh, Boqing Gong | 2024-06-27T02:53:01Z | cs.LG, cs.AI, cs.CL, cs.CV, stat.ML, 68T01 | This paper introduces the first gradient-based framework for prompt
optimization in text-to-image diffusion models. We formulate prompt engineering
as a discrete optimization problem over the language space. Two major
challenges arise in efficiently finding a solution to this problem: (1)
Enormous Domain Space: Setting the domain to the entire language space poses
significant difficulty to the optimization process. (2) Text Gradient:
Efficiently computing the text gradient is challenging, as it requires
backpropagating through the inference steps of the diffusion model and a
non-differentiable embedding lookup table. Beyond the problem formulation, our
main technical contributions lie in solving the above challenges. First, we
design a family of dynamically generated compact subspaces comprised of only
the most relevant words to user input, substantially restricting the domain
space. Second, we introduce "Shortcut Text Gradient" -- an effective
replacement for the text gradient that can be obtained with constant memory and
runtime. Empirical evaluation on prompts collected from diverse sources
(DiffusionDB, ChatGPT, COCO) suggests that our method can discover prompts that
substantially improve (prompt enhancement) or destroy (adversarial attack) the
faithfulness of images generated by the text-to-image diffusion model. | cs.LG | On Discrete Prompt Optimization for Diffusion Models |
2024-06-27T02:38:13Z | http://arxiv.org/pdf/2406.18847v1 | http://arxiv.org/abs/2406.18847v1 | Qiushi Huang, Shuai Fu, Xubo Liu, Wenwu Wang, Tom Ko, Yu Zhang, Lilian Tang | 2024-06-27T02:38:13Z | cs.CL, cs.AI, cs.LG | Personalized dialogue generation, focusing on generating highly tailored
responses by leveraging persona profiles and dialogue context, has gained
significant attention in conversational AI applications. However, persona
profiles, a prevalent setting in current personalized dialogue datasets,
typically composed of merely four to five sentences, may not offer
comprehensive descriptions of the persona about the agent, posing a challenge
to generate truly personalized dialogues. To handle this problem, we propose
$\textbf{L}$earning Retrieval $\textbf{A}$ugmentation for
$\textbf{P}$ersonalized $\textbf{D}$ial$\textbf{O}$gue $\textbf{G}$eneration
($\textbf{LAPDOG}$), which studies the potential of leveraging external
knowledge for persona dialogue generation. Specifically, the proposed LAPDOG
model consists of a story retriever and a dialogue generator. The story
retriever uses a given persona profile as queries to retrieve relevant
information from the story document, which serves as a supplementary context to
augment the persona profile. The dialogue generator utilizes both the dialogue
history and the augmented persona profile to generate personalized responses.
For optimization, we adopt a joint training framework that collaboratively
learns the story retriever and dialogue generator, where the story retriever is
optimized towards desired ultimate metrics (e.g., BLEU) to retrieve content for
the dialogue generator to generate personalized responses. Experiments
conducted on the CONVAI2 dataset with ROCStory as a supplementary data source
show that the proposed LAPDOG method substantially outperforms the baselines,
indicating the effectiveness of the proposed method. The LAPDOG model code is
publicly available for further exploration.
https://github.com/hqsiswiliam/LAPDOG | cs.CL | Learning Retrieval Augmentation for Personalized Dialogue Generation |
2024-06-27T02:02:26Z | http://arxiv.org/pdf/2406.18832v1 | http://arxiv.org/abs/2406.18832v1 | Jinguang Wang, Yuexi Yin, Haifeng Sun, Qi Qi, Jingyu Wang, Zirui Zhuang, Tingting Yang, Jianxin Liao | 2024-06-27T02:02:26Z | cs.CL | Quantizing the activations of large language models (LLMs) has been a
significant challenge due to the presence of structured outliers. Most existing
methods focus on the per-token or per-tensor quantization of activations,
making it difficult to achieve both accuracy and hardware efficiency. To
address this problem, we propose OutlierTune, an efficient per-channel
post-training quantization (PTQ) method for the activations of LLMs.
OutlierTune consists of two components: pre-execution of dequantization and
symmetrization. The pre-execution of dequantization updates the model weights
by the activation scaling factors, avoiding the internal scaling and costly
additional computational overheads brought by the per-channel activation
quantization. The symmetrization further reduces the quantization differences
arising from the weight updates by ensuring the balanced numerical ranges
across different activation channels. OutlierTune is easy to implement and
hardware-efficient, introducing almost no additional computational overheads
during the inference. Extensive experiments show that the proposed framework
outperforms existing methods across multiple different tasks. Demonstrating
better generalization, this framework improves the Int6 quantization of the
instruction-tuning LLMs, such as OPT-IML, to the same level as half-precision
(FP16). Moreover, we have shown that the proposed framework is 1.48x faster
than the FP16 implementation while reducing approximately 2x memory usage. | cs.CL | OutlierTune: Efficient Channel-Wise Quantization for Large Language Models |
2024-06-26T23:04:52Z | http://arxiv.org/pdf/2406.18783v2 | http://arxiv.org/abs/2406.18783v2 | Jean Marie Tshimula, D'Jeff K. Nkashama, Jean Tshibangu Muabila, René Manassé Galekwa, Hugues Kanda, Maximilien V. Dialufuma, Mbuyi Mukendi Didier, Kalala Kalonji, Serge Mundele, Patience Kinshie Lenye, Tighana Wenge Basele, Aristarque Ilunga, Christian N. Mayemba, Nathanaël M. Kasoro, Selain K. Kasereka, Hardy Mikese, Pierre-Martin Tardif, Marc Frappier, Froduald Kabanza, Belkacem Chikhaoui, Shengrui Wang, Ali Mulenda Sumbu, Xavier Ndona, Raoul Kienge-Kienge Intudi | 2024-06-28T21:22:56Z | cs.CL, cs.LG | The increasing sophistication of cyber threats necessitates innovative
approaches to cybersecurity. In this paper, we explore the potential of
psychological profiling techniques, particularly focusing on the utilization of
Large Language Models (LLMs) and psycholinguistic features. We investigate the
intersection of psychology and cybersecurity, discussing how LLMs can be
employed to analyze textual data for identifying psychological traits of threat
actors. We explore the incorporation of psycholinguistic features, such as
linguistic patterns and emotional cues, into cybersecurity frameworks. Our
research underscores the importance of integrating psychological perspectives
into cybersecurity practices to bolster defense mechanisms against evolving
threats. | cs.CL | Psychological Profiling in Cybersecurity: A Look at LLMs and Psycholinguistic Features |
2024-06-26T22:10:15Z | http://arxiv.org/pdf/2406.18776v1 | http://arxiv.org/abs/2406.18776v1 | Muhammed Saeed, Peter Bourgonje, Vera Demberg | 2024-06-26T22:10:15Z | cs.CL | Despite attempts to make Large Language Models multi-lingual, many of the
world's languages are still severely under-resourced. This widens the
performance gap between NLP and AI applications aimed at well-financed, and
those aimed at less-resourced languages. In this paper, we focus on Nigerian
Pidgin (NP), which is spoken by nearly 100 million people, but has
comparatively very few NLP resources and corpora. We address the task of
Implicit Discourse Relation Classification (IDRC) and systematically compare an
approach translating NP data to English and then using a well-resourced IDRC
tool and back-projecting the labels versus creating a synthetic discourse
corpus for NP, in which we translate PDTB and project PDTB labels, and then
train an NP IDR classifier. The latter approach of learning a "native" NP
classifier outperforms our baseline by 13.27\% and 33.98\% in f$_{1}$ score for
4-way and 11-way classification, respectively. | cs.CL | Implicit Discourse Relation Classification For Nigerian Pidgin |
2024-06-26T21:17:20Z | http://arxiv.org/pdf/2406.18762v1 | http://arxiv.org/abs/2406.18762v1 | Shi Zong, Jimmy Lin | 2024-06-26T21:17:20Z | cs.CL | There have been a huge number of benchmarks proposed to evaluate how large
language models (LLMs) behave for logic inference tasks. However, it remains an
open question how to properly evaluate this ability. In this paper, we provide
a systematic overview of prior works on the logical reasoning ability of LLMs
for analyzing categorical syllogisms. We first investigate all the possible
variations for the categorical syllogisms from a purely logical perspective and
then examine the underlying configurations (i.e., mood and figure) tested by
the existing datasets. Our results indicate that compared to template-based
synthetic datasets, crowdsourcing approaches normally sacrifice the coverage of
configurations (i.e., mood and figure) of categorical syllogisms for more
language variations, thus bringing challenges to fully testing LLMs under
different situations. We then proceed to summarize the findings and
observations for the performances of LLMs to infer the validity of syllogisms
from the current literature. The error rate breakdown analyses suggest that the
interpretation of the quantifiers seems to be the current bottleneck that
limits the performances of the LLMs and is thus worth more attention. Finally,
we discuss several points that might be worth considering when researchers plan
on the future release of categorical syllogism datasets. We hope our work will
not only provide a timely review of the current literature regarding
categorical syllogisms, but also motivate more interdisciplinary research
between communities, specifically computational linguists and logicians. | cs.CL | Categorical Syllogisms Revisited: A Review of the Logical Reasoning Abilities of LLMs for Analyzing Categorical Syllogism |
2024-06-26T20:12:24Z | http://arxiv.org/pdf/2406.18740v1 | http://arxiv.org/abs/2406.18740v1 | Baharan Nouriinanloo, Maxime Lamothe | 2024-06-26T20:12:24Z | cs.CL, cs.IR | Large Language Models (LLMs) have been revolutionizing a myriad of natural
language processing tasks with their diverse zero-shot capabilities. Indeed,
existing work has shown that LLMs can be used to great effect for many tasks,
such as information retrieval (IR), and passage ranking. However, current
state-of-the-art results heavily lean on the capabilities of the LLM being
used. Currently, proprietary, and very large LLMs such as GPT-4 are the highest
performing passage re-rankers. Hence, users without the resources to leverage
top of the line LLMs, or ones that are closed source, are at a disadvantage. In
this paper, we investigate the use of a pre-filtering step before passage
re-ranking in IR. Our experiments show that by using a small number of human
generated relevance scores, coupled with LLM relevance scoring, it is
effectively possible to filter out irrelevant passages before re-ranking. Our
experiments also show that this pre-filtering then allows the LLM to perform
significantly better at the re-ranking task. Indeed, our results show that
smaller models such as Mixtral can become competitive with much larger
proprietary models (e.g., ChatGPT and GPT-4). | cs.CL | Re-Ranking Step by Step: Investigating Pre-Filtering for Re-Ranking with Large Language Models |
2024-06-26T19:59:21Z | http://arxiv.org/pdf/2406.18731v1 | http://arxiv.org/abs/2406.18731v1 | Yi Zhu, Tiago Falk | 2024-06-26T19:59:21Z | eess.AS, cs.AI, cs.CL | Speech is known to carry health-related attributes, which has emerged as a
novel venue for remote and long-term health monitoring. However, existing
models are usually tailored for a specific type of disease, and have been shown
to lack generalizability across datasets. Furthermore, concerns have been
raised recently towards the leakage of speaker identity from health embeddings.
To mitigate these limitations, we propose WavRx, a speech health diagnostics
model that captures the respiration and articulation related dynamics from a
universal speech representation. Our in-domain and cross-domain experiments on
six pathological speech datasets demonstrate WavRx as a new state-of-the-art
health diagnostic model. Furthermore, we show that the amount of speaker
identity entailed in the WavRx health embeddings is significantly reduced
without extra guidance during training. An in-depth analysis of the model was
performed, thus providing physiological interpretation of its improved
generalizability and privacy-preserving ability. | eess.AS | WavRx: a Disease-Agnostic, Generalizable, and Privacy-Preserving Speech Health Diagnostic Model |
2024-06-26T19:48:48Z | http://arxiv.org/pdf/2406.18725v1 | http://arxiv.org/abs/2406.18725v1 | Mansour Al Ghanim, Saleh Almohaimeed, Mengxin Zheng, Yan Solihin, Qian Lou | 2024-06-26T19:48:48Z | cs.LG, cs.CL | This study identifies the potential vulnerabilities of Large Language Models
(LLMs) to 'jailbreak' attacks, specifically focusing on the Arabic language and
its various forms. While most research has concentrated on English-based prompt
manipulation, our investigation broadens the scope to investigate the Arabic
language. We initially tested the AdvBench benchmark in Standardized Arabic,
finding that even with prompt manipulation techniques like prefix injection, it
was insufficient to provoke LLMs into generating unsafe content. However, when
using Arabic transliteration and chatspeak (or arabizi), we found that unsafe
content could be produced on platforms like OpenAI GPT-4 and Anthropic Claude 3
Sonnet. Our findings suggest that using Arabic and its various forms could
expose information that might remain hidden, potentially increasing the risk of
jailbreak attacks. We hypothesize that this exposure could be due to the
model's learned connection to specific words, highlighting the need for more
comprehensive safety training across all language forms. | cs.LG | Jailbreaking LLMs with Arabic Transliteration and Arabizi |
2024-06-26T19:18:28Z | http://arxiv.org/pdf/2406.18708v1 | http://arxiv.org/abs/2406.18708v1 | Mingyang Wang, Heike Adel, Lukas Lange, Jannik Strötgen, Hinrich Schütze | 2024-06-26T19:18:28Z | cs.LG, cs.CL | In real-world environments, continual learning is essential for machine
learning models, as they need to acquire new knowledge incrementally without
forgetting what they have already learned. While pretrained language models
have shown impressive capabilities on various static tasks, applying them to
continual learning poses significant challenges, including avoiding
catastrophic forgetting, facilitating knowledge transfer, and maintaining
parameter efficiency. In this paper, we introduce MoCL-P, a novel lightweight
continual learning method that addresses these challenges simultaneously.
Unlike traditional approaches that continuously expand parameters for newly
arriving tasks, MoCL-P integrates task representation-guided module composition
with adaptive pruning, effectively balancing knowledge integration and
computational overhead. Our evaluation across three continual learning
benchmarks with up to 176 tasks shows that MoCL-P achieves state-of-the-art
performance and improves parameter efficiency by up to three times,
demonstrating its potential for practical applications where resource
requirements are constrained. | cs.LG | Learn it or Leave it: Module Composition and Pruning for Continual Learning |
2024-06-26T19:10:51Z | http://arxiv.org/pdf/2406.18702v1 | http://arxiv.org/abs/2406.18702v1 | Zachary R. Baker, Zarif L. Azher | 2024-06-26T19:10:51Z | cs.HC, cs.CL | This study introduces a novel approach to simulating legislative processes
using LLM-driven virtual agents, focusing on the U.S. Senate Intelligence
Committee. We developed agents representing individual senators and placed them
in simulated committee discussions. The agents demonstrated the ability to
engage in realistic debate, provide thoughtful reflections, and find bipartisan
solutions under certain conditions. Notably, the simulation also showed promise
in modeling shifts towards bipartisanship in response to external
perturbations. Our results indicate that this LLM-driven approach could become
a valuable tool for understanding and potentially improving legislative
processes, supporting a broader pattern of findings highlighting how LLM-based
agents can usefully model real-world phenomena. Future works will focus on
enhancing agent complexity, expanding the simulation scope, and exploring
applications in policy testing and negotiation. | cs.HC | Simulating The U.S. Senate: An LLM-Driven Agent Approach to Modeling Legislative Behavior and Bipartisanship |
2024-06-26T18:58:23Z | http://arxiv.org/pdf/2406.18696v1 | http://arxiv.org/abs/2406.18696v1 | Quan Mai, Susan Gauch, Douglas Adams, Miaoqing Huang | 2024-06-26T18:58:23Z | cs.CL | Online debates involve a dynamic exchange of ideas over time, where
participants need to actively consider their opponents' arguments, respond with
counterarguments, reinforce their own points, and introduce more compelling
arguments as the discussion unfolds. Modeling such a complex process is not a
simple task, as it necessitates the incorporation of both sequential
characteristics and the capability to capture interactions effectively. To
address this challenge, we employ a sequence-graph approach. Building the
conversation as a graph allows us to effectively model interactions between
participants through directed edges. Simultaneously, the propagation of
information along these edges in a sequential manner enables us to capture a
more comprehensive representation of context. We also introduce a Sequence
Graph Attention layer to illustrate the proposed information update scheme. The
experimental results show that sequence graph networks achieve superior results
to existing methods in online debates. | cs.CL | Sequence Graph Network for Online Debate Analysis |
2024-06-26T18:57:32Z | http://arxiv.org/pdf/2406.18695v1 | http://arxiv.org/abs/2406.18695v1 | Jaehyung Kim, Dongyoung Kim, Yiming Yang | 2024-06-26T18:57:32Z | cs.LG, cs.AI, cs.CL | An open challenge in recent machine learning is about how to improve the
reasoning capability of large language models (LLMs) in a black-box setting,
i.e., without access to detailed information such as output token
probabilities. Existing approaches either rely on accessibility (which is often
unrealistic) or involve significantly increased train- and inference-time
costs. This paper addresses those limitations or shortcomings by proposing a
novel approach, namely CoBB (Correct for improving QA reasoning of Black-Box
LLMs). It uses a trained adaptation model to perform a seq2seq mapping from the
often-imperfect reasonings of the original black-box LLM to the correct or
improved reasonings. Specifically, the adaptation model is initialized with a
relatively small open-source LLM and adapted over a collection of sub-sampled
training pairs. To select the representative pairs of correct and incorrect
reasonings, we formulated the dataset construction as an optimization problem
that minimizes the statistical divergence between the sampled subset and the
entire collection, and solved it via a genetic algorithm. We then train the
adaptation model over the sampled pairs by contrasting the likelihoods of
correct and incorrect reasonings. Our experimental results demonstrate that
CoBB significantly improves reasoning accuracy across various QA benchmarks,
compared to the best-performing adaptation baselines. | cs.LG | Learning to Correct for QA Reasoning with Black-box LLMs |
2024-06-26T18:39:08Z | http://arxiv.org/pdf/2406.18682v1 | http://arxiv.org/abs/2406.18682v1 | Aakanksha, Arash Ahmadian, Beyza Ermis, Seraphina Goldfarb-Tarrant, Julia Kreutzer, Marzieh Fadaee, Sara Hooker | 2024-06-26T18:39:08Z | cs.CL, cs.AI, cs.LG | A key concern with the concept of "alignment" is the implicit question of
"alignment to what?". AI systems are increasingly used across the world, yet
safety alignment is often focused on homogeneous monolingual settings.
Additionally, preference training and safety measures often overfit to harms
common in Western-centric datasets. Here, we explore the viability of different
alignment approaches when balancing dual objectives: addressing and optimizing
for a non-homogeneous set of languages and cultural preferences while
minimizing both global and local harms. We collect the first set of human
annotated red-teaming prompts in different languages distinguishing between
global and local harm, which serve as a laboratory for understanding the
reliability of alignment techniques when faced with preference distributions
that are non-stationary across geographies and languages. While this setting is
seldom covered by the literature to date, which primarily centers on English
harm mitigation, it captures real-world interactions with AI systems around the
world. We establish a new precedent for state-of-the-art alignment techniques
across 6 languages with minimal degradation in general performance. Our work
provides important insights into cross-lingual transfer and novel optimization
approaches to safeguard AI systems designed to serve global populations. | cs.CL | The Multilingual Alignment Prism: Aligning Global and Local Preferences to Reduce Harm |
2024-06-26T18:32:16Z | http://arxiv.org/pdf/2406.18679v1 | http://arxiv.org/abs/2406.18679v1 | Xiang Li, Vivek Govindan, Rohit Paturi, Sundararajan Srinivasan | 2024-06-26T18:32:16Z | eess.AS, cs.AI, cs.CL, cs.LG | End-to-end neural diarization (EEND) models offer significant improvements
over traditional embedding-based Speaker Diarization (SD) approaches but falls
short on generalizing to long-form audio with large number of speakers.
EEND-vector-clustering method mitigates this by combining local EEND with
global clustering of speaker embeddings from local windows, but this requires
an additional speaker embedding framework alongside the EEND module. In this
paper, we propose a novel framework applying EEND both locally and globally for
long-form audio without separate speaker embeddings. This approach achieves
significant relative DER reduction of 13% and 10% over the conventional 1-pass
EEND on Callhome American English and RT03-CTS datasets respectively and
marginal improvements over EEND-vector-clustering without the need for
additional speaker embeddings. Furthermore, we discuss the computational
complexity of our proposed framework and explore strategies for reducing
processing times. | eess.AS | Speakers Unembedded: Embedding-free Approach to Long-form Neural Diarization |
2024-06-26T18:29:12Z | http://arxiv.org/pdf/2406.18678v1 | http://arxiv.org/abs/2406.18678v1 | Jaehyung Kim, Yiming Yang | 2024-06-26T18:29:12Z | cs.LG, cs.AI, cs.CL | As the diversity of users increases, the capability of providing personalized
responses by large language models (LLMs) has become increasingly important.
Existing approaches have only limited successes in LLM personalization, due to
the absence of personalized learning or the reliance on shared personal data.
This paper proposes a new approach for a few-shot personalization of LLMs with
their mis-aligned responses (Fermi). Our key idea is to learn a set of
personalized prompts for each user by progressively improving the prompts using
LLMs, based on user profile (e.g., demographic information) and a few examples
of previous opinions. During an iterative process of prompt improvement, we
incorporate the contexts of mis-aligned responses by LLMs, which are especially
crucial for the effective personalization of LLMs. In addition, we develop an
effective inference method to further leverage the context of the test query
and the personalized prompts. Our experimental results demonstrate that Fermi
significantly improves performance across various benchmarks, compared to the
best-performing baselines. | cs.LG | Few-shot Personalization of LLMs with Mis-aligned Responses |
2024-06-26T18:26:53Z | http://arxiv.org/pdf/2406.18676v1 | http://arxiv.org/abs/2406.18676v1 | Guanting Dong, Yutao Zhu, Chenghao Zhang, Zechen Wang, Zhicheng Dou, Ji-Rong Wen | 2024-06-26T18:26:53Z | cs.CL, cs.AI, cs.LG | Retrieval-augmented generation (RAG) has demonstrated effectiveness in
mitigating the hallucination problem of large language models (LLMs). However,
the difficulty of aligning the retriever with the diverse LLMs' knowledge
preferences inevitably poses an inevitable challenge in developing a reliable
RAG system. To address this issue, we propose DPA-RAG, a universal framework
designed to align diverse knowledge preferences within RAG systems.
Specifically, we initially introduce a preference knowledge construction
pipline and incorporate five novel query augmentation strategies to alleviate
preference data scarcity. Based on preference data, DPA-RAG accomplishes both
external and internal preference alignment: 1) It jointly integrate pair-wise,
point-wise, and contrastive preference alignment abilities into the reranker,
achieving external preference alignment among RAG components. 2) It further
introduces a pre-aligned stage before vanilla Supervised Fine-tuning (SFT),
enabling LLMs to implicitly capture knowledge aligned with their reasoning
preferences, achieving LLMs' internal alignment. Experimental results across
four knowledge-intensive QA datasets demonstrate that DPA-RAG outperforms all
baselines and seamlessly integrates both black-box and open-sourced LLM
readers. Further qualitative analysis and discussions also provide empirical
guidance for achieving reliable RAG systems. Our code is publicly available at
https://github.com/dongguanting/DPA-RAG. | cs.CL | Understand What LLM Needs: Dual Preference Alignment for Retrieval-Augmented Generation |
2024-06-26T18:25:06Z | http://arxiv.org/pdf/2406.18675v1 | http://arxiv.org/abs/2406.18675v1 | Minhwa Lee, Zae Myung Kim, Vivek A. Khetan, Dongyeop Kang | 2024-06-26T18:25:06Z | cs.HC, cs.AI, cs.CL | Large Language Models (LLMs) have assisted humans in several writing tasks,
including text revision and story generation. However, their effectiveness in
supporting domain-specific writing, particularly in business contexts, is
relatively less explored. Our formative study with industry professionals
revealed the limitations in current LLMs' understanding of the nuances in such
domain-specific writing. To address this gap, we propose an approach of
human-AI collaborative taxonomy development to perform as a guideline for
domain-specific writing assistants. This method integrates iterative feedback
from domain experts and multiple interactions between these experts and LLMs to
refine the taxonomy. Through larger-scale experiments, we aim to validate this
methodology and thus improve LLM-powered writing assistance, tailoring it to
meet the unique requirements of different stakeholder needs. | cs.HC | Human-AI Collaborative Taxonomy Construction: A Case Study in Profession-Specific Writing Assistants |
2024-06-26T18:10:22Z | http://arxiv.org/pdf/2406.18665v2 | http://arxiv.org/abs/2406.18665v2 | Isaac Ong, Amjad Almahairi, Vincent Wu, Wei-Lin Chiang, Tianhao Wu, Joseph E. Gonzalez, M Waleed Kadous, Ion Stoica | 2024-07-01T05:38:08Z | cs.LG, cs.AI, cs.CL | Large language models (LLMs) exhibit impressive capabilities across a wide
range of tasks, yet the choice of which model to use often involves a trade-off
between performance and cost. More powerful models, though effective, come with
higher expenses, while less capable models are more cost-effective. To address
this dilemma, we propose several efficient router models that dynamically
select between a stronger and a weaker LLM during inference, aiming to optimize
the balance between cost and response quality. We develop a training framework
for these routers leveraging human preference data and data augmentation
techniques to enhance performance. Our evaluation on widely-recognized
benchmarks shows that our approach significantly reduces costs-by over 2 times
in certain cases-without compromising the quality of responses. Interestingly,
our router models also demonstrate significant transfer learning capabilities,
maintaining their performance even when the strong and weak models are changed
at test time. This highlights the potential of these routers to provide a
cost-effective yet high-performance solution for deploying LLMs. | cs.LG | RouteLLM: Learning to Route LLMs with Preference Data |
2024-06-26T18:09:46Z | http://arxiv.org/pdf/2406.18664v2 | http://arxiv.org/abs/2406.18664v2 | Boyi Wei, Weijia Shi, Yangsibo Huang, Noah A. Smith, Chiyuan Zhang, Luke Zettlemoyer, Kai Li, Peter Henderson | 2024-07-01T07:12:45Z | cs.CL, cs.LG | Language models (LMs) derive their capabilities from extensive training on
diverse data, including potentially copyrighted material. These models can
memorize and generate content similar to their training data, posing potential
concerns. Therefore, model creators are motivated to develop mitigation methods
that prevent generating protected content. We term this procedure as copyright
takedowns for LMs, noting the conceptual similarity to (but legal distinction
from) the DMCA takedown This paper introduces the first evaluation of the
feasibility and side effects of copyright takedowns for LMs. We propose
CoTaEval, an evaluation framework to assess the effectiveness of copyright
takedown methods, the impact on the model's ability to retain uncopyrightable
factual knowledge from the training data whose recitation is embargoed, and how
well the model maintains its general utility and efficiency. We examine several
strategies, including adding system prompts, decoding-time filtering
interventions, and unlearning approaches. Our findings indicate that no tested
method excels across all metrics, showing significant room for research in this
unique problem setting and indicating potential unresolved challenges for live
policy proposals. | cs.CL | Evaluating Copyright Takedown Methods for Language Models |
2024-06-26T17:59:30Z | http://arxiv.org/pdf/2406.18534v1 | http://arxiv.org/abs/2406.18534v1 | Adam Stein, Aaditya Naik, Yinjun Wu, Mayur Naik, Eric Wong | 2024-06-26T17:59:30Z | cs.CL, cs.LG | Concept-based interpretability methods offer a lens into the internals of
foundation models by decomposing their embeddings into high-level concepts.
These concept representations are most useful when they are compositional,
meaning that the individual concepts compose to explain the full sample. We
show that existing unsupervised concept extraction methods find concepts which
are not compositional. To automatically discover compositional concept
representations, we identify two salient properties of such representations,
and propose Compositional Concept Extraction (CCE) for finding concepts which
obey these properties. We evaluate CCE on five different datasets over image
and text data. Our evaluation shows that CCE finds more compositional concept
representations than baselines and yields better accuracy on four downstream
classification tasks. Code and data are available at
https://github.com/adaminsky/compositional_concepts . | cs.CL | Towards Compositionality in Concept Learning |
2024-06-26T17:59:18Z | http://arxiv.org/pdf/2406.18532v1 | http://arxiv.org/abs/2406.18532v1 | Wangchunshu Zhou, Yixin Ou, Shengwei Ding, Long Li, Jialong Wu, Tiannan Wang, Jiamin Chen, Shuai Wang, Xiaohua Xu, Ningyu Zhang, Huajun Chen, Yuchen Eleanor Jiang | 2024-06-26T17:59:18Z | cs.CL, cs.AI, cs.LG | The AI community has been exploring a pathway to artificial general
intelligence (AGI) by developing "language agents", which are complex large
language models (LLMs) pipelines involving both prompting techniques and tool
usage methods. While language agents have demonstrated impressive capabilities
for many real-world tasks, a fundamental limitation of current language agents
research is that they are model-centric, or engineering-centric. That's to say,
the progress on prompts, tools, and pipelines of language agents requires
substantial manual engineering efforts from human experts rather than
automatically learning from data. We believe the transition from model-centric,
or engineering-centric, to data-centric, i.e., the ability of language agents
to autonomously learn and evolve in environments, is the key for them to
possibly achieve AGI.
In this work, we introduce agent symbolic learning, a systematic framework
that enables language agents to optimize themselves on their own in a
data-centric way using symbolic optimizers. Specifically, we consider agents as
symbolic networks where learnable weights are defined by prompts, tools, and
the way they are stacked together. Agent symbolic learning is designed to
optimize the symbolic network within language agents by mimicking two
fundamental algorithms in connectionist learning: back-propagation and gradient
descent. Instead of dealing with numeric weights, agent symbolic learning works
with natural language simulacrums of weights, loss, and gradients. We conduct
proof-of-concept experiments on both standard benchmarks and complex real-world
tasks and show that agent symbolic learning enables language agents to update
themselves after being created and deployed in the wild, resulting in
"self-evolving agents". | cs.CL | Symbolic Learning Enables Self-Evolving Agents |
2024-06-26T17:56:29Z | http://arxiv.org/pdf/2406.18528v1 | http://arxiv.org/abs/2406.18528v1 | Christoph Leiter, Steffen Eger | 2024-06-26T17:56:29Z | cs.CL | Large language models (LLMs) have revolutionized the field of NLP. Notably,
their in-context learning capabilities also enable their use as evaluation
metrics for natural language generation, making them particularly advantageous
in low-resource scenarios and time-restricted applications. In this work, we
introduce PrExMe, a large-scale prompt exploration for metrics, where we
evaluate more than 720 prompt templates for open-source LLM-based metrics on
machine translation (MT) and summarization datasets, totalling over 6.6M
evaluations. This extensive comparison (1) serves as a benchmark of the
performance of recent open-source LLMs as metrics and (2) explores the
stability and variability of different prompting strategies. We discover that,
on the one hand, there are scenarios for which prompts are stable. For
instance, some LLMs show idiosyncratic preferences and favor to grade generated
texts with textual labels while others prefer to return numeric scores. On the
other hand, the stability of prompts and model rankings can be susceptible to
seemingly innocuous changes. For example, changing the requested output format
from "0 to 100" to "-1 to +1" can strongly affect the rankings in our
evaluation. Our study contributes to understanding the impact of different
prompting approaches on LLM-based metrics for MT and summarization evaluation,
highlighting the most stable prompting patterns and potential limitations. | cs.CL | PrExMe! Large Scale Prompt Exploration of Open Source LLMs for Machine Translation and Summarization Evaluation |
2024-06-26T17:50:47Z | http://arxiv.org/pdf/2406.18522v1 | http://arxiv.org/abs/2406.18522v1 | Shenghai Yuan, Jinfa Huang, Yongqi Xu, Yaoyang Liu, Shaofeng Zhang, Yujun Shi, Ruijie Zhu, Xinhua Cheng, Jiebo Luo, Li Yuan | 2024-06-26T17:50:47Z | cs.CV, cs.CL | We propose a novel text-to-video (T2V) generation benchmark,
ChronoMagic-Bench, to evaluate the temporal and metamorphic capabilities of the
T2V models (e.g. Sora and Lumiere) in time-lapse video generation. In contrast
to existing benchmarks that focus on the visual quality and textual relevance
of generated videos, ChronoMagic-Bench focuses on the model's ability to
generate time-lapse videos with significant metamorphic amplitude and temporal
coherence. The benchmark probes T2V models for their physics, biology, and
chemistry capabilities, in a free-form text query. For these purposes,
ChronoMagic-Bench introduces 1,649 prompts and real-world videos as references,
categorized into four major types of time-lapse videos: biological,
human-created, meteorological, and physical phenomena, which are further
divided into 75 subcategories. This categorization comprehensively evaluates
the model's capacity to handle diverse and complex transformations. To
accurately align human preference with the benchmark, we introduce two new
automatic metrics, MTScore and CHScore, to evaluate the videos' metamorphic
attributes and temporal coherence. MTScore measures the metamorphic amplitude,
reflecting the degree of change over time, while CHScore assesses the temporal
coherence, ensuring the generated videos maintain logical progression and
continuity. Based on the ChronoMagic-Bench, we conduct comprehensive manual
evaluations of ten representative T2V models, revealing their strengths and
weaknesses across different categories of prompts, and providing a thorough
evaluation framework that addresses current gaps in video generation research.
Moreover, we create a large-scale ChronoMagic-Pro dataset, containing 460k
high-quality pairs of 720p time-lapse videos and detailed captions ensuring
high physical pertinence and large metamorphic amplitude. | cs.CV | ChronoMagic-Bench: A Benchmark for Metamorphic Evaluation of Text-to-Time-lapse Video Generation |
2024-06-26T17:50:11Z | http://arxiv.org/pdf/2406.18521v1 | http://arxiv.org/abs/2406.18521v1 | Zirui Wang, Mengzhou Xia, Luxi He, Howard Chen, Yitao Liu, Richard Zhu, Kaiqu Liang, Xindi Wu, Haotian Liu, Sadhika Malladi, Alexis Chevalier, Sanjeev Arora, Danqi Chen | 2024-06-26T17:50:11Z | cs.CL, cs.CV | Chart understanding plays a pivotal role when applying Multimodal Large
Language Models (MLLMs) to real-world tasks such as analyzing scientific papers
or financial reports. However, existing datasets often focus on oversimplified
and homogeneous charts with template-based questions, leading to an
over-optimistic measure of progress. We demonstrate that although open-source
models can appear to outperform strong proprietary models on these benchmarks,
a simple stress test with slightly different charts or questions can
deteriorate performance by up to 34.5%. In this work, we propose CharXiv, a
comprehensive evaluation suite involving 2,323 natural, challenging, and
diverse charts from arXiv papers. CharXiv includes two types of questions: 1)
descriptive questions about examining basic chart elements and 2) reasoning
questions that require synthesizing information across complex visual elements
in the chart. To ensure quality, all charts and questions are handpicked,
curated, and verified by human experts. Our results reveal a substantial,
previously underestimated gap between the reasoning skills of the strongest
proprietary model (i.e., GPT-4o), which achieves 47.1% accuracy, and the
strongest open-source model (i.e., InternVL Chat V1.5), which achieves 29.2%.
All models lag far behind human performance of 80.5%, underscoring weaknesses
in the chart understanding capabilities of existing MLLMs. We hope CharXiv
facilitates future research on MLLM chart understanding by providing a more
realistic and faithful measure of progress. Project page and leaderboard:
https://charxiv.github.io/ | cs.CL | CharXiv: Charting Gaps in Realistic Chart Understanding in Multimodal LLMs |
2024-06-26T17:49:11Z | http://arxiv.org/pdf/2406.18518v1 | http://arxiv.org/abs/2406.18518v1 | Zuxin Liu, Thai Hoang, Jianguo Zhang, Ming Zhu, Tian Lan, Shirley Kokane, Juntao Tan, Weiran Yao, Zhiwei Liu, Yihao Feng, Rithesh Murthy, Liangwei Yang, Silvio Savarese, Juan Carlos Niebles, Huan Wang, Shelby Heinecke, Caiming Xiong | 2024-06-26T17:49:11Z | cs.CL, cs.AI, cs.LG, cs.SE | The advancement of function-calling agent models requires diverse, reliable,
and high-quality datasets. This paper presents APIGen, an automated data
generation pipeline designed to synthesize verifiable high-quality datasets for
function-calling applications. We leverage APIGen and collect 3,673 executable
APIs across 21 different categories to generate diverse function-calling
datasets in a scalable and structured manner. Each data in our dataset is
verified through three hierarchical stages: format checking, actual function
executions, and semantic verification, ensuring its reliability and
correctness. We demonstrate that models trained with our curated datasets, even
with only 7B parameters, can achieve state-of-the-art performance on the
Berkeley Function-Calling Benchmark, outperforming multiple GPT-4 models.
Moreover, our 1B model achieves exceptional performance, surpassing
GPT-3.5-Turbo and Claude-3 Haiku. We release a dataset containing 60,000
high-quality entries, aiming to advance the field of function-calling agent
domains. The dataset is available on Huggingface:
https://huggingface.co/datasets/Salesforce/xlam-function-calling-60k and the
project homepage: https://apigen-pipeline.github.io/ | cs.CL | APIGen: Automated Pipeline for Generating Verifiable and Diverse Function-Calling Datasets |
2024-06-26T17:43:06Z | http://arxiv.org/pdf/2406.18629v1 | http://arxiv.org/abs/2406.18629v1 | Xin Lai, Zhuotao Tian, Yukang Chen, Senqiao Yang, Xiangru Peng, Jiaya Jia | 2024-06-26T17:43:06Z | cs.LG, cs.AI, cs.CL | Mathematical reasoning presents a significant challenge for Large Language
Models (LLMs) due to the extensive and precise chain of reasoning required for
accuracy. Ensuring the correctness of each reasoning step is critical. To
address this, we aim to enhance the robustness and factuality of LLMs by
learning from human feedback. However, Direct Preference Optimization (DPO) has
shown limited benefits for long-chain mathematical reasoning, as models
employing DPO struggle to identify detailed errors in incorrect answers. This
limitation stems from a lack of fine-grained process supervision. We propose a
simple, effective, and data-efficient method called Step-DPO, which treats
individual reasoning steps as units for preference optimization rather than
evaluating answers holistically. Additionally, we have developed a data
construction pipeline for Step-DPO, enabling the creation of a high-quality
dataset containing 10K step-wise preference pairs. We also observe that in DPO,
self-generated data is more effective than data generated by humans or GPT-4,
due to the latter's out-of-distribution nature. Our findings demonstrate that
as few as 10K preference data pairs and fewer than 500 Step-DPO training steps
can yield a nearly 3% gain in accuracy on MATH for models with over 70B
parameters. Notably, Step-DPO, when applied to Qwen2-72B-Instruct, achieves
scores of 70.8% and 94.0% on the test sets of MATH and GSM8K, respectively,
surpassing a series of closed-source models, including GPT-4-1106,
Claude-3-Opus, and Gemini-1.5-Pro. Our code, data, and models are available at
https://github.com/dvlab-research/Step-DPO. | cs.LG | Step-DPO: Step-wise Preference Optimization for Long-chain Reasoning of LLMs |
2024-06-26T17:33:51Z | http://arxiv.org/pdf/2406.18512v1 | http://arxiv.org/abs/2406.18512v1 | Grace Li, Milad Alshomary, Smaranda Muresan | 2024-06-26T17:33:51Z | cs.CL | Explanations form the foundation of knowledge sharing and build upon
communication principles, social dynamics, and learning theories. We focus
specifically on conversational approaches for explanations because the context
is highly adaptive and interactive. Our research leverages previous work on
explanatory acts, a framework for understanding the different strategies that
explainers and explainees employ in a conversation to both explain, understand,
and engage with the other party. We use the 5-Levels dataset was constructed
from the WIRED YouTube series by Wachsmuth et al., and later annotated by
Booshehri et al. with explanatory acts. These annotations provide a framework
for understanding how explainers and explainees structure their response when
crafting a response.
With the rise of generative AI in the past year, we hope to better understand
the capabilities of Large Language Models (LLMs) and how they can augment
expert explainer's capabilities in conversational settings. To achieve this
goal, the 5-Levels dataset (We use Booshehri et al.'s 2023 annotated dataset
with explanatory acts.) allows us to audit the ability of LLMs in engaging in
explanation dialogues. To evaluate the effectiveness of LLMs in generating
explainer responses, we compared 3 different strategies, we asked human
annotators to evaluate 3 different strategies: human explainer response, GPT4
standard response, GPT4 response with Explanation Moves. | cs.CL | "Is ChatGPT a Better Explainer than My Professor?": Evaluating the Explanation Capabilities of LLMs in Conversation Compared to a Human Baseline |
2024-06-26T17:33:21Z | http://arxiv.org/pdf/2407.01603v1 | http://arxiv.org/abs/2407.01603v1 | Mayk Caldas Ramos, Christopher J. Collison, Andrew D. White | 2024-06-26T17:33:21Z | cs.LG, cs.AI, cs.CL, physics.chem-ph | Large language models (LLMs) are emerging as a powerful tool in chemistry
across multiple domains. In chemistry, LLMs are able to accurately predict
properties, design new molecules, optimize synthesis pathways, and accelerate
drug and material discovery. A core emerging idea is combining LLMs with
chemistry-specific tools like synthesis planners and databases, leading to
so-called "agents." This review covers LLMs' recent history, current
capabilities, design, challenges specific to chemistry, and future directions.
Particular attention is given to agents and their emergence as a
cross-chemistry paradigm. Agents have proven effective in diverse domains of
chemistry, but challenges remain. It is unclear if creating domain-specific
versus generalist agents and developing autonomous pipelines versus "co-pilot"
systems will accelerate chemistry. An emerging direction is the development of
multi-agent systems using a human-in-the-loop approach. Due to the incredibly
fast development of this field, a repository has been built to keep track of
the latest studies: https://github.com/ur-whitelab/LLMs-in-science. | cs.LG | A Review of Large Language Models and Autonomous Agents in Chemistry |
2024-06-26T17:31:22Z | http://arxiv.org/pdf/2406.18510v1 | http://arxiv.org/abs/2406.18510v1 | Liwei Jiang, Kavel Rao, Seungju Han, Allyson Ettinger, Faeze Brahman, Sachin Kumar, Niloofar Mireshghallah, Ximing Lu, Maarten Sap, Yejin Choi, Nouha Dziri | 2024-06-26T17:31:22Z | cs.CL | We introduce WildTeaming, an automatic LLM safety red-teaming framework that
mines in-the-wild user-chatbot interactions to discover 5.7K unique clusters of
novel jailbreak tactics, and then composes multiple tactics for systematic
exploration of novel jailbreaks. Compared to prior work that performed
red-teaming via recruited human workers, gradient-based optimization, or
iterative revision with LLMs, our work investigates jailbreaks from chatbot
users who were not specifically instructed to break the system. WildTeaming
reveals previously unidentified vulnerabilities of frontier LLMs, resulting in
up to 4.6x more diverse and successful adversarial attacks compared to
state-of-the-art jailbreak methods.
While many datasets exist for jailbreak evaluation, very few open-source
datasets exist for jailbreak training, as safety training data has been closed
even when model weights are open. With WildTeaming we create WildJailbreak, a
large-scale open-source synthetic safety dataset with 262K vanilla (direct
request) and adversarial (complex jailbreak) prompt-response pairs. To mitigate
exaggerated safety behaviors, WildJailbreak provides two contrastive types of
queries: 1) harmful queries (vanilla & adversarial) and 2) benign queries that
resemble harmful queries in form but contain no harm. As WildJailbreak
considerably upgrades the quality and scale of existing safety resources, it
uniquely enables us to examine the scaling effects of data and the interplay of
data properties and model capabilities during safety training. Through
extensive experiments, we identify the training properties that enable an ideal
balance of safety behaviors: appropriate safeguarding without over-refusal,
effective handling of vanilla and adversarial queries, and minimal, if any,
decrease in general capabilities. All components of WildJailbeak contribute to
achieving balanced safety behaviors of models. | cs.CL | WildTeaming at Scale: From In-the-Wild Jailbreaks to (Adversarially) Safer Language Models |
2024-06-26T17:14:45Z | http://arxiv.org/pdf/2406.18505v1 | http://arxiv.org/abs/2406.18505v1 | Wenhao Lu, Xufeng Zhao, Josua Spisak, Jae Hee Lee, Stefan Wermter | 2024-06-26T17:14:45Z | cs.LG, cs.AI, cs.CL, cs.RO | Can emergent language models faithfully model the intelligence of
decision-making agents? Though modern language models exhibit already some
reasoning ability, and theoretically can potentially express any probable
distribution over tokens, it remains underexplored how the world knowledge
these pretrained models have memorized can be utilized to comprehend an agent's
behaviour in the physical world. This study empirically examines, for the first
time, how well large language models (LLMs) can build a mental model of agents,
termed agent mental modelling, by reasoning about an agent's behaviour and its
effect on states from agent interaction history. This research may unveil the
potential of leveraging LLMs for elucidating RL agent behaviour, addressing a
key challenge in eXplainable reinforcement learning (XRL). To this end, we
propose specific evaluation metrics and test them on selected RL task datasets
of varying complexity, reporting findings on agent mental model establishment.
Our results disclose that LLMs are not yet capable of fully mental modelling
agents through inference alone without further innovations. This work thus
provides new insights into the capabilities and limitations of modern LLMs. | cs.LG | Mental Modeling of Reinforcement Learning Agents by Language Models |
2024-06-26T17:06:41Z | http://arxiv.org/pdf/2406.18501v1 | http://arxiv.org/abs/2406.18501v1 | Zhenghao Zhou, Robert Frank, R. Thomas McCoy | 2024-06-26T17:06:41Z | cs.CL | Large language models (LLMs) have shown the emergent capability of in-context
learning (ICL). One line of research has explained ICL as functionally
performing gradient descent. In this paper, we introduce a new way of
diagnosing whether ICL is functionally equivalent to gradient-based learning.
Our approach is based on the inverse frequency effect (IFE) -- a phenomenon in
which an error-driven learner is expected to show larger updates when trained
on infrequent examples than frequent ones. The IFE has previously been studied
in psycholinguistics because humans show this effect in the context of
structural priming (the tendency for people to produce sentence structures they
have encountered recently); the IFE has been used as evidence that human
structural priming must involve error-driven learning mechanisms. In our
experiments, we simulated structural priming within ICL and found that LLMs
display the IFE, with the effect being stronger in larger models. We conclude
that ICL is indeed a type of gradient-based learning, supporting the hypothesis
that a gradient component is implicitly computed in the forward pass during
ICL. Our results suggest that both humans and LLMs make use of gradient-based,
error-driven processing mechanisms. | cs.CL | Is In-Context Learning a Type of Gradient-Based Learning? Evidence from the Inverse Frequency Effect in Structural Priming |
2024-06-26T16:58:20Z | http://arxiv.org/pdf/2406.18495v1 | http://arxiv.org/abs/2406.18495v1 | Seungju Han, Kavel Rao, Allyson Ettinger, Liwei Jiang, Bill Yuchen Lin, Nathan Lambert, Yejin Choi, Nouha Dziri | 2024-06-26T16:58:20Z | cs.CL | We introduce WildGuard -- an open, light-weight moderation tool for LLM
safety that achieves three goals: (1) identifying malicious intent in user
prompts, (2) detecting safety risks of model responses, and (3) determining
model refusal rate. Together, WildGuard serves the increasing needs for
automatic safety moderation and evaluation of LLM interactions, providing a
one-stop tool with enhanced accuracy and broad coverage across 13 risk
categories. While existing open moderation tools such as Llama-Guard2 score
reasonably well in classifying straightforward model interactions, they lag far
behind a prompted GPT-4, especially in identifying adversarial jailbreaks and
in evaluating models' refusals, a key measure for evaluating safety behaviors
in model responses.
To address these challenges, we construct WildGuardMix, a large-scale and
carefully balanced multi-task safety moderation dataset with 92K labeled
examples that cover vanilla (direct) prompts and adversarial jailbreaks, paired
with various refusal and compliance responses. WildGuardMix is a combination of
WildGuardTrain, the training data of WildGuard, and WildGuardTest, a
high-quality human-annotated moderation test set with 5K labeled items covering
broad risk scenarios. Through extensive evaluations on WildGuardTest and ten
existing public benchmarks, we show that WildGuard establishes state-of-the-art
performance in open-source safety moderation across all the three tasks
compared to ten strong existing open-source moderation models (e.g., up to
26.4% improvement on refusal detection). Importantly, WildGuard matches and
sometimes exceeds GPT-4 performance (e.g., up to 3.9% improvement on prompt
harmfulness identification). WildGuard serves as a highly effective safety
moderator in an LLM interface, reducing the success rate of jailbreak attacks
from 79.8% to 2.4%. | cs.CL | WildGuard: Open One-Stop Moderation Tools for Safety Risks, Jailbreaks, and Refusals of LLMs |
2024-06-26T16:13:35Z | http://arxiv.org/pdf/2407.01602v1 | http://arxiv.org/abs/2407.01602v1 | Albert Alcalde, Giovanni Fantuzzi, Enrique Zuazua | 2024-06-26T16:13:35Z | cs.CL, cs.LG, math.DS, stat.ML, 68T07, 68T50 | Transformers are extremely successful machine learning models whose
mathematical properties remain poorly understood. Here, we rigorously
characterize the behavior of transformers with hardmax self-attention and
normalization sublayers as the number of layers tends to infinity. By viewing
such transformers as discrete-time dynamical systems describing the evolution
of points in a Euclidean space, and thanks to a geometric interpretation of the
self-attention mechanism based on hyperplane separation, we show that the
transformer inputs asymptotically converge to a clustered equilibrium
determined by special points called leaders. We then leverage this theoretical
understanding to solve sentiment analysis problems from language processing
using a fully interpretable transformer model, which effectively captures
`context' by clustering meaningless words around leader words carrying the most
meaning. Finally, we outline remaining challenges to bridge the gap between the
mathematical analysis of transformers and their real-life implementation. | cs.CL | Clustering in pure-attention hardmax transformers and its role in sentiment analysis |
2024-06-26T16:10:53Z | http://arxiv.org/pdf/2406.18460v1 | http://arxiv.org/abs/2406.18460v1 | Ahmed Njifenjou, Virgile Sucal, Bassam Jabaian, Fabrice Lefèvre | 2024-06-26T16:10:53Z | cs.CL, cs.AI, cs.HC | Recently, various methods have been proposed to create open-domain
conversational agents with Large Language Models (LLMs). These models are able
to answer user queries, but in a one-way Q&A format rather than a true
conversation. Fine-tuning on particular datasets is the usual way to modify
their style to increase conversational ability, but this is expensive and
usually only available in a few languages. In this study, we explore role-play
zero-shot prompting as an efficient and cost-effective solution for open-domain
conversation, using capable multilingual LLMs (Beeching et al., 2023) trained
to obey instructions. We design a prompting system that, when combined with an
instruction-following model - here Vicuna (Chiang et al., 2023) - produces
conversational agents that match and even surpass fine-tuned models in human
evaluation in French in two different tasks. | cs.CL | Role-Play Zero-Shot Prompting with Large Language Models for Open-Domain Human-Machine Conversation |
2024-06-26T15:53:54Z | http://arxiv.org/pdf/2406.18449v1 | http://arxiv.org/abs/2406.18449v1 | Xingwei Tan, Yuxiang Zhou, Gabriele Pergola, Yulan He | 2024-06-26T15:53:54Z | cs.CL, cs.AI | Generating event graphs from long documents is challenging due to the
inherent complexity of multiple tasks involved such as detecting events,
identifying their relationships, and reconciling unstructured input with
structured graphs. Recent studies typically consider all events with equal
importance, failing to distinguish salient events crucial for understanding
narratives. This paper presents CALLMSAE, a CAscading Large Language Model
framework for SAlient Event graph generation, which leverages the capabilities
of LLMs and eliminates the need for costly human annotations. We first identify
salient events by prompting LLMs to generate summaries, from which salient
events are identified. Next, we develop an iterative code refinement prompting
strategy to generate event relation graphs, removing hallucinated relations and
recovering missing edges. Fine-tuning contextualised graph generation models on
the LLM-generated graphs outperforms the models trained on CAEVO-generated
data. Experimental results on a human-annotated test set show that the proposed
method generates salient and more accurate graphs, outperforming competitive
baselines. | cs.CL | Cascading Large Language Models for Salient Event Graph Generation |
2024-06-26T14:57:38Z | http://arxiv.org/pdf/2406.18406v1 | http://arxiv.org/abs/2406.18406v1 | Dan Shi, Renren Jin, Tianhao Shen, Weilong Dong, Xinwei Wu, Deyi Xiong | 2024-06-26T14:57:38Z | cs.CL, cs.AI | It is widely acknowledged that large language models (LLMs) encode a vast
reservoir of knowledge after being trained on mass data. Recent studies
disclose knowledge conflicts in LLM generation, wherein outdated or incorrect
parametric knowledge (i.e., encoded knowledge) contradicts new knowledge
provided in the context. To mitigate such knowledge conflicts, we propose a
novel framework, IRCAN (Identifying and Reweighting Context-Aware Neurons) to
capitalize on neurons that are crucial in processing contextual cues.
Specifically, IRCAN first identifies neurons that significantly contribute to
context processing, utilizing a context-aware attribution score derived from
integrated gradients. Subsequently, the identified context-aware neurons are
strengthened via reweighting. In doing so, we steer LLMs to generate
context-sensitive outputs with respect to the new knowledge provided in the
context. Extensive experiments conducted across a variety of models and tasks
demonstrate that IRCAN not only achieves remarkable improvements in handling
knowledge conflicts but also offers a scalable, plug-andplay solution that can
be integrated seamlessly with existing models. | cs.CL | IRCAN: Mitigating Knowledge Conflicts in LLM Generation via Identifying and Reweighting Context-Aware Neurons |
2024-06-26T14:56:13Z | http://arxiv.org/pdf/2406.18403v1 | http://arxiv.org/abs/2406.18403v1 | Anna Bavaresco, Raffaella Bernardi, Leonardo Bertolazzi, Desmond Elliott, Raquel Fernández, Albert Gatt, Esam Ghaleb, Mario Giulianelli, Michael Hanna, Alexander Koller, André F. T. Martins, Philipp Mondorf, Vera Neplenbroek, Sandro Pezzelle, Barbara Plank, David Schlangen, Alessandro Suglia, Aditya K Surikuchi, Ece Takmaz, Alberto Testoni | 2024-06-26T14:56:13Z | cs.CL | There is an increasing trend towards evaluating NLP models with LLM-generated
judgments instead of human judgments. In the absence of a comparison against
human data, this raises concerns about the validity of these evaluations; in
case they are conducted with proprietary models, this also raises concerns over
reproducibility. We provide JUDGE-BENCH, a collection of 20 NLP datasets with
human annotations, and comprehensively evaluate 11 current LLMs, covering both
open-weight and proprietary models, for their ability to replicate the
annotations. Our evaluations show that each LLM exhibits a large variance
across datasets in its correlation to human judgments. We conclude that LLMs
are not yet ready to systematically replace human judges in NLP. | cs.CL | LLMs instead of Human Judges? A Large Scale Empirical Study across 20 NLP Evaluation Tasks |
2024-06-26T14:49:54Z | http://arxiv.org/pdf/2406.18400v1 | http://arxiv.org/abs/2406.18400v1 | Yibo Jiang, Goutham Rajendran, Pradeep Ravikumar, Bryon Aragam | 2024-06-26T14:49:54Z | cs.CL, cs.LG, stat.ML | Large Language Models (LLMs) have the capacity to store and recall facts.
Through experimentation with open-source models, we observe that this ability
to retrieve facts can be easily manipulated by changing contexts, even without
altering their factual meanings. These findings highlight that LLMs might
behave like an associative memory model where certain tokens in the contexts
serve as clues to retrieving facts. We mathematically explore this property by
studying how transformers, the building blocks of LLMs, can complete such
memory tasks. We study a simple latent concept association problem with a
one-layer transformer and we show theoretically and empirically that the
transformer gathers information using self-attention and uses the value matrix
for associative memory. | cs.CL | Do LLMs dream of elephants (when told not to)? Latent concept association and associative memory in transformers |
2024-06-26T14:22:46Z | http://arxiv.org/pdf/2406.18626v1 | http://arxiv.org/abs/2406.18626v1 | Oskar Wysocki, Magdalena Wysocka, Danilo Carvalho, Alex Teodor Bogatu, Danilo Miranda Gusicuma, Maxime Delmas, Harriet Unsworth, Andre Freitas | 2024-06-26T14:22:46Z | q-bio.QM, cs.AI, cs.CL | We present BioLunar, developed using the Lunar framework, as a tool for
supporting biological analyses, with a particular emphasis on molecular-level
evidence enrichment for biomarker discovery in oncology. The platform
integrates Large Language Models (LLMs) to facilitate complex scientific
reasoning across distributed evidence spaces, enhancing the capability for
harmonizing and reasoning over heterogeneous data sources. Demonstrating its
utility in cancer research, BioLunar leverages modular design, reusable data
access and data analysis components, and a low-code user interface, enabling
researchers of all programming levels to construct LLM-enabled scientific
workflows. By facilitating automatic scientific discovery and inference from
heterogeneous evidence, BioLunar exemplifies the potential of the integration
between LLMs, specialised databases and biomedical tools to support
expert-level knowledge synthesis and discovery. | q-bio.QM | An LLM-based Knowledge Synthesis and Scientific Reasoning Framework for Biomedical Discovery |
2024-06-26T14:17:36Z | http://arxiv.org/pdf/2406.18373v1 | http://arxiv.org/abs/2406.18373v1 | Qiao Xiao, Pingchuan Ma, Adriana Fernandez-Lopez, Boqian Wu, Lu Yin, Stavros Petridis, Mykola Pechenizkiy, Maja Pantic, Decebal Constantin Mocanu, Shiwei Liu | 2024-06-26T14:17:36Z | cs.CL, cs.SD, eess.AS | The recent success of Automatic Speech Recognition (ASR) is largely
attributed to the ever-growing amount of training data. However, this trend has
made model training prohibitively costly and imposed computational demands.
While data pruning has been proposed to mitigate this issue by identifying a
small subset of relevant data, its application in ASR has been barely explored,
and existing works often entail significant overhead to achieve meaningful
results. To fill this gap, this paper presents the first investigation of
dynamic data pruning for ASR, finding that we can reach the full-data
performance by dynamically selecting 70% of data. Furthermore, we introduce
Dynamic Data Pruning for ASR (DDP-ASR), which offers several fine-grained
pruning granularities specifically tailored for speech-related datasets, going
beyond the conventional pruning of entire time sequences. Our intensive
experiments show that DDP-ASR can save up to 1.6x training time with negligible
performance loss. | cs.CL | Dynamic Data Pruning for Automatic Speech Recognition |
2024-06-26T14:04:29Z | http://arxiv.org/pdf/2406.18365v1 | http://arxiv.org/abs/2406.18365v1 | Xinyu Hu, Li Lin, Mingqi Gao, Xunjian Yin, Xiaojun Wan | 2024-06-26T14:04:29Z | cs.CL | The evaluation of natural language generation (NLG) tasks is a significant
and longstanding research issue. With the recent emergence of powerful large
language models (LLMs), some studies have turned to LLM-based automatic
evaluation methods, which demonstrate great potential to become a new
evaluation paradigm following traditional string-based and model-based metrics.
However, despite the improved performance of existing methods, they still
possess some deficiencies, such as dependency on references and limited
evaluation flexibility. Therefore, in this paper, we meticulously construct a
large-scale NLG evaluation corpus NLG-Eval with human and GPT-4 annotations to
alleviate the lack of relevant data in this field. Furthermore, we propose
Themis, an LLM dedicated to NLG evaluation, which has been trained with our
designed multi-perspective consistency and rating-oriented preference alignment
methods. Themis can conduct flexible and interpretable evaluations without
references, and it exhibits superior evaluation performance on various NLG
tasks, simultaneously generalizing well to unseen tasks and surpassing other
evaluation models, including GPT-4. | cs.CL | Themis: Towards Flexible and Interpretable NLG Evaluation |
2024-06-26T14:04:15Z | http://arxiv.org/pdf/2406.18364v1 | http://arxiv.org/abs/2406.18364v1 | Yiming Chen, Haobin Chen, Simin Liu, Yunyun Liu, Fanhao Zhou, Bing Wei | 2024-06-26T14:04:15Z | cs.CL, cs.AI | With the continuous advancement of artificial intelligence, natural language
processing technology has become widely utilized in various fields. At the same
time, there are many challenges in creating Chinese news summaries. First of
all, the semantics of Chinese news is complex, and the amount of information is
enormous. Extracting critical information from Chinese news presents a
significant challenge. Second, the news summary should be concise and clear,
focusing on the main content and avoiding redundancy. In addition, the
particularity of the Chinese language, such as polysemy, word segmentation,
etc., makes it challenging to generate Chinese news summaries. Based on the
above, this paper studies the information extraction method of the LCSTS
dataset based on an improved BERTSum-LSTM model. We improve the BERTSum-LSTM
model to make it perform better in generating Chinese news summaries. The
experimental results show that the proposed method has a good effect on
creating news summaries, which is of great importance to the construction of
news summaries. | cs.CL | Research on Information Extraction of LCSTS Dataset Based on an Improved BERTSum-LSTM Model |
2024-06-26T13:35:10Z | http://arxiv.org/pdf/2406.18340v1 | http://arxiv.org/abs/2406.18340v1 | Olga Zamaraeva, Lorena S. Allegue, Carlos Gómez-Rodríguez, Anastasiia Ogneva, Margarita Alonso-Ramos | 2024-06-26T13:35:10Z | cs.CL | Automatic grammar coaching serves an important purpose of advising on
standard grammar varieties while not imposing social pressures or reinforcing
established social roles. Such systems already exist but most of them are for
English and few of them offer meaningful feedback. Furthermore, they typically
rely completely on neural methods and require huge computational resources
which most of the world cannot afford. We propose a grammar coaching system for
Spanish that relies on (i) a rich linguistic formalism capable of giving
informative feedback; and (ii) a faster parsing algorithm which makes using
this formalism practical in a real-world application. The approach is feasible
for any language for which there is a computerized grammar and is less reliant
on expensive and environmentally costly neural methods. We seek to contribute
to Greener AI and to address global education challenges by raising the
standards of inclusivity and engagement in grammar coaching. | cs.CL | Grammar Assistance Using Syntactic Structures (GAUSS) |
2024-06-26T13:12:40Z | http://arxiv.org/pdf/2406.18326v1 | http://arxiv.org/abs/2406.18326v1 | Huixuan Zhang, Yun Lin, Xiaojun Wan | 2024-06-26T13:12:40Z | cs.CL, cs.AI | Large language models (LLMs) are known to be trained on vast amounts of data,
which may unintentionally or intentionally include data from commonly used
benchmarks. This inclusion can lead to cheatingly high scores on model
leaderboards, yet result in disappointing performance in real-world
applications. To address this benchmark contamination problem, we first propose
a set of requirements that practical contamination detection methods should
follow. Following these proposed requirements, we introduce PaCoST, a Paired
Confidence Significance Testing to effectively detect benchmark contamination
in LLMs. Our method constructs a counterpart for each piece of data with the
same distribution, and performs statistical analysis of the corresponding
confidence to test whether the model is significantly more confident under the
original benchmark. We validate the effectiveness of PaCoST and apply it on
popular open-source models and benchmarks. We find that almost all models and
benchmarks we tested are suspected contaminated more or less. We finally call
for new LLM evaluation methods. | cs.CL | PaCoST: Paired Confidence Significance Testing for Benchmark Contamination Detection in Large Language Models |
2024-06-26T13:02:35Z | http://arxiv.org/pdf/2406.18321v1 | http://arxiv.org/abs/2406.18321v1 | Meng Fang, Xiangpeng Wan, Fei Lu, Fei Xing, Kai Zou | 2024-06-26T13:02:35Z | cs.CL, cs.AI | Large language models (LLMs) have significantly advanced natural language
understanding and demonstrated strong problem-solving abilities. Despite these
successes, most LLMs still struggle with solving mathematical problems due to
the intricate reasoning required. This paper investigates the mathematical
problem-solving capabilities of LLMs using the newly developed "MathOdyssey"
dataset. The dataset includes diverse mathematical problems at high school and
university levels, created by experts from notable institutions to rigorously
test LLMs in advanced problem-solving scenarios and cover a wider range of
subject areas. By providing the MathOdyssey dataset as a resource to the AI
community, we aim to contribute to the understanding and improvement of AI
capabilities in complex mathematical problem-solving. We conduct benchmarking
on open-source models, such as Llama-3 and DBRX-Instruct, and closed-source
models from the GPT series and Gemini models. Our results indicate that while
LLMs perform well on routine and moderately difficult tasks, they face
significant challenges with Olympiad-level problems and complex
university-level questions. Our analysis shows a narrowing performance gap
between open-source and closed-source models, yet substantial challenges
remain, particularly with the most demanding problems. This study highlights
the ongoing need for research to enhance the mathematical reasoning of LLMs.
The dataset, results, and code are publicly available. | cs.CL | MathOdyssey: Benchmarking Mathematical Problem-Solving Skills in Large Language Models Using Odyssey Math Data |
2024-06-26T12:54:19Z | http://arxiv.org/pdf/2406.18313v2 | http://arxiv.org/abs/2406.18313v2 | Yuanxi Lin, Tonglin Zhou, Yang Xiao | 2024-06-28T11:04:19Z | cs.SD, cs.CL, eess.AS | Accurate recognition of aviation commands is vital for flight safety and
efficiency, as pilots must follow air traffic control instructions precisely.
This paper addresses challenges in speech command recognition, such as noisy
environments and limited computational resources, by advancing keyword spotting
technology. We create a dataset of standardized airport tower commands,
including routine and emergency instructions. We enhance broadcasted residual
learning with squeeze-and-excitation and time-frame frequency-wise
squeeze-and-excitation techniques, resulting in our BC-SENet model. This model
focuses on crucial information with fewer parameters. Our tests on five keyword
spotting models, including BC-SENet, demonstrate superior accuracy and
efficiency. These findings highlight the effectiveness of our model
advancements in improving speech command recognition for aviation safety and
efficiency in noisy, high-stakes environments. Additionally, BC-SENet shows
comparable performance on the common Google Speech Command dataset. | cs.SD | Advancing Airport Tower Command Recognition: Integrating Squeeze-and-Excitation and Broadcasted Residual Learning |