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-08T20:07:24Z | http://arxiv.org/pdf/2406.05564v1 | http://arxiv.org/abs/2406.05564v1 | Yihao Zhang, Zeming Wei, Meng Sun | 2024-06-08T20:07:24Z | cs.LG, cs.AI, cs.CL, cs.FL | In modern machine (ML) learning systems, Transformer-based architectures have
achieved milestone success across a broad spectrum of tasks, yet understanding
their operational mechanisms remains an open problem. To improve the
transparency of ML systems, automata extraction methods, which interpret
stateful ML models as automata typically through formal languages, have proven
effective for explaining the mechanism of recurrent neural networks (RNNs).
However, few works have been applied to this paradigm to Transformer models. In
particular, understanding their processing of formal languages and identifying
their limitations in this area remains unexplored. In this paper, we propose an
automata extraction algorithm specifically designed for Transformer models.
Treating the Transformer model as a black-box system, we track the model
through the transformation process of their internal latent representations
during their operations, and then use classical pedagogical approaches like L*
algorithm to interpret them as deterministic finite-state automata (DFA).
Overall, our study reveals how the Transformer model comprehends the structure
of formal languages, which not only enhances the interpretability of the
Transformer-based ML systems but also marks a crucial step toward a deeper
understanding of how ML systems process formal languages. Code and data are
available at https://github.com/Zhang-Yihao/Transfomer2DFA. | cs.LG | Automata Extraction from Transformers |
2024-06-08T19:24:17Z | http://arxiv.org/pdf/2406.05559v1 | http://arxiv.org/abs/2406.05559v1 | Reem Suwaileh, Maram Hasanain, Fatema Hubail, Wajdi Zaghouani, Firoj Alam | 2024-06-08T19:24:17Z | cs.CL, cs.AI, 68T50, F.2.2; I.2.7 | Detecting subjectivity in news sentences is crucial for identifying media
bias, enhancing credibility, and combating misinformation by flagging
opinion-based content. It provides insights into public sentiment, empowers
readers to make informed decisions, and encourages critical thinking. While
research has developed methods and systems for this purpose, most efforts have
focused on English and other high-resourced languages. In this study, we
present the first large dataset for subjectivity detection in Arabic,
consisting of ~3.6K manually annotated sentences, and GPT-4o based explanation.
In addition, we included instructions (both in English and Arabic) to
facilitate LLM based fine-tuning. We provide an in-depth analysis of the
dataset, annotation process, and extensive benchmark results, including PLMs
and LLMs. Our analysis of the annotation process highlights that annotators
were strongly influenced by their political, cultural, and religious
backgrounds, especially at the beginning of the annotation process. The
experimental results suggest that LLMs with in-context learning provide better
performance. We aim to release the dataset and resources for the community. | cs.CL | ThatiAR: Subjectivity Detection in Arabic News Sentences |
2024-06-08T18:57:13Z | http://arxiv.org/pdf/2406.05551v1 | http://arxiv.org/abs/2406.05551v1 | Zhijun Liu, Shuai Wang, Sho Inoue, Qibing Bai, Haizhou Li | 2024-06-08T18:57:13Z | eess.AS, cs.AI, cs.CL, cs.LG, cs.SD | Audio language models have recently emerged as a promising approach for
various audio generation tasks, relying on audio tokenizers to encode waveforms
into sequences of discrete symbols. Audio tokenization often poses a necessary
compromise between code bitrate and reconstruction accuracy. When dealing with
low-bitrate audio codes, language models are constrained to process only a
subset of the information embedded in the audio, which in turn restricts their
generative capabilities. To circumvent these issues, we propose encoding audio
as vector sequences in continuous space $\mathbb R^d$ and autoregressively
generating these sequences using a decoder-only diffusion transformer (ARDiT).
Our findings indicate that ARDiT excels in zero-shot text-to-speech and
exhibits performance that compares to or even surpasses that of
state-of-the-art models. High-bitrate continuous speech representation enables
almost flawless reconstruction, allowing our model to achieve nearly perfect
speech editing. Our experiments reveal that employing Integral Kullback-Leibler
(IKL) divergence for distillation at each autoregressive step significantly
boosts the perceived quality of the samples. Simultaneously, it condenses the
iterative sampling process of the diffusion model into a single step.
Furthermore, ARDiT can be trained to predict several continuous vectors in one
step, significantly reducing latency during sampling. Impressively, one of our
models can generate $170$ ms of $24$ kHz speech per evaluation step with
minimal degradation in performance. Audio samples are available at
http://ardit-tts.github.io/ . | eess.AS | Autoregressive Diffusion Transformer for Text-to-Speech Synthesis |
2024-06-08T18:34:28Z | http://arxiv.org/pdf/2406.05547v1 | http://arxiv.org/abs/2406.05547v1 | Avihu Dekel, Raul Fernandez | 2024-06-08T18:34:28Z | cs.SD, cs.CL, eess.AS | Tokenization algorithms that merge the units of a base vocabulary into
larger, variable-rate units have become standard in natural language processing
tasks. This idea, however, has been mostly overlooked when the vocabulary
consists of phonemes or Discrete Acoustic Units (DAUs), an audio-based
representation that is playing an increasingly important role due to the
success of discrete language-modeling techniques. In this paper, we showcase
the advantages of tokenization of phonetic units and of DAUs on three
prediction tasks: grapheme-to-phoneme, grapheme-to-DAUs, and unsupervised
speech generation using DAU language modeling. We demonstrate that tokenization
yields significant improvements in terms of performance, as well as training
and inference speed, across all three tasks. We also offer theoretical insights
to provide some explanation for the superior performance observed. | cs.SD | Exploring the Benefits of Tokenization of Discrete Acoustic Units |
2024-06-08T18:11:30Z | http://arxiv.org/pdf/2406.05540v1 | http://arxiv.org/abs/2406.05540v1 | Yiqing Shen, Zan Chen, Michail Mamalakis, Luhan He, Haiyang Xia, Tianbin Li, Yanzhou Su, Junjun He, Yu Guang Wang | 2024-06-08T18:11:30Z | q-bio.QM, cs.AI, cs.CL, cs.LG | The parallels between protein sequences and natural language in their
sequential structures have inspired the application of large language models
(LLMs) to protein understanding. Despite the success of LLMs in NLP, their
effectiveness in comprehending protein sequences remains an open question,
largely due to the absence of datasets linking protein sequences to descriptive
text. Researchers have then attempted to adapt LLMs for protein understanding
by integrating a protein sequence encoder with a pre-trained LLM. However, this
adaptation raises a fundamental question: "Can LLMs, originally designed for
NLP, effectively comprehend protein sequences as a form of language?" Current
datasets fall short in addressing this question due to the lack of a direct
correlation between protein sequences and corresponding text descriptions,
limiting the ability to train and evaluate LLMs for protein understanding
effectively. To bridge this gap, we introduce ProteinLMDataset, a dataset
specifically designed for further self-supervised pretraining and supervised
fine-tuning (SFT) of LLMs to enhance their capability for protein sequence
comprehension. Specifically, ProteinLMDataset includes 17.46 billion tokens for
pretraining and 893,000 instructions for SFT. Additionally, we present
ProteinLMBench, the first benchmark dataset consisting of 944 manually verified
multiple-choice questions for assessing the protein understanding capabilities
of LLMs. ProteinLMBench incorporates protein-related details and sequences in
multiple languages, establishing a new standard for evaluating LLMs' abilities
in protein comprehension. The large language model InternLM2-7B, pretrained and
fine-tuned on the ProteinLMDataset, outperforms GPT-4 on ProteinLMBench,
achieving the highest accuracy score. The dataset and the benchmark are
available at https://huggingface.co/datasets/tsynbio/ProteinLMBench. | q-bio.QM | A Fine-tuning Dataset and Benchmark for Large Language Models for Protein Understanding |
2024-06-08T17:30:54Z | http://arxiv.org/pdf/2406.05534v1 | http://arxiv.org/abs/2406.05534v1 | Biqing Qi, Pengfei Li, Fangyuan Li, Junqi Gao, Kaiyan Zhang, Bowen Zhou | 2024-06-08T17:30:54Z | cs.AI, cs.CL, cs.LG | Direct Preference Optimization (DPO) improves the alignment of large language
models (LLMs) with human values by training directly on human preference
datasets, eliminating the need for reward models. However, due to the presence
of cross-domain human preferences, direct continual training can lead to
catastrophic forgetting, limiting DPO's performance and efficiency. Inspired by
intraspecific competition driving species evolution, we propose a Online
Fast-Slow chasing DPO (OFS-DPO) for preference alignment, simulating
competition through fast and slow chasing among models to facilitate rapid
adaptation. Specifically, we first derive the regret upper bound for online
learning, validating our motivation with a min-max optimization pattern. Based
on this, we introduce two identical modules using Low-rank Adaptive (LoRA) with
different optimization speeds to simulate intraspecific competition, and
propose a new regularization term to guide their learning. To further mitigate
catastrophic forgetting in cross-domain scenarios, we extend the OFS-DPO with
LoRA modules combination strategy, resulting in the Cross domain Online
Fast-Slow chasing DPO (COFS-DPO). This method leverages linear combinations of
fast modules parameters from different task domains, fully utilizing historical
information to achive continual value alignment. Experimental results show that
OFS-DPO outperforms DPO in in-domain alignment, while COFS-DPO excels in
cross-domain continual learning scenarios. | cs.AI | Online DPO: Online Direct Preference Optimization with Fast-Slow Chasing |
2024-06-08T16:35:31Z | http://arxiv.org/pdf/2406.05516v1 | http://arxiv.org/abs/2406.05516v1 | Hengguan Huang, Xing Shen, Songtao Wang, Dianbo Liu, Hao Wang | 2024-06-08T16:35:31Z | cs.LG, cs.AI, cs.CL | Faced with complex problems, the human brain demonstrates a remarkable
capacity to transcend sensory input and form latent understandings of perceived
world patterns. However, this cognitive capacity is not explicitly considered
or encoded in current large language models (LLMs). As a result, LLMs often
struggle to capture latent structures and model uncertainty in complex
compositional reasoning tasks. This work introduces a novel Bayesian prompting
approach that facilitates training-free Bayesian inference with LLMs by using a
verbalized Probabilistic Graphical Model (PGM). While traditional Bayesian
approaches typically depend on extensive data and predetermined mathematical
structures for learning latent factors and dependencies, our approach
efficiently reasons latent variables and their probabilistic dependencies by
prompting LLMs to adhere to Bayesian principles. We evaluated our model on
several compositional reasoning tasks, both close-ended and open-ended. Our
results indicate that the model effectively enhances confidence elicitation and
text generation quality, demonstrating its potential to improve AI language
understanding systems, especially in modeling uncertainty. | cs.LG | Verbalized Probabilistic Graphical Modeling with Large Language Models |
2024-06-08T16:25:30Z | http://arxiv.org/pdf/2406.05515v1 | http://arxiv.org/abs/2406.05515v1 | Paige Tuttösí, H. Henny Yeung, Yue Wang, Fenqi Wang, Guillaume Denis, Jean-Julien Aucouturier, Angelica Lim | 2024-06-08T16:25:30Z | cs.SD, cs.CL, eess.AS | Acoustic context effects, where surrounding changes in pitch, rate or timbre
influence the perception of a sound, are well documented in speech perception,
but how they interact with language background remains unclear. Using a
reverse-correlation approach, we systematically varied the pitch and speech
rate in phrases around different pairs of vowels for second language (L2)
speakers of English (/i/-/I/) and French (/u/-/y/), thus reconstructing, in a
data-driven manner, the prosodic profiles that bias their perception. Testing
English and French speakers (n=25), we showed that vowel perception is in fact
influenced by conflicting effects from the surrounding pitch and speech rate: a
congruent proximal effect 0.2s pre-target and a distal contrastive effect up to
1s before; and found that L1 and L2 speakers exhibited strikingly similar
prosodic profiles in perception. We provide a novel method to investigate
acoustic context effects across stimuli, timescales, and acoustic domain. | cs.SD | Mmm whatcha say? Uncovering distal and proximal context effects in first and second-language word perception using psychophysical reverse correlation |
2024-06-08T16:19:18Z | http://arxiv.org/pdf/2406.05510v1 | http://arxiv.org/abs/2406.05510v1 | Dou Hu, Lingwei Wei, Wei Zhou, Songlin Hu | 2024-06-08T16:19:18Z | cs.LG, cs.CL | This paper proposes an information-theoretic representation learning
framework, named conditional information flow maximization, to extract
noise-invariant sufficient representations for the input data and target task.
It promotes the learned representations have good feature uniformity and
sufficient predictive ability, which can enhance the generalization of
pre-trained language models (PLMs) for the target task. Firstly, an information
flow maximization principle is proposed to learn more sufficient
representations by simultaneously maximizing both input-representation and
representation-label mutual information. In contrast to information bottleneck,
we handle the input-representation information in an opposite way to avoid the
over-compression issue of latent representations. Besides, to mitigate the
negative effect of potential redundant features, a conditional information
minimization principle is designed to eliminate negative redundant features
while preserve noise-invariant features from the input. Experiments on 13
language understanding benchmarks demonstrate that our method effectively
improves the performance of PLMs for classification and regression. Extensive
experiments show that the learned representations are more sufficient, robust
and transferable. | cs.LG | Representation Learning with Conditional Information Flow Maximization |
2024-06-08T15:30:46Z | http://arxiv.org/pdf/2406.05496v1 | http://arxiv.org/abs/2406.05496v1 | Sai Munikoti, Ian Stewart, Sameera Horawalavithana, Henry Kvinge, Tegan Emerson, Sandra E Thompson, Karl Pazdernik | 2024-06-08T15:30:46Z | cs.CL | Multimodal models are expected to be a critical component to future advances
in artificial intelligence. This field is starting to grow rapidly with a surge
of new design elements motivated by the success of foundation models in natural
language processing (NLP) and vision. It is widely hoped that further extending
the foundation models to multiple modalities (e.g., text, image, video, sensor,
time series, graph, etc.) will ultimately lead to generalist multimodal models,
i.e. one model across different data modalities and tasks. However, there is
little research that systematically analyzes recent multimodal models
(particularly the ones that work beyond text and vision) with respect to the
underling architecture proposed. Therefore, this work provides a fresh
perspective on generalist multimodal models (GMMs) via a novel architecture and
training configuration specific taxonomy. This includes factors such as
Unifiability, Modularity, and Adaptability that are pertinent and essential to
the wide adoption and application of GMMs. The review further highlights key
challenges and prospects for the field and guide the researchers into the new
advancements. | cs.CL | Generalist Multimodal AI: A Review of Architectures, Challenges and Opportunities |
2024-06-08T15:20:56Z | http://arxiv.org/pdf/2406.05494v1 | http://arxiv.org/abs/2406.05494v1 | Neeraj Varshney, Satyam Raj, Venkatesh Mishra, Agneet Chatterjee, Ritika Sarkar, Amir Saeidi, Chitta Baral | 2024-06-08T15:20:56Z | cs.CL | Large Language Models (LLMs) have achieved remarkable performance across a
wide variety of natural language tasks. However, they have been shown to suffer
from a critical limitation pertinent to 'hallucination' in their output. Recent
research has focused on investigating and addressing this problem for a variety
of tasks such as biography generation, question answering, abstractive
summarization, and dialogue generation. However, the crucial aspect pertaining
to 'negation' has remained considerably underexplored. Negation is important
because it adds depth and nuance to the understanding of language and is also
crucial for logical reasoning and inference. In this work, we address the above
limitation and particularly focus on studying the impact of negation in LLM
hallucinations. Specifically, we study four tasks with negation: 'false premise
completion', 'constrained fact generation', 'multiple choice question
answering', and 'fact generation'. We show that open-source state-of-the-art
LLMs such as LLaMA-2-chat, Vicuna, and Orca-2 hallucinate considerably on all
these tasks involving negation which underlines a critical shortcoming of these
models. Addressing this problem, we further study numerous strategies to
mitigate these hallucinations and demonstrate their impact. | cs.CL | Investigating and Addressing Hallucinations of LLMs in Tasks Involving Negation |
2024-06-08T13:40:38Z | http://arxiv.org/pdf/2406.10248v2 | http://arxiv.org/abs/2406.10248v2 | Bowen Cao, Deng Cai, Zhisong Zhang, Yuexian Zou, Wai Lam | 2024-06-21T08:55:37Z | cs.CL, cs.AI | The performance of large language models (LLMs) is acutely sensitive to the
phrasing of prompts, which raises significant concerns about their reliability
in real-world scenarios. Existing studies often divide prompts into task-level
instructions and case-level inputs and primarily focus on evaluating and
improving robustness against variations in tasks-level instructions. However,
this setup fails to fully address the diversity of real-world user queries and
assumes the existence of task-specific datasets. To address these limitations,
we introduce RobustAlpacaEval, a new benchmark that consists of semantically
equivalent case-level queries and emphasizes the importance of using the worst
prompt performance to gauge the lower bound of model performance. Extensive
experiments on RobustAlpacaEval with ChatGPT and six open-source LLMs from the
Llama, Mistral, and Gemma families uncover substantial variability in model
performance; for instance, a difference of 45.48% between the worst and best
performance for the Llama-2-70B-chat model, with its worst performance dipping
as low as 9.38%. We further illustrate the difficulty in identifying the worst
prompt from both model-agnostic and model-dependent perspectives, emphasizing
the absence of a shortcut to characterize the worst prompt. We also attempt to
enhance the worst prompt performance using existing prompt engineering and
prompt consistency methods, but find that their impact is limited. These
findings underscore the need to create more resilient LLMs that can maintain
high performance across diverse prompts. Data and code are available at
https://github.com/cbwbuaa/On-the-Worst-Prompt- Performance-of-LLMs. | cs.CL | On the Worst Prompt Performance of Large Language Models |
2024-06-08T12:36:30Z | http://arxiv.org/pdf/2406.05460v2 | http://arxiv.org/abs/2406.05460v2 | Chang Tian, Wenpeng Yin, Dan Li, Marie-Francine Moens | 2024-06-18T23:45:14Z | cs.CL, cs.AI | Few-shot named entity recognition (NER) systems recognize entities using a
few labeled training examples. The general pipeline consists of a span detector
to identify entity spans in text and an entity-type classifier to assign types
to entities. Current span detectors rely on extensive manual labeling to guide
training. Almost every span detector requires initial training on basic span
features followed by adaptation to task-specific features. This process leads
to repetitive training of the basic span features among span detectors.
Additionally, metric-based entity-type classifiers, such as prototypical
networks, typically employ a specific metric that gauges the distance between
the query sample and entity-type referents, ultimately assigning the most
probable entity type to the query sample. However, these classifiers encounter
the sample dependency problem, primarily stemming from the limited samples
available for each entity-type referent. To address these challenges, we
proposed an improved few-shot NER pipeline. First, we introduce a steppingstone
span detector that is pre-trained on open-domain Wikipedia data. It can be used
to initialize the pipeline span detector to reduce the repetitive training of
basic features. Second, we leverage a large language model (LLM) to set
reliable entity-type referents, eliminating reliance on few-shot samples of
each type. Our model exhibits superior performance with fewer training steps
and human-labeled data compared with baselines, as demonstrated through
extensive experiments on various datasets. Particularly in fine-grained
few-shot NER settings, our model outperforms strong baselines, including
ChatGPT. We will publicly release the code, datasets, LLM outputs, and model
checkpoints. | cs.CL | Fighting Against the Repetitive Training and Sample Dependency Problem in Few-shot Named Entity Recognition |
2024-06-08T11:52:37Z | http://arxiv.org/pdf/2406.05446v1 | http://arxiv.org/abs/2406.05446v1 | Seunghyun Lee, Janghyeok Yoon, Jaewoong Choi | 2024-06-08T11:52:37Z | cs.CL, cs.AI | Machine learning (ML) has revolutionized the digital transformation of
technology valuation by predicting the value of patents with high accuracy.
However, the lack of validation regarding the reliability of these models
hinders experts from fully trusting the confidence of model predictions. To
address this issue, we propose an analytical framework for reliable technology
valuation using calibrated ML models, which provide robust confidence levels in
model predictions. We extract quantitative patent indicators that represent
various technology characteristics as input data, using the patent maintenance
period as a proxy for technology values. Multiple ML models are developed to
capture the nonlinear relationship between patent indicators and technology
value. The reliability and accuracy of these models are evaluated, presenting a
Pareto-front map where the expected calibration error, Matthews correlation
coefficient and F1-scores are compared. After identifying the best-performing
model, we apply SHapley Additive exPlanation (SHAP) analysis to pinpoint the
most significant input features by confidence bin. Through a case study, we
confirmed that the proposed approach offers a practical guideline for
developing reliable and accurate ML-based technology valuation models, with
significant implications for both academia and industry. | cs.CL | Design of reliable technology valuation model with calibrated machine learning of patent indicators |
2024-06-08T10:31:18Z | http://arxiv.org/pdf/2406.05431v1 | http://arxiv.org/abs/2406.05431v1 | Gyeong Hoon Yi, Jiwoo Choi, Hyeongyun Song, Olivia Miano, Jaewoong Choi, Kihoon Bang, Byungju Lee, Seok Su Sohn, David Buttler, Anna Hiszpanski, Sang Soo Han, Donghun Kim | 2024-06-08T10:31:18Z | cs.CL | Efficiently extracting data from tables in the scientific literature is
pivotal for building large-scale databases. However, the tables reported in
materials science papers exist in highly diverse forms; thus, rule-based
extractions are an ineffective approach. To overcome this challenge, we present
MaTableGPT, which is a GPT-based table data extractor from the materials
science literature. MaTableGPT features key strategies of table data
representation and table splitting for better GPT comprehension and filtering
hallucinated information through follow-up questions. When applied to a vast
volume of water splitting catalysis literature, MaTableGPT achieved an
extraction accuracy (total F1 score) of up to 96.8%. Through comprehensive
evaluations of the GPT usage cost, labeling cost, and extraction accuracy for
the learning methods of zero-shot, few-shot and fine-tuning, we present a
Pareto-front mapping where the few-shot learning method was found to be the
most balanced solution owing to both its high extraction accuracy (total F1
score>95%) and low cost (GPT usage cost of 5.97 US dollars and labeling cost of
10 I/O paired examples). The statistical analyses conducted on the database
generated by MaTableGPT revealed valuable insights into the distribution of the
overpotential and elemental utilization across the reported catalysts in the
water splitting literature. | cs.CL | MaTableGPT: GPT-based Table Data Extractor from Materials Science Literature |
2024-06-08T10:07:33Z | http://arxiv.org/pdf/2406.05424v1 | http://arxiv.org/abs/2406.05424v1 | Jatayu Baxi, Brijesh Bhatt | 2024-06-08T10:07:33Z | cs.CL, cs.LG | Computational morphology handles the language processing at the word level.
It is one of the foundational tasks in the NLP pipeline for the development of
higher level NLP applications. It mainly deals with the processing of words and
word forms. Computational Morphology addresses various sub problems such as
morpheme boundary detection, lemmatization, morphological feature tagging,
morphological reinflection etc. In this paper, we present exhaustive survey of
the methods for developing computational morphology related tools. We survey
the literature in the chronological order starting from the conventional
methods till the recent evolution of deep neural network based approaches. We
also review the existing datasets available for this task across the languages.
We discuss about the effectiveness of neural model compared with the
traditional models and present some unique challenges associated with building
the computational morphology tools. We conclude by discussing some recent and
open research issues in this field. | cs.CL | Recent advancements in computational morphology : A comprehensive survey |
2024-06-08T09:17:54Z | http://arxiv.org/pdf/2406.05410v1 | http://arxiv.org/abs/2406.05410v1 | Yanjie Li, Weijun Li, Lina Yu, Min Wu, Jingyi Liu, Wenqiang Li, Shu Wei, Yusong Deng | 2024-06-08T09:17:54Z | cs.AI, cs.CL | Formulas are the language of communication between humans and nature. It is
an important research topic of artificial intelligence to find expressions from
observed data to reflect the relationship between each variable in the data,
which is called a symbolic regression problem. The existing symbolic regression
methods directly generate expressions according to the given observation data,
and we cannot require the algorithm to generate expressions that meet specific
requirements according to the known prior knowledge. For example, the
expression needs to contain $\sin$ or be symmetric, and so on. Even if it can,
it often requires very complex operations, which is very inconvenient. In this
paper, based on multi-modal large language models, we propose MLLM-SR, a
conversational symbolic regression method that can generate expressions that
meet the requirements simply by describing the requirements with natural
language instructions. By experimenting on the Nguyen dataset, we can
demonstrate that MLLM-SR leads the state-of-the-art baselines in fitting
performance. More notably, we experimentally demonstrate that MLLM-SR can well
understand the prior knowledge we add to the natural language instructions.
Moreover, the addition of prior knowledge can effectively guide MLLM-SR to
generate correct expressions. | cs.AI | MLLM-SR: Conversational Symbolic Regression base Multi-Modal Large Language Models |
2024-06-08T07:55:01Z | http://arxiv.org/pdf/2406.05392v1 | http://arxiv.org/abs/2406.05392v1 | Chengyuan Deng, Yiqun Duan, Xin Jin, Heng Chang, Yijun Tian, Han Liu, Henry Peng Zou, Yiqiao Jin, Yijia Xiao, Yichen Wang, Shenghao Wu, Zongxing Xie, Kuofeng Gao, Sihong He, Jun Zhuang, Lu Cheng, Haohan Wang | 2024-06-08T07:55:01Z | cs.CL, cs.AI, cs.CY, cs.LG | Large Language Models (LLMs) have achieved unparalleled success across
diverse language modeling tasks in recent years. However, this progress has
also intensified ethical concerns, impacting the deployment of LLMs in everyday
contexts. This paper provides a comprehensive survey of ethical challenges
associated with LLMs, from longstanding issues such as copyright infringement,
systematic bias, and data privacy, to emerging problems like truthfulness and
social norms. We critically analyze existing research aimed at understanding,
examining, and mitigating these ethical risks. Our survey underscores
integrating ethical standards and societal values into the development of LLMs,
thereby guiding the development of responsible and ethically aligned language
models. | cs.CL | Deconstructing The Ethics of Large Language Models from Long-standing Issues to New-emerging Dilemmas |
2024-06-08T07:49:55Z | http://arxiv.org/pdf/2406.10247v1 | http://arxiv.org/abs/2406.10247v1 | Vinay Joshi, Prashant Laddha, Shambhavi Sinha, Om Ji Omer, Sreenivas Subramoney | 2024-06-08T07:49:55Z | cs.CL, cs.AI | Excessive memory requirements of key and value features (KV-cache) present
significant challenges in the autoregressive inference of large language models
(LLMs), restricting both the speed and length of text generation. Approaches
such as Multi-Query Attention (MQA) and Grouped Query Attention (GQA) mitigate
these challenges by grouping query heads and consequently reducing the number
of corresponding key and value heads. However, MQA and GQA decrease the
KV-cache size requirements at the expense of LLM accuracy (quality of text
generation). These methods do not ensure an optimal tradeoff between KV-cache
size and text generation quality due to the absence of quality-aware grouping
of query heads. To address this issue, we propose Quality and Capacity-Aware
Grouped Query Attention (QCQA), which identifies optimal query head groupings
using an evolutionary algorithm with a computationally efficient and
inexpensive fitness function. We demonstrate that QCQA achieves a significantly
better tradeoff between KV-cache capacity and LLM accuracy compared to GQA. For
the Llama2 $7\,$B model, QCQA achieves $\mathbf{20}$\% higher accuracy than GQA
with similar KV-cache size requirements in the absence of fine-tuning. After
fine-tuning both QCQA and GQA, for a similar KV-cache size, QCQA provides
$\mathbf{10.55}\,$\% higher accuracy than GQA. Furthermore, QCQA requires
$40\,$\% less KV-cache size than GQA to attain similar accuracy. The proposed
quality and capacity-aware grouping of query heads can serve as a new paradigm
for KV-cache optimization in autoregressive LLM inference. | cs.CL | QCQA: Quality and Capacity-aware grouped Query Attention |
2024-06-08T06:52:47Z | http://arxiv.org/pdf/2406.05374v1 | http://arxiv.org/abs/2406.05374v1 | Tao He, Lizi Liao, Yixin Cao, Yuanxing Liu, Ming Liu, Zerui Chen, Bing Qin | 2024-06-08T06:52:47Z | cs.CL | In proactive dialogue, the challenge lies not just in generating responses
but in steering conversations toward predetermined goals, a task where Large
Language Models (LLMs) typically struggle due to their reactive nature.
Traditional approaches to enhance dialogue planning in LLMs, ranging from
elaborate prompt engineering to the integration of policy networks, either face
efficiency issues or deliver suboptimal performance. Inspired by the
dualprocess theory in psychology, which identifies two distinct modes of
thinking - intuitive (fast) and analytical (slow), we propose the Dual-Process
Dialogue Planning (DPDP) framework. DPDP embodies this theory through two
complementary planning systems: an instinctive policy model for familiar
contexts and a deliberative Monte Carlo Tree Search (MCTS) mechanism for
complex, novel scenarios. This dual strategy is further coupled with a novel
two-stage training regimen: offline Reinforcement Learning for robust initial
policy model formation followed by MCTS-enhanced on-the-fly learning, which
ensures a dynamic balance between efficiency and strategic depth. Our empirical
evaluations across diverse dialogue tasks affirm DPDP's superiority in
achieving both high-quality dialogues and operational efficiency, outpacing
existing methods. | cs.CL | Planning Like Human: A Dual-process Framework for Dialogue Planning |
2024-06-08T06:31:03Z | http://arxiv.org/pdf/2406.05370v2 | http://arxiv.org/abs/2406.05370v2 | Sanyuan Chen, Shujie Liu, Long Zhou, Yanqing Liu, Xu Tan, Jinyu Li, Sheng Zhao, Yao Qian, Furu Wei | 2024-06-17T04:39:08Z | cs.CL, cs.SD, eess.AS | This paper introduces VALL-E 2, the latest advancement in neural codec
language models that marks a milestone in zero-shot text-to-speech synthesis
(TTS), achieving human parity for the first time. Based on its predecessor,
VALL-E, the new iteration introduces two significant enhancements: Repetition
Aware Sampling refines the original nucleus sampling process by accounting for
token repetition in the decoding history. It not only stabilizes the decoding
but also circumvents the infinite loop issue. Grouped Code Modeling organizes
codec codes into groups to effectively shorten the sequence length, which not
only boosts inference speed but also addresses the challenges of long sequence
modeling. Our experiments on the LibriSpeech and VCTK datasets show that VALL-E
2 surpasses previous systems in speech robustness, naturalness, and speaker
similarity. It is the first of its kind to reach human parity on these
benchmarks. Moreover, VALL-E 2 consistently synthesizes high-quality speech,
even for sentences that are traditionally challenging due to their complexity
or repetitive phrases. The advantages of this work could contribute to valuable
endeavors, such as generating speech for individuals with aphasia or people
with amyotrophic lateral sclerosis. See https://aka.ms/valle2 for demos of
VALL-E 2. | cs.CL | VALL-E 2: Neural Codec Language Models are Human Parity Zero-Shot Text to Speech Synthesizers |
2024-06-08T06:27:26Z | http://arxiv.org/pdf/2406.05369v1 | http://arxiv.org/abs/2406.05369v1 | Sakshi Mahendru, Tejul Pandit | 2024-06-08T06:27:26Z | cs.CL, cs.AI, cs.LG | We introduce Venn Diagram (VD) Prompting, an innovative prompting technique
which allows Large Language Models (LLMs) to combine and synthesize information
across complex, diverse and long-context documents in knowledge-intensive
question-answering tasks. Generating answers from multiple documents involves
numerous steps to extract relevant and unique information and amalgamate it
into a cohesive response. To improve the quality of the final answer, multiple
LLM calls or pretrained models are used to perform different tasks such as
summarization, reorganization and customization. The approach covered in the
paper focuses on replacing the multi-step strategy via a single LLM call using
VD prompting. Our proposed technique also aims to eliminate the inherent
position bias in the LLMs, enhancing consistency in answers by removing
sensitivity to the sequence of input information. It overcomes the challenge of
inconsistency traditionally associated with varying input sequences. We also
explore the practical applications of the VD prompt based on our examination of
the prompt's outcomes. In the experiments performed on four public benchmark
question-answering datasets, VD prompting continually matches or surpasses the
performance of a meticulously crafted instruction prompt which adheres to
optimal guidelines and practices. | cs.CL | Venn Diagram Prompting : Accelerating Comprehension with Scaffolding Effect |
2024-06-08T06:04:55Z | http://arxiv.org/pdf/2406.05365v2 | http://arxiv.org/abs/2406.05365v2 | I-Hung Hsu, Zifeng Wang, Long T. Le, Lesly Miculicich, Nanyun Peng, Chen-Yu Lee, Tomas Pfister | 2024-06-24T07:39:26Z | cs.CL, cs.AI, cs.LG | Grounded generation aims to equip language models (LMs) with the ability to
produce more credible and accountable responses by accurately citing verifiable
sources. However, existing methods, by either feeding LMs with raw or
preprocessed materials, remain prone to errors. To address this, we introduce
CaLM, a novel verification framework. CaLM leverages the insight that a robust
grounded response should be consistent with information derived solely from its
cited sources. Our framework empowers smaller LMs, which rely less on
parametric memory and excel at processing relevant information given a query,
to validate the output of larger LMs. Larger LM responses that closely align
with the smaller LMs' output, which relies exclusively on cited documents, are
verified. Responses showing discrepancies are iteratively refined through a
feedback loop. Experiments on three open-domain question-answering datasets
demonstrate significant performance gains of 1.5% to 7% absolute average
without any required model fine-tuning. | cs.CL | CaLM: Contrasting Large and Small Language Models to Verify Grounded Generation |
2024-06-08T05:37:26Z | http://arxiv.org/pdf/2406.05361v1 | http://arxiv.org/abs/2406.05361v1 | Xiuying Chen, Shen Gao, Mingzhe Li, Qingqing Zhu, Xin Gao, Xiangliang Zhang | 2024-06-08T05:37:26Z | cs.CL | Nowadays, neural text generation has made tremendous progress in abstractive
summarization tasks. However, most of the existing summarization models take in
the whole document all at once, which sometimes cannot meet the needs in
practice. Practically, social text streams such as news events and tweets keep
growing from time to time, and can only be fed to the summarization system step
by step. Hence, in this paper, we propose the task of Stepwise Summarization,
which aims to generate a new appended summary each time a new document is
proposed. The appended summary should not only summarize the newly added
content but also be coherent with the previous summary, to form an up-to-date
complete summary. To tackle this challenge, we design an adversarial learning
model, named Stepwise Summary Generator (SSG). First, SSG selectively processes
the new document under the guidance of the previous summary, obtaining polished
document representation. Next, SSG generates the summary considering both the
previous summary and the document. Finally, a convolutional-based discriminator
is employed to determine whether the newly generated summary is coherent with
the previous summary. For the experiment, we extend the traditional two-step
update summarization setting to a multi-step stepwise setting, and re-propose a
large-scale stepwise summarization dataset based on a public story generation
dataset. Extensive experiments on this dataset show that SSG achieves
state-of-the-art performance in terms of both automatic metrics and human
evaluations. Ablation studies demonstrate the effectiveness of each module in
our framework. We also discuss the benefits and limitations of recent large
language models on this task. | cs.CL | Write Summary Step-by-Step: A Pilot Study of Stepwise Summarization |
2024-06-08T05:31:19Z | http://arxiv.org/pdf/2406.05360v1 | http://arxiv.org/abs/2406.05360v1 | Xiuying Chen, Mingzhe Li, Shen Gao, Xin Cheng, Qingqing Zhu, Rui Yan, Xin Gao, Xiangliang Zhang | 2024-06-08T05:31:19Z | cs.CL | A proficient summarization model should exhibit both flexibility -- the
capacity to handle a range of in-domain summarization tasks, and adaptability
-- the competence to acquire new knowledge and adjust to unseen out-of-domain
tasks. Unlike large language models (LLMs) that achieve this through parameter
scaling, we propose a more parameter-efficient approach in this study. Our
motivation rests on the principle that the general summarization ability to
capture salient information can be shared across different tasks, while the
domain-specific summarization abilities need to be distinct and tailored.
Concretely, we propose MoeSumm, a Mixture-of-Expert Summarization architecture,
which utilizes a main expert for gaining the general summarization capability
and deputy experts that selectively collaborate to meet specific summarization
task requirements. We further propose a max-margin loss to stimulate the
separation of these abilities. Our model's distinct separation of general and
domain-specific summarization abilities grants it with notable flexibility and
adaptability, all while maintaining parameter efficiency. MoeSumm achieves
flexibility by managing summarization across multiple domains with a single
model, utilizing a shared main expert and selected deputy experts. It exhibits
adaptability by tailoring deputy experts to cater to out-of-domain few-shot and
zero-shot scenarios. Experimental results on 11 datasets show the superiority
of our model compared with recent baselines and LLMs. We also provide
statistical and visual evidence of the distinct separation of the two abilities
in MoeSumm (https://github.com/iriscxy/MoE_Summ). | cs.CL | Flexible and Adaptable Summarization via Expertise Separation |
2024-06-08T04:24:16Z | http://arxiv.org/pdf/2406.05348v1 | http://arxiv.org/abs/2406.05348v1 | Satanu Ghosh, Neal R. Brodnik, Carolina Frey, Collin Holgate, Tresa M. Pollock, Samantha Daly, Samuel Carton | 2024-06-08T04:24:16Z | cs.CL, cs.AI, cs.IR | We explore the ability of GPT-4 to perform ad-hoc schema based information
extraction from scientific literature. We assess specifically whether it can,
with a basic prompting approach, replicate two existing material science
datasets, given the manuscripts from which they were originally manually
extracted. We employ materials scientists to perform a detailed manual error
analysis to assess where the model struggles to faithfully extract the desired
information, and draw on their insights to suggest research directions to
address this broadly important task. | cs.CL | Toward Reliable Ad-hoc Scientific Information Extraction: A Case Study on Two Materials Datasets |
2024-06-08T04:09:20Z | http://arxiv.org/pdf/2406.05344v1 | http://arxiv.org/abs/2406.05344v1 | Prince Jha, Raghav Jain, Konika Mandal, Aman Chadha, Sriparna Saha, Pushpak Bhattacharyya | 2024-06-08T04:09:20Z | cs.CL | In the digital world, memes present a unique challenge for content moderation
due to their potential to spread harmful content. Although detection methods
have improved, proactive solutions such as intervention are still limited, with
current research focusing mostly on text-based content, neglecting the
widespread influence of multimodal content like memes. Addressing this gap, we
present \textit{MemeGuard}, a comprehensive framework leveraging Large Language
Models (LLMs) and Visual Language Models (VLMs) for meme intervention.
\textit{MemeGuard} harnesses a specially fine-tuned VLM, \textit{VLMeme}, for
meme interpretation, and a multimodal knowledge selection and ranking mechanism
(\textit{MKS}) for distilling relevant knowledge. This knowledge is then
employed by a general-purpose LLM to generate contextually appropriate
interventions. Another key contribution of this work is the
\textit{\textbf{I}ntervening} \textit{\textbf{C}yberbullying in
\textbf{M}ultimodal \textbf{M}emes (ICMM)} dataset, a high-quality, labeled
dataset featuring toxic memes and their corresponding human-annotated
interventions. We leverage \textit{ICMM} to test \textit{MemeGuard},
demonstrating its proficiency in generating relevant and effective responses to
toxic memes. | cs.CL | MemeGuard: An LLM and VLM-based Framework for Advancing Content Moderation via Meme Intervention |
2024-06-08T04:07:09Z | http://arxiv.org/pdf/2406.05343v2 | http://arxiv.org/abs/2406.05343v2 | Wei Song, Yadong Li, Jianhua Xu, Guowei Wu, Lingfeng Ming, Kexin Yi, Weihua Luo, Houyi Li, Yi Du, Fangda Guo, Kaicheng Yu | 2024-06-14T08:35:06Z | cs.AI, cs.CL | As recent multi-modality large language models (MLLMs) have shown formidable
proficiency on various complex tasks, there has been increasing attention on
debating whether these models could eventually mirror human intelligence.
However, existing benchmarks mainly focus on evaluating solely on task
performance, such as the accuracy of identifying the attribute of an object.
Combining well-developed cognitive science to understand the intelligence of
MLLMs beyond superficial achievements remains largely unexplored. To this end,
we introduce the first cognitive-driven multi-lingual and multi-modal benchmark
to evaluate the general intelligence ability of MLLMs, dubbed M3GIA.
Specifically, we identify five key cognitive factors based on the
well-recognized Cattell-Horn-Carrol (CHC) model of intelligence and propose a
novel evaluation metric. In addition, since most MLLMs are trained to perform
in different languages, a natural question arises: is language a key factor
influencing the cognitive ability of MLLMs? As such, we go beyond English to
encompass other languages based on their popularity, including Chinese, French,
Spanish, Portuguese and Korean, to construct our M3GIA. We make sure all the
data relevant to the cultural backgrounds are collected from their native
context to avoid English-centric bias. We collected a significant corpus of
data from human participants, revealing that the most advanced MLLM reaches the
lower boundary of human intelligence in English. Yet, there remains a
pronounced disparity in the other five languages assessed. We also reveals an
interesting winner takes all phenomenon that are aligned with the discovery in
cognitive studies. Our benchmark will be open-sourced, with the aspiration of
facilitating the enhancement of cognitive capabilities in MLLMs. | cs.AI | M3GIA: A Cognition Inspired Multilingual and Multimodal General Intelligence Ability Benchmark |
2024-06-08T02:59:52Z | http://arxiv.org/pdf/2406.05328v1 | http://arxiv.org/abs/2406.05328v1 | Yanling Wang, Haoyang Li, Hao Zou, Jing Zhang, Xinlei He, Qi Li, Ke Xu | 2024-06-08T02:59:52Z | cs.CL, cs.LG | Despite the remarkable advance of large language models (LLMs), the
prevalence of non-factual responses remains a common issue. This work studies
non-factuality prediction (NFP), which predicts whether an LLM will generate
non-factual responses to a question before the generation process. Previous
efforts on NFP usually rely on extensive computation. In this work, we conduct
extensive analysis to explore the capabilities of using a lightweight probe to
elicit ``whether an LLM knows'' from the hidden representations of questions.
Additionally, we discover that the non-factuality probe employs similar
patterns for NFP across multiple LLMs. Motivated by the intriguing finding, we
conduct effective transfer learning for cross-LLM NFP and propose a
question-aligned strategy to ensure the efficacy of mini-batch based training. | cs.CL | Hidden Question Representations Tell Non-Factuality Within and Across Large Language Models |
2024-06-08T02:52:43Z | http://arxiv.org/pdf/2406.05326v1 | http://arxiv.org/abs/2406.05326v1 | Bowen Zhang, Chunping Li | 2024-06-08T02:52:43Z | cs.CL | Since the introduction of BERT and RoBERTa, research on Semantic Textual
Similarity (STS) has made groundbreaking progress. Particularly, the adoption
of contrastive learning has substantially elevated state-of-the-art performance
across various STS benchmarks. However, contrastive learning categorizes text
pairs as either semantically similar or dissimilar, failing to leverage
fine-grained annotated information and necessitating large batch sizes to
prevent model collapse. These constraints pose challenges for researchers
engaged in STS tasks that require nuanced similarity levels or those with
limited computational resources, compelling them to explore alternatives like
Sentence-BERT. Nonetheless, Sentence-BERT tackles STS tasks from a
classification perspective, overlooking the progressive nature of semantic
relationships, which results in suboptimal performance. To bridge this gap,
this paper presents an innovative regression framework and proposes two simple
yet effective loss functions: Translated ReLU and Smooth K2 Loss. Experimental
analyses demonstrate that our method achieves convincing performance across
seven established STS benchmarks, especially when supplemented with
task-specific training data. | cs.CL | Advancing Semantic Textual Similarity Modeling: A Regression Framework with Translated ReLU and Smooth K2 Loss |
2024-06-08T02:17:43Z | http://arxiv.org/pdf/2406.05322v1 | http://arxiv.org/abs/2406.05322v1 | Yuhang Zhou, Wei Ai | 2024-06-08T02:17:43Z | cs.CL, cs.AI | There is increasing interest in distilling task-specific knowledge from large
language models (LLM) to smaller student models. Nonetheless, LLM distillation
presents a dual challenge: 1) there is a high cost associated with querying the
teacher LLM, such as GPT-4, for gathering an ample number of demonstrations; 2)
the teacher LLM might provide imperfect outputs with a negative impact on the
student's learning process. To enhance sample efficiency within
resource-constrained, imperfect teacher scenarios, we propose a three-component
framework leveraging three signal types. The first signal is the student's
self-consistency (consistency of student multiple outputs), which is a proxy of
the student's confidence. Specifically, we introduce a ``teaching assistant''
(TA) model to assess the uncertainty of both the student's and the teacher's
outputs via confidence scoring, which serves as another two signals for student
training. Furthermore, we propose a two-stage training schema to first warm up
the student with a small proportion of data to better utilize student's signal.
Experiments have shown the superiority of our proposed framework for four
complex reasoning tasks. On average, our proposed two-stage framework brings a
relative improvement of up to 20.79% compared to fine-tuning without any
signals across datasets. | cs.CL | Teaching-Assistant-in-the-Loop: Improving Knowledge Distillation from Imperfect Teacher Models in Low-Budget Scenarios |
2024-06-08T01:35:11Z | http://arxiv.org/pdf/2406.05317v1 | http://arxiv.org/abs/2406.05317v1 | Ruisi Cai, Yuandong Tian, Zhangyang Wang, Beidi Chen | 2024-06-08T01:35:11Z | cs.LG, cs.CL | This paper tackles the memory hurdle of processing long context sequences in
Large Language Models (LLMs), by presenting a novel approach, Dropping In
Convolutions for Long Context Compression (LoCoCo). LoCoCo employs only a
fixed-size Key-Value (KV) cache, and can enhance efficiency in both inference
and fine-tuning stages. Diverging from prior methods that selectively drop KV
pairs based on heuristics, LoCoCo leverages a data-driven adaptive fusion
technique, blending previous KV pairs with incoming tokens to minimize the loss
of contextual information and ensure accurate attention modeling. This token
integration is achieved through injecting one-dimensional convolutional kernels
that dynamically calculate mixing weights for each KV cache slot. Designed for
broad compatibility with existing LLM frameworks, LoCoCo allows for
straightforward "drop-in" integration without needing architectural
modifications, while incurring minimal tuning overhead. Experiments demonstrate
that LoCoCo maintains consistently outstanding performance across various
context lengths and can achieve a high context compression rate during both
inference and fine-tuning phases. During inference, we successfully compressed
up to 3482 tokens into a 128-size KV cache, while retaining comparable
performance to the full sequence - an accuracy improvement of up to 0.2791
compared to baselines at the same cache size. During post-training tuning, we
also effectively extended the context length from 4K to 32K using a KV cache of
fixed size 512, achieving performance similar to fine-tuning with entire
sequences. | cs.LG | LoCoCo: Dropping In Convolutions for Long Context Compression |
2024-06-08T01:27:19Z | http://arxiv.org/pdf/2406.05315v1 | http://arxiv.org/abs/2406.05315v1 | Mehrdad Khatir, Chandan K. Reddy | 2024-06-08T01:27:19Z | cs.CL, cs.AI, cs.LG | This paper explores the concept formation and alignment within the realm of
language models (LMs). We propose a mechanism for identifying concepts and
their hierarchical organization within the semantic representations learned by
various LMs, encompassing a spectrum from early models like Glove to the
transformer-based language models like ALBERT and T5. Our approach leverages
the inherent structure present in the semantic embeddings generated by these
models to extract a taxonomy of concepts and their hierarchical relationships.
This investigation sheds light on how LMs develop conceptual understanding and
opens doors to further research to improve their ability to reason and leverage
real-world knowledge. We further conducted experiments and observed the
possibility of isolating these extracted conceptual representations from the
reasoning modules of the transformer-based LMs. The observed concept formation
along with the isolation of conceptual representations from the reasoning
modules can enable targeted token engineering to open the door for potential
applications in knowledge transfer, explainable AI, and the development of more
modular and conceptually grounded language models. | cs.CL | Concept Formation and Alignment in Language Models: Bridging Statistical Patterns in Latent Space to Concept Taxonomy |
2024-06-08T00:33:22Z | http://arxiv.org/pdf/2406.05307v1 | http://arxiv.org/abs/2406.05307v1 | Miriam Farrington | 2024-06-08T00:33:22Z | cs.CL, cs.AI | FDA Medical Device recalls are critical and time-sensitive events, requiring
swift identification of impacted devices to inform the public of a recall event
and ensure patient safety. The OpenFDA device recall dataset contains valuable
information about ongoing device recall actions, but manually extracting
relevant device information from the recall action summaries is a
time-consuming task. Named Entity Recognition (NER) is a task in Natural
Language Processing (NLP) that involves identifying and categorizing named
entities in unstructured text. Existing NER models, including domain-specific
models like BioBERT, struggle to correctly identify medical device trade names,
part numbers and component terms within these summaries. To address this, we
propose DeviceBERT, a medical device annotation, pre-processing and enrichment
pipeline, which builds on BioBERT to identify and label medical device
terminology in the device recall summaries with improved accuracy. Furthermore,
we demonstrate that our approach can be applied effectively for performing
entity recognition tasks where training data is limited or sparse. | cs.CL | DeviceBERT: Applied Transfer Learning With Targeted Annotations and Vocabulary Enrichment to Identify Medical Device and Component Terminology in FDA Recall Summaries |
2024-06-07T22:18:49Z | http://arxiv.org/pdf/2406.05279v1 | http://arxiv.org/abs/2406.05279v1 | MohammadAli SadraeiJavaeri, Ehsaneddin Asgari, Alice Carolyn McHardy, Hamid Reza Rabiee | 2024-06-07T22:18:49Z | cs.CL, cs.AI | Soft prompt tuning techniques have recently gained traction as an effective
strategy for the parameter-efficient tuning of pretrained language models,
particularly minimizing the required adjustment of model parameters. Despite
their growing use, achieving optimal tuning with soft prompts, especially for
smaller datasets, remains a substantial challenge. This study makes two
contributions in this domain: (i) we introduce SuperPos-Prompt, a new
reparameterization technique employing the superposition of multiple pretrained
vocabulary embeddings to improve the learning of soft prompts. Our experiments
across several GLUE and SuperGLUE benchmarks consistently highlight
SuperPos-Prompt's superiority over Residual Prompt tuning, exhibiting an
average score increase of $+6.4$ in T5-Small and $+5.0$ in T5-Base along with a
faster convergence. Remarkably, SuperPos-Prompt occasionally outperforms even
full fine-tuning methods. (ii) Additionally, we demonstrate enhanced
performance and rapid convergence by omitting dropouts from the frozen network,
yielding consistent improvements across various scenarios and tuning methods. | cs.CL | SuperPos-Prompt: Enhancing Soft Prompt Tuning of Language Models with Superposition of Multi Token Embeddings |
2024-06-07T21:59:55Z | http://arxiv.org/pdf/2406.05274v1 | http://arxiv.org/abs/2406.05274v1 | Oleg Smirnov, Labinot Polisi | 2024-06-07T21:59:55Z | cs.CL, cs.LG | In this paper, we introduce the Behavior Structformer, a method for modeling
user behavior using structured tokenization within a Transformer-based
architecture. By converting tracking events into dense tokens, this approach
enhances model training efficiency and effectiveness. We demonstrate its
superior performance through ablation studies and benchmarking against
traditional tabular and semi-structured baselines. The results indicate that
structured tokenization with sequential processing significantly improves
behavior modeling. | cs.CL | Behavior Structformer: Learning Players Representations with Structured Tokenization |
2024-06-07T21:20:32Z | http://arxiv.org/pdf/2406.05265v1 | http://arxiv.org/abs/2406.05265v1 | Mustafa Ocal, Ning Xie, Mark Finlayson | 2024-06-07T21:20:32Z | cs.CL, cs.AI, cs.IR | A timeline provides a total ordering of events and times, and is useful for a
number of natural language understanding tasks. However, qualitative temporal
graphs that can be derived directly from text -- such as TimeML annotations --
usually explicitly reveal only partial orderings of events and times. In this
work, we apply prior work on solving point algebra problems to the task of
extracting timelines from TimeML annotated texts, and develop an exact,
end-to-end solution which we call TLEX (TimeLine EXtraction). TLEX transforms
TimeML annotations into a collection of timelines arranged in a
trunk-and-branch structure. Like what has been done in prior work, TLEX checks
the consistency of the temporal graph and solves it; however, it adds two novel
functionalities. First, it identifies specific relations involved in an
inconsistency (which could then be manually corrected) and, second, TLEX
performs a novel identification of sections of the timelines that have
indeterminate order, information critical for downstream tasks such as aligning
events from different timelines. We provide detailed descriptions and analysis
of the algorithmic components in TLEX, and conduct experimental evaluations by
applying TLEX to 385 TimeML annotated texts from four corpora. We show that 123
of the texts are inconsistent, 181 of them have more than one ``real world'' or
main timeline, and there are 2,541 indeterminate sections across all four
corpora. A sampling evaluation showed that TLEX is 98--100% accurate with 95%
confidence along five dimensions: the ordering of time-points, the number of
main timelines, the placement of time-points on main versus subordinate
timelines, the connecting point of branch timelines, and the location of the
indeterminate sections. We provide a reference implementation of TLEX, the
extracted timelines for all texts, and the manual corrections of the
inconsistent texts. | cs.CL | TLEX: An Efficient Method for Extracting Exact Timelines from TimeML Temporal Graphs |
2024-06-07T21:05:59Z | http://arxiv.org/pdf/2406.05259v1 | http://arxiv.org/abs/2406.05259v1 | Khazar Khorrami, Okko Räsänen | 2024-06-07T21:05:59Z | eess.AS, cs.AI, cs.CL | Infants gradually learn to parse continuous speech into words and connect
names with objects, yet the mechanisms behind development of early word
perception skills remain unknown. We studied the extent to which early words
can be acquired through statistical learning from regularities in audiovisual
sensory input. We simulated word learning in infants up to 12 months of age in
a realistic setting, using a model that solely learns from statistical
regularities in unannotated raw speech and pixel-level visual input. Crucially,
the quantity of object naming events was carefully designed to match that
accessible to infants of comparable ages. Results show that the model
effectively learns to recognize words and associate them with corresponding
visual objects, with a vocabulary growth rate comparable to that observed in
infants. The findings support the viability of general statistical learning for
early word perception, demonstrating how learning can operate without assuming
any prior linguistic capabilities. | eess.AS | A model of early word acquisition based on realistic-scale audiovisual naming events |
2024-06-07T20:41:59Z | http://arxiv.org/pdf/2406.05255v1 | http://arxiv.org/abs/2406.05255v1 | Lütfi Kerem Senel, Besnik Fetahu, Davis Yoshida, Zhiyu Chen, Giuseppe Castellucci, Nikhita Vedula, Jason Choi, Shervin Malmasi | 2024-06-07T20:41:59Z | cs.CL, cs.AI | Recommender systems are widely used to suggest engaging content, and Large
Language Models (LLMs) have given rise to generative recommenders. Such systems
can directly generate items, including for open-set tasks like question
suggestion. While the world knowledge of LLMs enable good recommendations,
improving the generated content through user feedback is challenging as
continuously fine-tuning LLMs is prohibitively expensive. We present a
training-free approach for optimizing generative recommenders by connecting
user feedback loops to LLM-based optimizers. We propose a generative
explore-exploit method that can not only exploit generated items with known
high engagement, but also actively explore and discover hidden population
preferences to improve recommendation quality. We evaluate our approach on
question generation in two domains (e-commerce and general knowledge), and
model user feedback with Click Through Rate (CTR). Experiments show our
LLM-based explore-exploit approach can iteratively improve recommendations, and
consistently increase CTR. Ablation analysis shows that generative exploration
is key to learning user preferences, avoiding the pitfalls of greedy
exploit-only approaches. A human evaluation strongly supports our quantitative
findings. | cs.CL | Generative Explore-Exploit: Training-free Optimization of Generative Recommender Systems using LLM Optimizers |
2024-06-07T19:38:05Z | http://arxiv.org/pdf/2406.05232v2 | http://arxiv.org/abs/2406.05232v2 | Cong Zeng, Shengkun Tang, Xianjun Yang, Yuanzhou Chen, Yiyou Sun, zhiqiang xu, Yao Li, Haifeng Chen, Wei Cheng, Dongkuan Xu | 2024-06-11T16:41:52Z | cs.CL, cs.LG | The advent of Large Language Models (LLMs) has revolutionized text
generation, producing outputs that closely mimic human writing. This blurring
of lines between machine- and human-written text presents new challenges in
distinguishing one from the other a task further complicated by the frequent
updates and closed nature of leading proprietary LLMs. Traditional logits-based
detection methods leverage surrogate models for identifying LLM-generated
content when the exact logits are unavailable from black-box LLMs. However,
these methods grapple with the misalignment between the distributions of the
surrogate and the often undisclosed target models, leading to performance
degradation, particularly with the introduction of new, closed-source models.
Furthermore, while current methodologies are generally effective when the
source model is identified, they falter in scenarios where the model version
remains unknown, or the test set comprises outputs from various source models.
To address these limitations, we present Distribution-Aligned LLMs Detection
(DALD), an innovative framework that redefines the state-of-the-art performance
in black-box text detection even without logits from source LLMs. DALD is
designed to align the surrogate model's distribution with that of unknown
target LLMs, ensuring enhanced detection capability and resilience against
rapid model iterations with minimal training investment. By leveraging corpus
samples from publicly accessible outputs of advanced models such as ChatGPT,
GPT-4 and Claude-3, DALD fine-tunes surrogate models to synchronize with
unknown source model distributions effectively. | cs.CL | Improving Logits-based Detector without Logits from Black-box LLMs |
2024-06-07T18:54:40Z | http://arxiv.org/pdf/2406.05213v1 | http://arxiv.org/abs/2406.05213v1 | Ziyu Wang, Chris Holmes | 2024-06-07T18:54:40Z | cs.CL, cs.AI, cs.LG, stat.ML | Applications of large language models often involve the generation of
free-form responses, in which case uncertainty quantification becomes
challenging. This is due to the need to identify task-specific uncertainties
(e.g., about the semantics) which appears difficult to define in general cases.
This work addresses these challenges from a perspective of Bayesian decision
theory, starting from the assumption that our utility is characterized by a
similarity measure that compares a generated response with a hypothetical true
response. We discuss how this assumption enables principled quantification of
the model's subjective uncertainty and its calibration. We further derive a
measure for epistemic uncertainty, based on a missing data perspective and its
characterization as an excess risk. The proposed measures can be applied to
black-box language models. We demonstrate the proposed methods on question
answering and machine translation tasks, where they extract broadly meaningful
uncertainty estimates from GPT and Gemini models and quantify their
calibration. | cs.CL | On Subjective Uncertainty Quantification and Calibration in Natural Language Generation |
2024-06-07T18:39:58Z | http://arxiv.org/pdf/2406.05205v1 | http://arxiv.org/abs/2406.05205v1 | Sajid Javed, Arif Mahmood, Iyyakutti Iyappan Ganapathi, Fayaz Ali Dharejo, Naoufel Werghi, Mohammed Bennamoun | 2024-06-07T18:39:58Z | cs.CV, cs.CL, cs.LG, cs.MM, eess.IV | This paper proposes Comprehensive Pathology Language Image Pre-training
(CPLIP), a new unsupervised technique designed to enhance the alignment of
images and text in histopathology for tasks such as classification and
segmentation. This methodology enriches vision-language models by leveraging
extensive data without needing ground truth annotations. CPLIP involves
constructing a pathology-specific dictionary, generating textual descriptions
for images using language models, and retrieving relevant images for each text
snippet via a pre-trained model. The model is then fine-tuned using a
many-to-many contrastive learning method to align complex interrelated concepts
across both modalities. Evaluated across multiple histopathology tasks, CPLIP
shows notable improvements in zero-shot learning scenarios, outperforming
existing methods in both interpretability and robustness and setting a higher
benchmark for the application of vision-language models in the field. To
encourage further research and replication, the code for CPLIP is available on
GitHub at https://cplip.github.io/ | cs.CV | CPLIP: Zero-Shot Learning for Histopathology with Comprehensive Vision-Language Alignment |
2024-06-07T18:21:26Z | http://arxiv.org/pdf/2406.05194v1 | http://arxiv.org/abs/2406.05194v1 | Arash Gholami Davoodi, Seyed Pouyan Mousavi Davoudi, Pouya Pezeshkpour | 2024-06-07T18:21:26Z | cs.CL, cs.AI, cs.LG | Large language models (LLMs) demonstrate impressive capabilities in
mathematical reasoning. However, despite these achievements, current
evaluations are mostly limited to specific mathematical topics, and it remains
unclear whether LLMs are genuinely engaging in reasoning. To address these
gaps, we present the Mathematical Topics Tree (MaTT) benchmark, a challenging
and structured benchmark that offers 1,958 questions across a wide array of
mathematical subjects, each paired with a detailed hierarchical chain of
topics. Upon assessing different LLMs using the MaTT benchmark, we find that
the most advanced model, GPT-4, achieved a mere 54\% accuracy in a
multiple-choice scenario. Interestingly, even when employing Chain-of-Thought
prompting, we observe mostly no notable improvement. Moreover, LLMs accuracy
dramatically reduced by up to 24.2 percentage point when the questions were
presented without providing choices. Further detailed analysis of the LLMs'
performance across a range of topics showed significant discrepancy even for
closely related subtopics within the same general mathematical area. In an
effort to pinpoint the reasons behind LLMs performances, we conducted a manual
evaluation of the completeness and correctness of the explanations generated by
GPT-4 when choices were available. Surprisingly, we find that in only 53.3\% of
the instances where the model provided a correct answer, the accompanying
explanations were deemed complete and accurate, i.e., the model engaged in
genuine reasoning. | cs.CL | LLMs Are Not Intelligent Thinkers: Introducing Mathematical Topic Tree Benchmark for Comprehensive Evaluation of LLMs |
2024-06-07T18:13:27Z | http://arxiv.org/pdf/2406.05190v1 | http://arxiv.org/abs/2406.05190v1 | Aashish Arora, Elsbeth Turcan | 2024-06-07T18:13:27Z | cs.LG, cs.AI, cs.CL | Data augmentation has the potential to improve the performance of machine
learning models by increasing the amount of training data available. In this
study, we evaluated the effectiveness of different data augmentation techniques
for a multi-label emotion classification task using a low-resource dataset. Our
results showed that Back Translation outperformed autoencoder-based approaches
and that generating multiple examples per training instance led to further
performance improvement. In addition, we found that Back Translation generated
the most diverse set of unigrams and trigrams. These findings demonstrate the
utility of Back Translation in enhancing the performance of emotion
classification models in resource-limited situations. | cs.LG | Evaluating the Effectiveness of Data Augmentation for Emotion Classification in Low-Resource Settings |
2024-06-07T18:09:21Z | http://arxiv.org/pdf/2406.05186v1 | http://arxiv.org/abs/2406.05186v1 | Amanda Doucette, Ryan Cotterell, Morgan Sonderegger, Timothy J. O'Donnell | 2024-06-07T18:09:21Z | cs.CL | It has been claimed that within a language, morphologically irregular words
are more likely to be phonotactically simple and morphologically regular words
are more likely to be phonotactically complex. This inverse correlation has
been demonstrated in English for a small sample of words, but has yet to be
shown for a larger sample of languages. Furthermore, frequency and word length
are known to influence both phonotactic complexity and morphological
irregularity, and they may be confounding factors in this relationship.
Therefore, we examine the relationships between all pairs of these four
variables both to assess the robustness of previous findings using improved
methodology and as a step towards understanding the underlying causal
relationship. Using information-theoretic measures of phonotactic complexity
and morphological irregularity (Pimentel et al., 2020; Wu et al., 2019) on 25
languages from UniMorph, we find that there is evidence of a positive
relationship between morphological irregularity and phonotactic complexity
within languages on average, although the direction varies within individual
languages. We also find weak evidence of a negative relationship between word
length and morphological irregularity that had not been previously identified,
and that some existing findings about the relationships between these four
variables are not as robust as previously thought. | cs.CL | Correlation Does Not Imply Compensation: Complexity and Irregularity in the Lexicon |
2024-06-07T18:00:37Z | http://arxiv.org/pdf/2406.05183v1 | http://arxiv.org/abs/2406.05183v1 | Ouail Kitouni, Niklas Nolte, Diane Bouchacourt, Adina Williams, Mike Rabbat, Mark Ibrahim | 2024-06-07T18:00:37Z | cs.LG, cs.AI, cs.CL | Today's best language models still struggle with hallucinations: factually
incorrect generations, which impede their ability to reliably retrieve
information seen during training. The reversal curse, where models cannot
recall information when probed in a different order than was encountered during
training, exemplifies this in information retrieval. We reframe the reversal
curse as a factorization curse - a failure of models to learn the same joint
distribution under different factorizations. Through a series of controlled
experiments with increasing levels of realism including WikiReversal, a setting
we introduce to closely simulate a knowledge intensive finetuning task, we find
that the factorization curse is an inherent failure of the next-token
prediction objective used in popular large language models. Moreover, we
demonstrate reliable information retrieval cannot be solved with scale,
reversed tokens, or even naive bidirectional-attention training. Consequently,
various approaches to finetuning on specialized data would necessarily provide
mixed results on downstream tasks, unless the model has already seen the right
sequence of tokens. Across five tasks of varying levels of complexity, our
results uncover a promising path forward: factorization-agnostic objectives can
significantly mitigate the reversal curse and hint at improved knowledge
storage and planning capabilities. | cs.LG | The Factorization Curse: Which Tokens You Predict Underlie the Reversal Curse and More |
2024-06-07T17:59:59Z | http://arxiv.org/pdf/2406.05132v2 | http://arxiv.org/abs/2406.05132v2 | Jianing Yang, Xuweiyi Chen, Nikhil Madaan, Madhavan Iyengar, Shengyi Qian, David F. Fouhey, Joyce Chai | 2024-06-12T17:59:58Z | cs.CV, cs.AI, cs.CL, cs.LG, cs.RO | The integration of language and 3D perception is crucial for developing
embodied agents and robots that comprehend and interact with the physical
world. While large language models (LLMs) have demonstrated impressive language
understanding and generation capabilities, their adaptation to 3D environments
(3D-LLMs) remains in its early stages. A primary challenge is the absence of
large-scale datasets that provide dense grounding between language and 3D
scenes. In this paper, we introduce 3D-GRAND, a pioneering large-scale dataset
comprising 40,087 household scenes paired with 6.2 million densely-grounded
scene-language instructions. Our results show that instruction tuning with
3D-GRAND significantly enhances grounding capabilities and reduces
hallucinations in 3D-LLMs. As part of our contributions, we propose a
comprehensive benchmark 3D-POPE to systematically evaluate hallucination in
3D-LLMs, enabling fair comparisons among future models. Our experiments
highlight a scaling effect between dataset size and 3D-LLM performance,
emphasizing the critical role of large-scale 3D-text datasets in advancing
embodied AI research. Notably, our results demonstrate early signals for
effective sim-to-real transfer, indicating that models trained on large
synthetic data can perform well on real-world 3D scans. Through 3D-GRAND and
3D-POPE, we aim to equip the embodied AI community with essential resources and
insights, setting the stage for more reliable and better-grounded 3D-LLMs.
Project website: https://3d-grand.github.io | cs.CV | 3D-GRAND: A Million-Scale Dataset for 3D-LLMs with Better Grounding and Less Hallucination |
2024-06-07T17:58:11Z | http://arxiv.org/pdf/2406.05130v1 | http://arxiv.org/abs/2406.05130v1 | Xiongtao Zhou, Jie He, Yuhua Ke, Guangyao Zhu, Víctor Gutiérrez-Basulto, Jeff Z. Pan | 2024-06-07T17:58:11Z | cs.CL | Multimodal large language models (MLLMs) fine-tuned with multimodal
instruction datasets have demonstrated remarkable capabilities in multimodal
tasks. However, fine-tuning all parameters of MLLMs has become challenging as
they usually contain billions of parameters. To address this issue, we study
parameter-efficient fine-tuning (PEFT) methods for MLLMs. We aim to identify
effective methods for enhancing the performance of MLLMs in scenarios where
only a limited number of parameters are trained. This paper conducts empirical
studies using four popular PEFT methods to fine-tune the LLM component of
open-source MLLMs. We present a comprehensive analysis that encompasses various
aspects, including the impact of PEFT methods on various models, parameters and
location of the PEFT module, size of fine-tuning data, model stability based on
PEFT methods, MLLM's generalization, and hallucination. We evaluated four PEFT
methods on seven datasets from two different categories: unseen and seen
datasets. Across all experiments, we show that the adapter is the
best-performing PEFT method. At the same time, fine-tuning the connector layers
leads to improved performance in most MLLMs. Code and data are available at
https://github.com/alenai97/PEFT-MLLM.git. | cs.CL | An Empirical Study on Parameter-Efficient Fine-Tuning for MultiModal Large Language Models |
2024-06-07T16:59:38Z | http://arxiv.org/pdf/2406.05085v1 | http://arxiv.org/abs/2406.05085v1 | Maciej Besta, Ales Kubicek, Roman Niggli, Robert Gerstenberger, Lucas Weitzendorf, Mingyuan Chi, Patrick Iff, Joanna Gajda, Piotr Nyczyk, Jürgen Müller, Hubert Niewiadomski, Marcin Chrapek, Michał Podstawski, Torsten Hoefler | 2024-06-07T16:59:38Z | cs.CL, cs.AI, cs.IR | Retrieval Augmented Generation (RAG) enhances the abilities of Large Language
Models (LLMs) by enabling the retrieval of documents into the LLM context to
provide more accurate and relevant responses. Existing RAG solutions do not
focus on queries that may require fetching multiple documents with
substantially different contents. Such queries occur frequently, but are
challenging because the embeddings of these documents may be distant in the
embedding space, making it hard to retrieve them all. This paper introduces
Multi-Head RAG (MRAG), a novel scheme designed to address this gap with a
simple yet powerful idea: leveraging activations of Transformer's multi-head
attention layer, instead of the decoder layer, as keys for fetching
multi-aspect documents. The driving motivation is that different attention
heads can learn to capture different data aspects. Harnessing the corresponding
activations results in embeddings that represent various facets of data items
and queries, improving the retrieval accuracy for complex queries. We provide
an evaluation methodology and metrics, synthetic datasets, and real-world use
cases to demonstrate MRAG's effectiveness, showing improvements of up to 20% in
relevance over standard RAG baselines. MRAG can be seamlessly integrated with
existing RAG frameworks and benchmarking tools like RAGAS as well as different
classes of data stores. | cs.CL | Multi-Head RAG: Solving Multi-Aspect Problems with LLMs |
2024-06-07T16:58:15Z | http://arxiv.org/pdf/2406.05084v1 | http://arxiv.org/abs/2406.05084v1 | Pompeu Casanovas | 2024-06-07T16:58:15Z | cs.CY, cs.CL, C.5; H.1; H.4; I.2; J.4; K.4 | This is a long paper, an essay, on ambiguity, pragmatics, legal ecosystems,
and the expressive function of law. It is divided into two parts and fifteen
sections. The first part (Pragmatics) addresses ambiguity from the perspective
of linguistic and cognitive pragmatics in the legal field. The second part
(Computing) deals with this issue from the point of view of human-centered
design and artificial intelligence, specifically focusing on the notion and
modelling of rules and what it means to comply with the rules. This is
necessary for the scaffolding of smart legal ecosystems (SLE). I will develop
this subject with the example of the architecture, information flows, and smart
ecosystem of OPTIMAI, an EU project of Industry 4.0 for zero-defect
manufacturing (Optimizing Manufacturing Processes through Artificial
Intelligence and Virtualization). | cs.CY | On Ambiguity and the Expressive Function of Law: The Role of Pragmatics in Smart Legal Ecosystems |
2024-06-07T16:52:57Z | http://arxiv.org/pdf/2406.05080v2 | http://arxiv.org/abs/2406.05080v2 | Francesco Taioli, Stefano Rosa, Alberto Castellini, Lorenzo Natale, Alessio Del Bue, Alessandro Farinelli, Marco Cristani, Yiming Wang | 2024-06-23T22:58:46Z | cs.RO, cs.AI, cs.CL | In the Vision-and-Language Navigation in Continuous Environments (VLN-CE)
task, the human user guides an autonomous agent to reach a target goal via a
series of low-level actions following a textual instruction in natural
language. However, most existing methods do not address the likely case where
users may make mistakes when providing such instruction (e.g. "turn left"
instead of "turn right"). In this work, we address a novel task of Interactive
VLN in Continuous Environments (IVLN-CE), which allows the agent to interact
with the user during the VLN-CE navigation to verify any doubts regarding the
instruction errors. We propose an Interactive Instruction Error Detector and
Localizer (I2EDL) that triggers the user-agent interaction upon the detection
of instruction errors during the navigation. We leverage a pre-trained module
to detect instruction errors and pinpoint them in the instruction by
cross-referencing the textual input and past observations. In such way, the
agent is able to query the user for a timely correction, without demanding the
user's cognitive load, as we locate the probable errors to a precise part of
the instruction. We evaluate the proposed I2EDL on a dataset of instructions
containing errors, and further devise a novel metric, the Success weighted by
Interaction Number (SIN), to reflect both the navigation performance and the
interaction effectiveness. We show how the proposed method can ask focused
requests for corrections to the user, which in turn increases the navigation
success, while minimizing the interactions. | cs.RO | I2EDL: Interactive Instruction Error Detection and Localization |
2024-06-07T16:49:21Z | http://arxiv.org/pdf/2406.05079v1 | http://arxiv.org/abs/2406.05079v1 | Eunjeong Hwang, Yichao Zhou, Beliz Gunel, James Bradley Wendt, Sandeep Tata | 2024-06-07T16:49:21Z | cs.CL, cs.LG | No existing dataset adequately tests how well language models can
incrementally update entity summaries - a crucial ability as these models
rapidly advance. The Incremental Entity Summarization (IES) task is vital for
maintaining accurate, up-to-date knowledge. To address this, we introduce
SUMIE, a fully synthetic dataset designed to expose real-world IES challenges.
This dataset effectively highlights problems like incorrect entity association
and incomplete information presentation. Unlike common synthetic datasets, ours
captures the complexity and nuances found in real-world data. We generate
informative and diverse attributes, summaries, and unstructured paragraphs in
sequence, ensuring high quality. The alignment between generated summaries and
paragraphs exceeds 96%, confirming the dataset's quality. Extensive experiments
demonstrate the dataset's difficulty - state-of-the-art LLMs struggle to update
summaries with an F1 higher than 80.4%. We will open source the benchmark and
the evaluation metrics to help the community make progress on IES tasks. | cs.CL | SUMIE: A Synthetic Benchmark for Incremental Entity Summarization |
2024-06-07T16:33:43Z | http://arxiv.org/pdf/2406.05063v1 | http://arxiv.org/abs/2406.05063v1 | Anuradha Welivita, Pearl Pu | 2024-06-07T16:33:43Z | cs.CL | With the emergence of large language models (LLMs), investigating if they can
surpass humans in areas such as emotion recognition and empathetic responding
has become a focal point of research. This paper presents a comprehensive study
exploring the empathetic responding capabilities of four state-of-the-art LLMs:
GPT-4, LLaMA-2-70B-Chat, Gemini-1.0-Pro, and Mixtral-8x7B-Instruct in
comparison to a human baseline. We engaged 1,000 participants in a
between-subjects user study, assessing the empathetic quality of responses
generated by humans and the four LLMs to 2,000 emotional dialogue prompts
meticulously selected to cover a broad spectrum of 32 distinct positive and
negative emotions. Our findings reveal a statistically significant superiority
of the empathetic responding capability of LLMs over humans. GPT-4 emerged as
the most empathetic, marking approximately 31% increase in responses rated as
"Good" compared to the human benchmark. It was followed by LLaMA-2,
Mixtral-8x7B, and Gemini-Pro, which showed increases of approximately 24%, 21%,
and 10% in "Good" ratings, respectively. We further analyzed the response
ratings at a finer granularity and discovered that some LLMs are significantly
better at responding to specific emotions compared to others. The suggested
evaluation framework offers a scalable and adaptable approach for assessing the
empathy of new LLMs, avoiding the need to replicate this study's findings in
future research. | cs.CL | Are Large Language Models More Empathetic than Humans? |
2024-06-07T16:02:10Z | http://arxiv.org/pdf/2406.05039v1 | http://arxiv.org/abs/2406.05039v1 | Yani Zhang, Dongming Wu, Wencheng Han, Xingping Dong | 2024-06-07T16:02:10Z | cs.CV, cs.CL | Referring multi-object tracking (RMOT) aims at detecting and tracking
multiple objects following human instruction represented by a natural language
expression. Existing RMOT benchmarks are usually formulated through manual
annotations, integrated with static regulations. This approach results in a
dearth of notable diversity and a constrained scope of implementation. In this
work, our key idea is to bootstrap the task of referring multi-object tracking
by introducing discriminative language words as much as possible. In specific,
we first develop Refer-KITTI into a large-scale dataset, named Refer-KITTI-V2.
It starts with 2,719 manual annotations, addressing the issue of class
imbalance and introducing more keywords to make it closer to real-world
scenarios compared to Refer-KITTI. They are further expanded to a total of
9,758 annotations by prompting large language models, which create 617
different words, surpassing previous RMOT benchmarks. In addition, the
end-to-end framework in RMOT is also bootstrapped by a simple yet elegant
temporal advancement strategy, which achieves better performance than previous
approaches. The source code and dataset is available at
https://github.com/zyn213/TempRMOT. | cs.CV | Bootstrapping Referring Multi-Object Tracking |
2024-06-07T15:56:32Z | http://arxiv.org/pdf/2406.05035v1 | http://arxiv.org/abs/2406.05035v1 | Pengshuo Qiu, Frank Rudzicz, Zining Zhu | 2024-06-07T15:56:32Z | cs.CL, cs.AI | Large language models (LLMs) can be used to generate natural language
explanations (NLE) that are adapted to different users' situations. However,
there is yet to be a quantitative evaluation of the extent of such adaptation.
To bridge this gap, we collect a benchmarking dataset, Situation-Based
Explanation. This dataset contains 100 explanandums. Each explanandum is paired
with explanations targeted at three distinct audience types-such as educators,
students, and professionals-enabling us to assess how well the explanations
meet the specific informational needs and contexts of these diverse groups e.g.
students, teachers, and parents. For each "explanandum paired with an audience"
situation, we include a human-written explanation. These allow us to compute
scores that quantify how the LLMs adapt the explanations to the situations. On
an array of pretrained language models with varying sizes, we examine three
categories of prompting methods: rule-based prompting, meta-prompting, and
in-context learning prompting. We find that 1) language models can generate
prompts that result in explanations more precisely aligned with the target
situations, 2) explicitly modeling an "assistant" persona by prompting "You are
a helpful assistant..." is not a necessary prompt technique for situated NLE
tasks, and 3) the in-context learning prompts only can help LLMs learn the
demonstration template but can't improve their inference performance. SBE and
our analysis facilitate future research towards generating situated natural
language explanations. | cs.CL | Scenarios and Approaches for Situated Natural Language Explanations |
2024-06-07T15:37:15Z | http://arxiv.org/pdf/2406.06622v1 | http://arxiv.org/abs/2406.06622v1 | Fan Liu, Zhao Xu, Hao Liu | 2024-06-07T15:37:15Z | cs.CL, cs.AI, cs.CR | Although safely enhanced Large Language Models (LLMs) have achieved
remarkable success in tackling various complex tasks in a zero-shot manner,
they remain susceptible to jailbreak attacks, particularly the unknown
jailbreak attack. To enhance LLMs' generalized defense capabilities, we propose
a two-stage adversarial tuning framework, which generates adversarial prompts
to explore worst-case scenarios by optimizing datasets containing pairs of
adversarial prompts and their safe responses. In the first stage, we introduce
the hierarchical meta-universal adversarial prompt learning to efficiently and
effectively generate token-level adversarial prompts. In the second stage, we
propose the automatic adversarial prompt learning to iteratively refine
semantic-level adversarial prompts, further enhancing LLM's defense
capabilities. We conducted comprehensive experiments on three widely used
jailbreak datasets, comparing our framework with six defense baselines under
five representative attack scenarios. The results underscore the superiority of
our proposed methods. Furthermore, our adversarial tuning framework exhibits
empirical generalizability across various attack strategies and target LLMs,
highlighting its potential as a transferable defense mechanism. | cs.CL | Adversarial Tuning: Defending Against Jailbreak Attacks for LLMs |
2024-06-07T15:28:31Z | http://arxiv.org/pdf/2406.06621v1 | http://arxiv.org/abs/2406.06621v1 | Harry Li, Gabriel Appleby, Ashley Suh | 2024-06-07T15:28:31Z | cs.CL, cs.AI, cs.LG | We present LinkQ, a system that leverages a large language model (LLM) to
facilitate knowledge graph (KG) query construction through natural language
question-answering. Traditional approaches often require detailed knowledge of
complex graph querying languages, limiting the ability for users -- even
experts -- to acquire valuable insights from KG data. LinkQ simplifies this
process by first interpreting a user's question, then converting it into a
well-formed KG query. By using the LLM to construct a query instead of directly
answering the user's question, LinkQ guards against the LLM hallucinating or
generating false, erroneous information. By integrating an LLM into LinkQ,
users are able to conduct both exploratory and confirmatory data analysis, with
the LLM helping to iteratively refine open-ended questions into precise ones.
To demonstrate the efficacy of LinkQ, we conducted a qualitative study with
five KG practitioners and distill their feedback. Our results indicate that
practitioners find LinkQ effective for KG question-answering, and desire future
LLM-assisted systems for the exploratory analysis of graph databases. | cs.CL | LinkQ: An LLM-Assisted Visual Interface for Knowledge Graph Question-Answering |
2024-06-07T15:23:53Z | http://arxiv.org/pdf/2406.05013v1 | http://arxiv.org/abs/2406.05013v1 | Fengran Mo, Abbas Ghaddar, Kelong Mao, Mehdi Rezagholizadeh, Boxing Chen, Qun Liu, Jian-Yun Nie | 2024-06-07T15:23:53Z | cs.IR, cs.CL | In this paper, we study how open-source large language models (LLMs) can be
effectively deployed for improving query rewriting in conversational search,
especially for ambiguous queries. We introduce CHIQ, a two-step method that
leverages the capabilities of LLMs to resolve ambiguities in the conversation
history before query rewriting. This approach contrasts with prior studies that
predominantly use closed-source LLMs to directly generate search queries from
conversation history. We demonstrate on five well-established benchmarks that
CHIQ leads to state-of-the-art results across most settings, showing highly
competitive performances with systems leveraging closed-source LLMs. Our study
provides a first step towards leveraging open-source LLMs in conversational
search, as a competitive alternative to the prevailing reliance on commercial
LLMs. Data, models, and source code will be publicly available upon acceptance
at https://github.com/fengranMark/CHIQ. | cs.IR | CHIQ: Contextual History Enhancement for Improving Query Rewriting in Conversational Search |
2024-06-07T14:56:51Z | http://arxiv.org/pdf/2406.04989v1 | http://arxiv.org/abs/2406.04989v1 | Sondre Wold, Étienne Simon, Lucas Georges Gabriel Charpentier, Egor V. Kostylev, Erik Velldal, Lilja Øvrelid | 2024-06-07T14:56:51Z | cs.CL | Grounded language models use external sources of information, such as
knowledge graphs, to meet some of the general challenges associated with
pre-training. By extending previous work on compositional generalization in
semantic parsing, we allow for a controlled evaluation of the degree to which
these models learn and generalize from patterns in knowledge graphs. We develop
a procedure for generating natural language questions paired with knowledge
graphs that targets different aspects of compositionality and further avoids
grounding the language models in information already encoded implicitly in
their weights. We evaluate existing methods for combining language models with
knowledge graphs and find them to struggle with generalization to sequences of
unseen lengths and to novel combinations of seen base components. While our
experimental results provide some insight into the expressive power of these
models, we hope our work and released datasets motivate future research on how
to better combine language models with structured knowledge representations. | cs.CL | Compositional Generalization with Grounded Language Models |
2024-06-07T14:54:56Z | http://arxiv.org/pdf/2406.04988v1 | http://arxiv.org/abs/2406.04988v1 | Patrick Haller, Lena S. Bolliger, Lena A. Jäger | 2024-06-07T14:54:56Z | cs.CL | To date, most investigations on surprisal and entropy effects in reading have
been conducted on the group level, disregarding individual differences. In this
work, we revisit the predictive power of surprisal and entropy measures
estimated from a range of language models (LMs) on data of human reading times
as a measure of processing effort by incorporating information of language
users' cognitive capacities. To do so, we assess the predictive power of
surprisal and entropy estimated from generative LMs on reading data obtained
from individuals who also completed a wide range of psychometric tests.
Specifically, we investigate if modulating surprisal and entropy relative to
cognitive scores increases prediction accuracy of reading times, and we examine
whether LMs exhibit systematic biases in the prediction of reading times for
cognitively high- or low-performing groups, revealing what type of
psycholinguistic subject a given LM emulates. Our study finds that in most
cases, incorporating cognitive capacities increases predictive power of
surprisal and entropy on reading times, and that generally, high performance in
the psychometric tests is associated with lower sensitivity to predictability
effects. Finally, our results suggest that the analyzed LMs emulate readers
with lower verbal intelligence, suggesting that for a given target group (i.e.,
individuals with high verbal intelligence), these LMs provide less accurate
predictability estimates. | cs.CL | Language models emulate certain cognitive profiles: An investigation of how predictability measures interact with individual differences |
2024-06-07T14:49:22Z | http://arxiv.org/pdf/2406.04984v1 | http://arxiv.org/abs/2406.04984v1 | Jitai Hao, WeiWei Sun, Xin Xin, Qi Meng, Zhumin Chen, Pengjie Ren, Zhaochun Ren | 2024-06-07T14:49:22Z | cs.CL | Parameter-Efficient Fine-tuning (PEFT) facilitates the fine-tuning of Large
Language Models (LLMs) under limited resources. However, the fine-tuning
performance with PEFT on complex, knowledge-intensive tasks is limited due to
the constrained model capacity, which originates from the limited number of
additional trainable parameters. To overcome this limitation, we introduce a
novel mechanism that fine-tunes LLMs with adapters of larger size yet
memory-efficient. This is achieved by leveraging the inherent activation
sparsity in the Feed-Forward Networks (FFNs) of LLMs and utilizing the larger
capacity of Central Processing Unit (CPU) memory compared to Graphics
Processing Unit (GPU). We store and update the parameters of larger adapters on
the CPU. Moreover, we employ a Mixture of Experts (MoE)-like architecture to
mitigate unnecessary CPU computations and reduce the communication volume
between the GPU and CPU. This is particularly beneficial over the limited
bandwidth of PCI Express (PCIe). Our method can achieve fine-tuning results
comparable to those obtained with larger memory capacities, even when operating
under more limited resources such as a 24GB memory single GPU setup, with
acceptable loss in training efficiency. Our codes are available at
https://github.com/CURRENTF/MEFT. | cs.CL | MEFT: Memory-Efficient Fine-Tuning through Sparse Adapter |
2024-06-07T14:34:28Z | http://arxiv.org/pdf/2406.06620v1 | http://arxiv.org/abs/2406.06620v1 | Weiqi Zhang, Jiexia Ye, Ziyue Li, Jia Li, Fugee Tsung | 2024-06-07T14:34:28Z | cs.LG, cs.AI, cs.CL | The recent rapid development of language models (LMs) has attracted attention
in the field of time series, including multimodal time series modeling.
However, we note that current time series multimodal methods are biased, often
assigning a primary role to one modality while the other assumes a secondary
role. They overlook the mutual benefits and complementary of different
modalities. For example, in seizure diagnosis, relying solely on textual
clinical reports makes it difficult to pinpoint the area and type of the
disease, while electroencephalograms (EEGs) alone cannot provide an accurate
diagnosis without considering the symptoms. In this study, based on the
complementary information mining of time series multimodal data, we propose
DualTime, a Dual-adapter multimodal language model for Time series
representation implementing temporal-primary and textual-primary modeling
simultaneously. By injecting lightweight adaption tokens, the LM pipeline
shared by dual adapters encourages embedding alignment and achieves efficient
fine-tuning. Empirically, our method outperforms state-of-the-art models in
both supervised and unsupervised settings, highlighting the complementary
benefits of different modalities. In addition, we conduct few-shot label
transfer experiments, which further verifies the transferability and
expressiveness of our proposed DualTime. | cs.LG | DualTime: A Dual-Adapter Multimodal Language Model for Time Series Representation |
2024-06-07T14:16:37Z | http://arxiv.org/pdf/2406.04952v1 | http://arxiv.org/abs/2406.04952v1 | Ilya Ilyankou, Meihui Wang, James Haworth, Stefano Cavazzi | 2024-06-07T14:16:37Z | cs.CL, cs.AI | Large language models (LLMs) exhibit emerging geospatial capabilities,
stemming from their pre-training on vast unlabelled text datasets that are
often derived from the Common Crawl corpus. However, the geospatial content
within CC remains largely unexplored, impacting our understanding of LLMs'
spatial reasoning. This paper investigates the prevalence of geospatial data in
recent Common Crawl releases using Gemini, a powerful language model. By
analyzing a sample of documents and manually revising the results, we estimate
that between 1 in 5 and 1 in 6 documents contain geospatial information such as
coordinates and street addresses. Our findings provide quantitative insights
into the nature and extent of geospatial data within Common Crawl, and web
crawl data in general. Furthermore, we formulate questions to guide future
investigations into the geospatial content of available web crawl datasets and
its influence on LLMs. | cs.CL | Quantifying Geospatial in the Common Crawl Corpus |
2024-06-07T14:01:56Z | http://arxiv.org/pdf/2406.04947v1 | http://arxiv.org/abs/2406.04947v1 | Baktash Ansari, Mohammadmostafa Rostamkhani, Sauleh Eetemadi | 2024-06-07T14:01:56Z | cs.CL | This paper outlines our approach to SemEval 2024 Task 9, BRAINTEASER: A Novel
Task Defying Common Sense. The task aims to evaluate the ability of language
models to think creatively. The dataset comprises multi-choice questions that
challenge models to think "outside of the box". We fine-tune 2 models, BERT and
RoBERTa Large. Next, we employ a Chain of Thought (CoT) zero-shot prompting
approach with 6 large language models, such as GPT-3.5, Mixtral, and Llama2.
Finally, we utilize ReConcile, a technique that employs a "round table
conference" approach with multiple agents for zero-shot learning, to generate
consensus answers among 3 selected language models. Our best method achieves an
overall accuracy of 85 percent on the sentence puzzles subtask. | cs.CL | BAMO at SemEval-2024 Task 9: BRAINTEASER: A Novel Task Defying Common Sense |
2024-06-07T13:48:15Z | http://arxiv.org/pdf/2406.04941v1 | http://arxiv.org/abs/2406.04941v1 | Ping Yu, Kaitao Song, Fengchen He, Ming Chen, Jianfeng Lu | 2024-06-07T13:48:15Z | cs.CL | The recently unprecedented advancements in Large Language Models (LLMs) have
propelled the medical community by establishing advanced medical-domain models.
However, due to the limited collection of medical datasets, there are only a
few comprehensive benchmarks available to gauge progress in this area. In this
paper, we introduce a new medical question-answering (QA) dataset that contains
massive manual instruction for solving Traditional Chinese Medicine examination
tasks, called TCMD. Specifically, our TCMD collects massive questions across
diverse domains with their annotated medical subjects and thus supports us in
comprehensively assessing the capability of LLMs in the TCM domain. Extensive
evaluation of various general LLMs and medical-domain-specific LLMs is
conducted. Moreover, we also analyze the robustness of current LLMs in solving
TCM QA tasks by introducing randomness. The inconsistency of the experimental
results also reveals the shortcomings of current LLMs in solving QA tasks. We
also expect that our dataset can further facilitate the development of LLMs in
the TCM area. | cs.CL | TCMD: A Traditional Chinese Medicine QA Dataset for Evaluating Large Language Models |
2024-06-07T13:33:22Z | http://arxiv.org/pdf/2406.04927v1 | http://arxiv.org/abs/2406.04927v1 | Georgios Efstathiadis, Vijay Yadav, Anzar Abbas | 2024-06-07T13:33:22Z | eess.AS, cs.CL | Speaker diarization is necessary for interpreting conversations transcribed
using automated speech recognition (ASR) tools. Despite significant
developments in diarization methods, diarization accuracy remains an issue.
Here, we investigate the use of large language models (LLMs) for diarization
correction as a post-processing step. LLMs were fine-tuned using the Fisher
corpus, a large dataset of transcribed conversations. The ability of the models
to improve diarization accuracy in a holdout dataset was measured. We report
that fine-tuned LLMs can markedly improve diarization accuracy. However, model
performance is constrained to transcripts produced using the same ASR tool as
the transcripts used for fine-tuning, limiting generalizability. To address
this constraint, an ensemble model was developed by combining weights from
three separate models, each fine-tuned using transcripts from a different ASR
tool. The ensemble model demonstrated better overall performance than each of
the ASR-specific models, suggesting that a generalizable and ASR-agnostic
approach may be achievable. We hope to make these models accessible through
public-facing APIs for use by third-party applications. | eess.AS | LLM-based speaker diarization correction: A generalizable approach |
2024-06-07T13:31:51Z | http://arxiv.org/pdf/2406.04926v1 | http://arxiv.org/abs/2406.04926v1 | Michał Romaszewski, Przemysław Sekuła, Przemysław Głomb, Michał Cholewa, Katarzyna Kołodziej | 2024-06-07T13:31:51Z | cs.CL, cs.LG | Large Language Models (LLMs) have shown exceptional performance in text
processing. Notably, LLMs can synthesize information from large datasets and
explain their decisions similarly to human reasoning through a chain of thought
(CoT). An emerging application of LLMs is the handling and interpreting of
numerical data, where fine-tuning enhances their performance over basic
inference methods. This paper proposes a novel approach to training LLMs using
knowledge transfer from a random forest (RF) ensemble, leveraging its
efficiency and accuracy. By converting RF decision paths into natural language
statements, we generate outputs for LLM fine-tuning, enhancing the model's
ability to classify and explain its decisions. Our method includes verifying
these rules through established classification metrics, ensuring their
correctness. We also examine the impact of preprocessing techniques on the
representation of numerical data and their influence on classification accuracy
and rule correctness | cs.CL | Through the Thicket: A Study of Number-Oriented LLMs derived from Random Forest Models |
2024-06-07T12:56:11Z | http://arxiv.org/pdf/2406.04904v1 | http://arxiv.org/abs/2406.04904v1 | Edresson Casanova, Kelly Davis, Eren Gölge, Görkem Göknar, Iulian Gulea, Logan Hart, Aya Aljafari, Joshua Meyer, Reuben Morais, Samuel Olayemi, Julian Weber | 2024-06-07T12:56:11Z | eess.AS, cs.CL, cs.SD | Most Zero-shot Multi-speaker TTS (ZS-TTS) systems support only a single
language. Although models like YourTTS, VALL-E X, Mega-TTS 2, and Voicebox
explored Multilingual ZS-TTS they are limited to just a few high/medium
resource languages, limiting the applications of these models in most of the
low/medium resource languages. In this paper, we aim to alleviate this issue by
proposing and making publicly available the XTTS system. Our method builds upon
the Tortoise model and adds several novel modifications to enable multilingual
training, improve voice cloning, and enable faster training and inference. XTTS
was trained in 16 languages and achieved state-of-the-art (SOTA) results in
most of them. | eess.AS | XTTS: a Massively Multilingual Zero-Shot Text-to-Speech Model |
2024-06-07T12:39:54Z | http://arxiv.org/pdf/2406.04892v1 | http://arxiv.org/abs/2406.04892v1 | Rabiraj Bandyopadhyay, Dennis Assenmacher, Jose M. Alonso Moral, Claudia Wagner | 2024-06-07T12:39:54Z | cs.CL | There is an increase in the proliferation of online hate commensurate with
the rise in the usage of social media. In response, there is also a significant
advancement in the creation of automated tools aimed at identifying harmful
text content using approaches grounded in Natural Language Processing and Deep
Learning. Although it is known that training Deep Learning models require a
substantial amount of annotated data, recent line of work suggests that models
trained on specific subsets of the data still retain performance comparable to
the model that was trained on the full dataset. In this work, we show how we
can leverage influence scores to estimate the importance of a data point while
training a model and designing a pruning strategy applied to the case of sexism
detection. We evaluate the model performance trained on data pruned with
different pruning strategies on three out-of-domain datasets and find, that in
accordance with other work a large fraction of instances can be removed without
significant performance drop. However, we also discover that the strategies for
pruning data, previously successful in Natural Language Inference tasks, do not
readily apply to the detection of harmful content and instead amplify the
already prevalent class imbalance even more, leading in the worst-case to a
complete absence of the hateful class. | cs.CL | Sexism Detection on a Data Diet |
2024-06-07T12:32:44Z | http://arxiv.org/pdf/2406.04886v1 | http://arxiv.org/abs/2406.04886v1 | Abisek Rajakumar Kalarani, Pushpak Bhattacharyya, Sumit Shekhar | 2024-06-07T12:32:44Z | cs.CV, cs.AI, cs.CL | Metaphors are a common communication tool used in our day-to-day life. The
detection and generation of metaphors in textual form have been studied
extensively but metaphors in other forms have been under-explored. Recent
studies have shown that Vision-Language (VL) models cannot understand visual
metaphors in memes and adverts. As of now, no probing studies have been done
that involve complex language phenomena like metaphors with videos. Hence, we
introduce a new VL task of describing the metaphors present in the videos in
our work. To facilitate this novel task, we construct and release a manually
created dataset with 705 videos and 2115 human-written captions, along with a
new metric called Average Concept Distance (ACD), to automatically evaluate the
creativity of the metaphors generated. We also propose a novel low-resource
video metaphor captioning system: GIT-LLaVA, which obtains comparable
performance to SoTA video language models on the proposed task. We perform a
comprehensive analysis of existing video language models on this task and
publish our dataset, models, and benchmark results to enable further research. | cs.CV | Seeing the Unseen: Visual Metaphor Captioning for Videos |
2024-06-07T12:26:34Z | http://arxiv.org/pdf/2406.04882v1 | http://arxiv.org/abs/2406.04882v1 | Yuxing Long, Wenzhe Cai, Hongcheng Wang, Guanqi Zhan, Hao Dong | 2024-06-07T12:26:34Z | cs.RO, cs.AI, cs.CL, cs.CV | Enabling robots to navigate following diverse language instructions in
unexplored environments is an attractive goal for human-robot interaction.
However, this goal is challenging because different navigation tasks require
different strategies. The scarcity of instruction navigation data hinders
training an instruction navigation model with varied strategies. Therefore,
previous methods are all constrained to one specific type of navigation
instruction. In this work, we propose InstructNav, a generic instruction
navigation system. InstructNav makes the first endeavor to handle various
instruction navigation tasks without any navigation training or pre-built maps.
To reach this goal, we introduce Dynamic Chain-of-Navigation (DCoN) to unify
the planning process for different types of navigation instructions.
Furthermore, we propose Multi-sourced Value Maps to model key elements in
instruction navigation so that linguistic DCoN planning can be converted into
robot actionable trajectories. With InstructNav, we complete the R2R-CE task in
a zero-shot way for the first time and outperform many task-training methods.
Besides, InstructNav also surpasses the previous SOTA method by 10.48% on the
zero-shot Habitat ObjNav and by 86.34% on demand-driven navigation DDN. Real
robot experiments on diverse indoor scenes further demonstrate our method's
robustness in coping with the environment and instruction variations. | cs.RO | InstructNav: Zero-shot System for Generic Instruction Navigation in Unexplored Environment |
2024-06-07T12:25:51Z | http://arxiv.org/pdf/2406.04879v1 | http://arxiv.org/abs/2406.04879v1 | Megh Thakkar, Quentin Fournier, Matthew D Riemer, Pin-Yu Chen, Amal Zouaq, Payel Das, Sarath Chandar | 2024-06-07T12:25:51Z | cs.CL | Large language models are first pre-trained on trillions of tokens and then
instruction-tuned or aligned to specific preferences. While pre-training
remains out of reach for most researchers due to the compute required,
fine-tuning has become affordable thanks to parameter-efficient methods such as
LoRA and QLoRA. Alignment is known to be sensitive to the many factors
involved, including the quantity and quality of data, the alignment method, and
the adapter rank. However, there has not yet been an extensive study of their
effect on downstream performance. To address this gap, we conduct an in-depth
investigation of the impact of popular choices for three crucial axes: (i) the
alignment dataset (HH-RLHF and BeaverTails), (ii) the alignment technique (SFT
and DPO), and (iii) the model (LLaMA-1, Vicuna-v1.3, Mistral-7b, and
Mistral-7b-Instruct). Our extensive setup spanning over 300 experiments reveals
consistent trends and unexpected findings. We observe how more informative data
helps with preference alignment, cases where supervised fine-tuning outperforms
preference optimization, and how aligning to a distinct preference boosts
performance on downstream tasks. Through our in-depth analyses, we put forward
key guidelines to help researchers perform more effective parameter-efficient
LLM alignment. | cs.CL | A Deep Dive into the Trade-Offs of Parameter-Efficient Preference Alignment Techniques |
2024-06-07T12:18:02Z | http://arxiv.org/pdf/2406.04876v1 | http://arxiv.org/abs/2406.04876v1 | Nankai Lin, Hongyan Wu, Zhengming Chen, Zijian Li, Lianxi Wang, Shengyi Jiang, Dong Zhou, Aimin Yang | 2024-06-07T12:18:02Z | cs.CL | Hate speech on social media is ubiquitous but urgently controlled. Without
detecting and mitigating the biases brought by hate speech, different types of
ethical problems. While a number of datasets have been proposed to address the
problem of hate speech detection, these datasets seldom consider the diversity
and variability of bias, making it far from real-world scenarios. To fill this
gap, we propose a benchmark, named HateDebias, to analyze the model ability of
hate speech detection under continuous, changing environments. Specifically, to
meet the diversity of biases, we collect existing hate speech detection
datasets with different types of biases. To further meet the variability (i.e.,
the changing of bias attributes in datasets), we reorganize datasets to follow
the continuous learning setting. We evaluate the detection accuracy of models
trained on the datasets with a single type of bias with the performance on the
HateDebias, where a significant performance drop is observed. To provide a
potential direction for debiasing, we further propose a debiasing framework
based on continuous learning and bias information regularization, as well as
the memory replay strategies to ensure the debiasing ability of the model.
Experiment results on the proposed benchmark show that the aforementioned
method can improve several baselines with a distinguished margin, highlighting
its effectiveness in real-world applications. | cs.CL | HateDebias: On the Diversity and Variability of Hate Speech Debiasing |
2024-06-07T12:01:59Z | http://arxiv.org/pdf/2406.04866v1 | http://arxiv.org/abs/2406.04866v1 | Raphael Gruber, Abdelrahman Abdallah, Michael Färber, Adam Jatowt | 2024-06-07T12:01:59Z | cs.CL | We introduce ComplexTempQA,a large-scale dataset consisting of over 100
million question-answer pairs designed to tackle the challenges in temporal
question answering. ComplexTempQA significantly surpasses existing benchmarks
like HOTPOTQA, TORQUE, and TEQUILA in scale and scope. Utilizing data from
Wikipedia and Wikidata, the dataset covers questions spanning over two decades
and offers an unmatched breadth of topics. We introduce a unique taxonomy that
categorizes questions as attributes, comparisons, and counting questions, each
revolving around events, entities, and time periods. One standout feature of
ComplexTempQA is the high complexity of its questions, which demand effective
capabilities for answering such as across-time comparison, temporal
aggregation, and multi-hop reasoning involving temporal event ordering and
entity recognition. Additionally, each question is accompanied by detailed
metadata, including specific time scopes, allowing for comprehensive evaluation
and enhancement of the temporal reasoning abilities of large language models.
ComplexTempQA serves both as a testing ground for developing sophisticated AI
models and as a foundation for advancing research in question answering,
information retrieval, and language understanding. Dataset and code are freely
available at: https://github.com/DataScienceUIBK/ComplexTempQA. | cs.CL | ComplexTempQA: A Large-Scale Dataset for Complex Temporal Question Answering |
2024-06-07T11:38:12Z | http://arxiv.org/pdf/2406.04855v1 | http://arxiv.org/abs/2406.04855v1 | Denis Saveliev, Ruslan Kuchakov | 2024-06-07T11:38:12Z | cs.CL | We present the comprehensive Russian primary and secondary legislation corpus
covering 1991 to 2023. The corpus collects all 281,413 texts (176,523,268
tokens) of non-secret federal regulations and acts, along with their metadata.
The corpus has two versions the original text with minimal preprocessing and a
version prepared for linguistic analysis with morphosyntactic markup. | cs.CL | The Russian Legislative Corpus |
2024-06-07T11:37:45Z | http://arxiv.org/pdf/2406.04854v1 | http://arxiv.org/abs/2406.04854v1 | Yikun Wang, Rui Zheng, Liang Ding, Qi Zhang, Dahua Lin, Dacheng Tao | 2024-06-07T11:37:45Z | cs.CL | As instruction-tuned large language models (LLMs) evolve, aligning pretrained
foundation models presents increasing challenges. Existing alignment
strategies, which typically leverage diverse and high-quality data sources,
often overlook the intrinsic uncertainty of tasks, learning all data samples
equally. This may lead to suboptimal data efficiency and model performance. In
response, we propose uncertainty-aware learning (UAL) to improve the model
alignment of different task scenarios, by introducing the sample uncertainty
(elicited from more capable LLMs). We implement UAL in a simple fashion --
adaptively setting the label smoothing value of training according to the
uncertainty of individual samples. Analysis shows that our UAL indeed
facilitates better token clustering in the feature space, validating our
hypothesis. Extensive experiments on widely used benchmarks demonstrate that
our UAL significantly and consistently outperforms standard supervised
fine-tuning. Notably, LLMs aligned in a mixed scenario have achieved an average
improvement of 10.62\% on high-entropy tasks (i.e., AlpacaEval leaderboard),
and 1.81\% on complex low-entropy tasks (i.e., MetaMath and GSM8K). | cs.CL | Uncertainty Aware Learning for Language Model Alignment |
2024-06-07T11:33:21Z | http://arxiv.org/pdf/2406.04851v2 | http://arxiv.org/abs/2406.04851v2 | Emilia Lesiak, Grzegorz Wolny, Bartosz Przybył, Michał Szczerbak | 2024-06-10T13:20:33Z | cs.HC, cs.AI, cs.CL | This article investigates the deployment of a Voice User Interface
(VUI)-powered digital assistant in a retail setting and assesses its impact on
customer engagement and service efficiency. The study explores how digital
assistants can enhance user interactions through advanced conversational
capabilities with multilingual support. By integrating a digital assistant into
a high-traffic retail environment, we evaluate its effectiveness in improving
the quality of customer service and operational efficiency. Data collected
during the experiment demonstrate varied impacts on customer interaction,
revealing insights into the future optimizations of digital assistant
technologies in customer-facing roles. This study contributes to the
understanding of digital transformation strategies within the customer
relations domain emphasizing the need for service flexibility and user-centric
design in modern retail stores. | cs.HC | Digital assistant in a point of sales |
2024-06-07T11:21:52Z | http://arxiv.org/pdf/2406.04847v1 | http://arxiv.org/abs/2406.04847v1 | Jaap Jumelet, Willem Zuidema, Arabella Sinclair | 2024-06-07T11:21:52Z | cs.CL | We explore which linguistic factors -- at the sentence and token level --
play an important role in influencing language model predictions, and
investigate whether these are reflective of results found in humans and human
corpora (Gries and Kootstra, 2017). We make use of the structural priming
paradigm, where recent exposure to a structure facilitates processing of the
same structure. We don't only investigate whether, but also where priming
effects occur, and what factors predict them. We show that these effects can be
explained via the inverse frequency effect, known in human priming, where rarer
elements within a prime increase priming effects, as well as lexical dependence
between prime and target. Our results provide an important piece in the puzzle
of understanding how properties within their context affect structural
prediction in language models. | cs.CL | Do Language Models Exhibit Human-like Structural Priming Effects? |
2024-06-07T11:19:30Z | http://arxiv.org/pdf/2406.04845v1 | http://arxiv.org/abs/2406.04845v1 | Rui Ye, Rui Ge, Xinyu Zhu, Jingyi Chai, Yaxin Du, Yang Liu, Yanfeng Wang, Siheng Chen | 2024-06-07T11:19:30Z | cs.CL, cs.AI, cs.DC, cs.LG, cs.MA | Federated learning has enabled multiple parties to collaboratively train
large language models without directly sharing their data (FedLLM). Following
this training paradigm, the community has put massive efforts from diverse
aspects including framework, performance, and privacy. However, an unpleasant
fact is that there are currently no realistic datasets and benchmarks for
FedLLM and previous works all rely on artificially constructed datasets,
failing to capture properties in real-world scenarios. Addressing this, we
propose FedLLM-Bench, which involves 8 training methods, 4 training datasets,
and 6 evaluation metrics, to offer a comprehensive testbed for the FedLLM
community. FedLLM-Bench encompasses three datasets (e.g., user-annotated
multilingual dataset) for federated instruction tuning and one dataset (e.g.,
user-annotated preference dataset) for federated preference alignment, whose
scale of client number ranges from 38 to 747. Our datasets incorporate several
representative diversities: language, quality, quantity, instruction, length,
embedding, and preference, capturing properties in real-world scenarios. Based
on FedLLM-Bench, we conduct experiments on all datasets to benchmark existing
FL methods and provide empirical insights (e.g., multilingual collaboration).
We believe that our FedLLM-Bench can benefit the FedLLM community by reducing
required efforts, providing a practical testbed, and promoting fair
comparisons. Code and datasets are available at
https://github.com/rui-ye/FedLLM-Bench. | cs.CL | FedLLM-Bench: Realistic Benchmarks for Federated Learning of Large Language Models |
2024-06-07T11:09:13Z | http://arxiv.org/pdf/2406.04836v1 | http://arxiv.org/abs/2406.04836v1 | Hongyu Li, Liang Ding, Meng Fang, Dacheng Tao | 2024-06-07T11:09:13Z | cs.CL, cs.AI | Catastrophic Forgetting (CF) means models forgetting previously acquired
knowledge when learning new data. It compromises the effectiveness of large
language models (LLMs) during fine-tuning, yet the underlying causes have not
been thoroughly investigated. This paper takes the first step to reveal the
direct link between the flatness of the model loss landscape and the extent of
CF in the field of LLMs. Based on this, we introduce the sharpness-aware
minimization to mitigate CF by flattening the loss landscape. Experiments on
three widely-used fine-tuning datasets, spanning different model scales,
demonstrate the effectiveness of our method in alleviating CF. Analyses show
that we nicely complement the existing anti-forgetting strategies, further
enhancing the resistance of LLMs to CF. | cs.CL | Revisiting Catastrophic Forgetting in Large Language Model Tuning |
2024-06-07T11:01:15Z | http://arxiv.org/pdf/2406.04834v2 | http://arxiv.org/abs/2406.04834v2 | Xinyue Cui, Swabha Swayamdipta | 2024-06-25T02:54:19Z | cs.CL | Despite the remarkable generative capabilities of language models in
producing naturalistic language, their effectiveness on explicit manipulation
and generation of linguistic structures remain understudied. In this paper, we
investigate the task of generating new sentences preserving a given semantic
structure, following the FrameNet formalism. We propose a framework to produce
novel frame-semantically annotated sentences following an
overgenerate-and-filter approach. Our results show that conditioning on rich,
explicit semantic information tends to produce generations with high human
acceptance, under both prompting and finetuning. Our generated frame-semantic
structured annotations are effective at training data augmentation for
frame-semantic role labeling in low-resource settings; however, we do not see
benefits under higher resource settings. Our study concludes that while
generating high-quality, semantically rich data might be within reach, the
downstream utility of such generations remains to be seen, highlighting the
outstanding challenges with automating linguistic annotation tasks. | cs.CL | Annotating FrameNet via Structure-Conditioned Language Generation |
2024-06-07T10:48:45Z | http://arxiv.org/pdf/2406.04823v1 | http://arxiv.org/abs/2406.04823v1 | David Samuel | 2024-06-07T10:48:45Z | cs.CL, cs.AI | This paper explores the in-context learning capabilities of masked language
models, challenging the common view that this ability does not 'emerge' in
them. We present an embarrassingly simple inference technique that enables
DeBERTa to operate as a generative model without any additional training. Our
findings demonstrate that DeBERTa can match and even surpass GPT-3, its
contemporary that famously introduced the paradigm of in-context learning. The
comparative analysis reveals that the masked and causal language models behave
very differently, as they clearly outperform each other on different categories
of tasks. This suggests that there is great potential for a hybrid training
approach that takes advantage of the strengths of both training objectives. | cs.CL | BERTs are Generative In-Context Learners |
2024-06-07T10:04:39Z | http://arxiv.org/pdf/2406.04800v1 | http://arxiv.org/abs/2406.04800v1 | Weizhi Tang, Vaishak Belle | 2024-06-07T10:04:39Z | cs.AI, cs.CL | Large Language Models (LLMs) have recently shown a promise and emergence of
Theory of Mind (ToM) ability and even outperform humans in certain ToM tasks.
To evaluate and extend the boundaries of the ToM reasoning ability of LLMs, we
propose a novel concept, taxonomy, and framework, the ToM reasoning with Zero,
Finite, and Infinite Belief History and develop a multi-round text-based game,
called $\textit{Pick the Right Stuff}$, as a benchmark. We have evaluated six
LLMs with this game and found their performance on Zero Belief History is
consistently better than on Finite Belief History. In addition, we have found
two of the models with small parameter sizes outperform all the evaluated
models with large parameter sizes. We expect this work to pave the way for
future ToM benchmark development and also for the promotion and development of
more complex AI agents or systems which are required to be equipped with more
complex ToM reasoning ability. | cs.AI | Zero, Finite, and Infinite Belief History of Theory of Mind Reasoning in Large Language Models |
2024-06-07T09:32:03Z | http://arxiv.org/pdf/2406.04784v1 | http://arxiv.org/abs/2406.04784v1 | Ruihan Yang, Jiangjie Chen, Yikai Zhang, Siyu Yuan, Aili Chen, Kyle Richardson, Yanghua Xiao, Deqing Yang | 2024-06-07T09:32:03Z | cs.CL, cs.AI | Language agents powered by large language models (LLMs) are increasingly
valuable as decision-making tools in domains such as gaming and programming.
However, these agents often face challenges in achieving high-level goals
without detailed instructions and in adapting to environments where feedback is
delayed. In this paper, we present SelfGoal, a novel automatic approach
designed to enhance agents' capabilities to achieve high-level goals with
limited human prior and environmental feedback. The core concept of SelfGoal
involves adaptively breaking down a high-level goal into a tree structure of
more practical subgoals during the interaction with environments while
identifying the most useful subgoals and progressively updating this structure.
Experimental results demonstrate that SelfGoal significantly enhances the
performance of language agents across various tasks, including competitive,
cooperative, and deferred feedback environments. Project page:
https://selfgoal-agent.github.io. | cs.CL | SelfGoal: Your Language Agents Already Know How to Achieve High-level Goals |
2024-06-07T09:15:44Z | http://arxiv.org/pdf/2406.04770v1 | http://arxiv.org/abs/2406.04770v1 | Bill Yuchen Lin, Yuntian Deng, Khyathi Chandu, Faeze Brahman, Abhilasha Ravichander, Valentina Pyatkin, Nouha Dziri, Ronan Le Bras, Yejin Choi | 2024-06-07T09:15:44Z | cs.CL, cs.AI | We introduce WildBench, an automated evaluation framework designed to
benchmark large language models (LLMs) using challenging, real-world user
queries. WildBench consists of 1,024 tasks carefully selected from over one
million human-chatbot conversation logs. For automated evaluation with
WildBench, we have developed two metrics, WB-Reward and WB-Score, which are
computable using advanced LLMs such as GPT-4-turbo. WildBench evaluation uses
task-specific checklists to evaluate model outputs systematically and provides
structured explanations that justify the scores and comparisons, resulting in
more reliable and interpretable automatic judgments. WB-Reward employs
fine-grained pairwise comparisons between model responses, generating five
potential outcomes: much better, slightly better, slightly worse, much worse,
or a tie. Unlike previous evaluations that employed a single baseline model, we
selected three baseline models at varying performance levels to ensure a
comprehensive pairwise evaluation. Additionally, we propose a simple method to
mitigate length bias, by converting outcomes of ``slightly better/worse'' to
``tie'' if the winner response exceeds the loser one by more than $K$
characters. WB-Score evaluates the quality of model outputs individually,
making it a fast and cost-efficient evaluation metric. WildBench results
demonstrate a strong correlation with the human-voted Elo ratings from Chatbot
Arena on hard tasks. Specifically, WB-Reward achieves a Pearson correlation of
0.98 with top-ranking models. Additionally, WB-Score reaches 0.95, surpassing
both ArenaHard's 0.91 and AlpacaEval2.0's 0.89 for length-controlled win rates,
as well as the 0.87 for regular win rates. | cs.CL | WildBench: Benchmarking LLMs with Challenging Tasks from Real Users in the Wild |
2024-06-07T08:58:29Z | http://arxiv.org/pdf/2406.04758v1 | http://arxiv.org/abs/2406.04758v1 | Jiangnan Li, Zheng Lin, Lanrui Wang, Qingyi Si, Yanan Cao, Mo Yu, Peng Fu, Weiping Wang, Jie Zhou | 2024-06-07T08:58:29Z | cs.CL | Humans convey emotions through daily dialogues, making emotion understanding
a crucial step of affective intelligence. To understand emotions in dialogues,
machines are asked to recognize the emotion for an utterance (Emotion
Recognition in Dialogues, ERD); based on the emotion, then find causal
utterances for the emotion (Emotion Cause Extraction in Dialogues, ECED). The
setting of the two tasks requires first ERD and then ECED, ignoring the mutual
complement between emotion and cause. To fix this, some new tasks are proposed
to extract them simultaneously. Although the current research on these tasks
has excellent achievements, simply identifying emotion-related factors by
classification modeling lacks realizing the specific thinking process of causes
stimulating the emotion in an explainable way. This thinking process especially
reflected in the reasoning ability of Large Language Models (LLMs) is
under-explored. To this end, we propose a new task "Emotion Deducing
Explanation in Dialogues" (EDEN). EDEN recognizes emotion and causes in an
explicitly thinking way. That is, models need to generate an explanation text,
which first summarizes the causes; analyzes the inner activities of the
speakers triggered by the causes using common sense; then guesses the emotion
accordingly. To support the study of EDEN, based on the existing resources in
ECED, we construct two EDEN datasets by human effort. We further evaluate
different models on EDEN and find that LLMs are more competent than
conventional PLMs. Besides, EDEN can help LLMs achieve better recognition of
emotions and causes, which explores a new research direction of explainable
emotion understanding in dialogues. | cs.CL | Think out Loud: Emotion Deducing Explanation in Dialogues |
2024-06-07T08:52:24Z | http://arxiv.org/pdf/2406.04752v1 | http://arxiv.org/abs/2406.04752v1 | Ling Shi, Deyi Xiong | 2024-06-07T08:52:24Z | cs.CL | Large language models (LLMs) are possessed of numerous beneficial
capabilities, yet their potential inclination harbors unpredictable risks that
may materialize in the future. We hence propose CRiskEval, a Chinese dataset
meticulously designed for gauging the risk proclivities inherent in LLMs such
as resource acquisition and malicious coordination, as part of efforts for
proactive preparedness. To curate CRiskEval, we define a new risk taxonomy with
7 types of frontier risks and 4 safety levels, including extremely
hazardous,moderately hazardous, neutral and safe. We follow the philosophy of
tendency evaluation to empirically measure the stated desire of LLMs via
fine-grained multiple-choice question answering. The dataset consists of 14,888
questions that simulate scenarios related to predefined 7 types of frontier
risks. Each question is accompanied with 4 answer choices that state opinions
or behavioral tendencies corresponding to the question. All answer choices are
manually annotated with one of the defined risk levels so that we can easily
build a fine-grained frontier risk profile for each assessed LLM. Extensive
evaluation with CRiskEval on a spectrum of prevalent Chinese LLMs has unveiled
a striking revelation: most models exhibit risk tendencies of more than 40%
(weighted tendency to the four risk levels). Furthermore, a subtle increase in
the model's inclination toward urgent self-sustainability, power seeking and
other dangerous goals becomes evident as the size of models increase. To
promote further research on the frontier risk evaluation of LLMs, we publicly
release our dataset at https://github.com/lingshi6565/Risk_eval. | cs.CL | CRiskEval: A Chinese Multi-Level Risk Evaluation Benchmark Dataset for Large Language Models |
2024-06-07T08:46:19Z | http://arxiv.org/pdf/2406.04746v1 | http://arxiv.org/abs/2406.04746v1 | Eduard Poesina, Adriana Valentina Costache, Adrian-Gabriel Chifu, Josiane Mothe, Radu Tudor Ionescu | 2024-06-07T08:46:19Z | cs.CV, cs.AI, cs.CL, cs.LG | Text-to-image generation has recently emerged as a viable alternative to
text-to-image retrieval, due to the visually impressive results of generative
diffusion models. Although query performance prediction is an active research
topic in information retrieval, to the best of our knowledge, there is no prior
study that analyzes the difficulty of queries (prompts) in text-to-image
generation, based on human judgments. To this end, we introduce the first
dataset of prompts which are manually annotated in terms of image generation
performance. In order to determine the difficulty of the same prompts in image
retrieval, we also collect manual annotations that represent retrieval
performance. We thus propose the first benchmark for joint text-to-image prompt
and query performance prediction, comprising 10K queries. Our benchmark
enables: (i) the comparative assessment of the difficulty of prompts/queries in
image generation and image retrieval, and (ii) the evaluation of prompt/query
performance predictors addressing both generation and retrieval. We present
results with several pre-generation/retrieval and post-generation/retrieval
performance predictors, thus providing competitive baselines for future
research. Our benchmark and code is publicly available under the CC BY 4.0
license at https://github.com/Eduard6421/PQPP. | cs.CV | PQPP: A Joint Benchmark for Text-to-Image Prompt and Query Performance Prediction |
2024-06-07T08:43:07Z | http://arxiv.org/pdf/2406.04744v1 | http://arxiv.org/abs/2406.04744v1 | Xiao Yang, Kai Sun, Hao Xin, Yushi Sun, Nikita Bhalla, Xiangsen Chen, Sajal Choudhary, Rongze Daniel Gui, Ziran Will Jiang, Ziyu Jiang, Lingkun Kong, Brian Moran, Jiaqi Wang, Yifan Ethan Xu, An Yan, Chenyu Yang, Eting Yuan, Hanwen Zha, Nan Tang, Lei Chen, Nicolas Scheffer, Yue Liu, Nirav Shah, Rakesh Wanga, Anuj Kumar, Wen-tau Yih, Xin Luna Dong | 2024-06-07T08:43:07Z | cs.CL | Retrieval-Augmented Generation (RAG) has recently emerged as a promising
solution to alleviate Large Language Model (LLM)'s deficiency in lack of
knowledge. Existing RAG datasets, however, do not adequately represent the
diverse and dynamic nature of real-world Question Answering (QA) tasks. To
bridge this gap, we introduce the Comprehensive RAG Benchmark (CRAG), a factual
question answering benchmark of 4,409 question-answer pairs and mock APIs to
simulate web and Knowledge Graph (KG) search. CRAG is designed to encapsulate a
diverse array of questions across five domains and eight question categories,
reflecting varied entity popularity from popular to long-tail, and temporal
dynamisms ranging from years to seconds. Our evaluation on this benchmark
highlights the gap to fully trustworthy QA. Whereas most advanced LLMs achieve
<=34% accuracy on CRAG, adding RAG in a straightforward manner improves the
accuracy only to 44%. State-of-the-art industry RAG solutions only answer 63%
questions without any hallucination. CRAG also reveals much lower accuracy in
answering questions regarding facts with higher dynamism, lower popularity, or
higher complexity, suggesting future research directions. The CRAG benchmark
laid the groundwork for a KDD Cup 2024 challenge, attracting thousands of
participants and submissions within the first 50 days of the competition. We
commit to maintaining CRAG to serve research communities in advancing RAG
solutions and general QA solutions. | cs.CL | CRAG -- Comprehensive RAG Benchmark |
2024-06-07T08:34:30Z | http://arxiv.org/pdf/2406.04734v1 | http://arxiv.org/abs/2406.04734v1 | Tobias Alt, Andrea Ibisch, Clemens Meiser, Anna Wilhelm, Raphael Zimmer, Christian Berghoff, Christoph Droste, Jens Karschau, Friederike Laus, Rainer Plaga, Carola Plesch, Britta Sennewald, Thomas Thaeren, Kristina Unverricht, Steffen Waurick | 2024-06-07T08:34:30Z | cs.AI, cs.CL, cs.CR, 68T50 (Primary), 68M25, 68T07 (Secondary), I.2.7 | Generative AI models are capable of performing a wide range of tasks that
traditionally require creativity and human understanding. They learn patterns
from existing data during training and can subsequently generate new content
such as texts, images, and music that follow these patterns. Due to their
versatility and generally high-quality results, they, on the one hand,
represent an opportunity for digitalization. On the other hand, the use of
generative AI models introduces novel IT security risks that need to be
considered for a comprehensive analysis of the threat landscape in relation to
IT security. In response to this risk potential, companies or authorities using
them should conduct an individual risk analysis before integrating generative
AI into their workflows. The same applies to developers and operators, as many
risks in the context of generative AI have to be taken into account at the time
of development or can only be influenced by the operating company. Based on
this, existing security measures can be adjusted, and additional measures can
be taken. | cs.AI | Generative AI Models: Opportunities and Risks for Industry and Authorities |
2024-06-07T08:01:51Z | http://arxiv.org/pdf/2406.06619v1 | http://arxiv.org/abs/2406.06619v1 | Zheshu Song, Jianheng Zhuo, Yifan Yang, Ziyang Ma, Shixiong Zhang, Xie Chen | 2024-06-07T08:01:51Z | eess.AS, cs.AI, cs.CL | Recent years have witnessed significant progress in multilingual automatic
speech recognition (ASR), driven by the emergence of end-to-end (E2E) models
and the scaling of multilingual datasets. Despite that, two main challenges
persist in multilingual ASR: language interference and the incorporation of new
languages without degrading the performance of the existing ones. This paper
proposes LoRA-Whisper, which incorporates LoRA matrix into Whisper for
multilingual ASR, effectively mitigating language interference. Furthermore, by
leveraging LoRA and the similarities between languages, we can achieve better
performance on new languages while upholding consistent performance on original
ones. Experiments on a real-world task across eight languages demonstrate that
our proposed LoRA-Whisper yields a relative gain of 18.5% and 23.0% over the
baseline system for multilingual ASR and language expansion respectively. | eess.AS | LoRA-Whisper: Parameter-Efficient and Extensible Multilingual ASR |
2024-06-07T07:45:38Z | http://arxiv.org/pdf/2406.04712v1 | http://arxiv.org/abs/2406.04712v1 | Yinghui Xia, Yuyan Chen, Tianyu Shi, Jun Wang, Jinsong Yang | 2024-06-07T07:45:38Z | cs.CL | Automated code generation is a pivotal capability of large language models
(LLMs). However, assessing this capability in real-world scenarios remains
challenging. Previous methods focus more on low-level code generation, such as
model loading, instead of generating high-level codes catering for real-world
tasks, such as image-to-text, text classification, in various domains.
Therefore, we construct AICoderEval, a dataset focused on real-world tasks in
various domains based on HuggingFace, PyTorch, and TensorFlow, along with
comprehensive metrics for evaluation and enhancing LLMs' task-specific code
generation capability. AICoderEval contains test cases and complete programs
for automated evaluation of these tasks, covering domains such as natural
language processing, computer vision, and multimodal learning. To facilitate
research in this area, we open-source the AICoderEval dataset at
\url{https://huggingface.co/datasets/vixuowis/AICoderEval}. After that, we
propose CoderGen, an agent-based framework, to help LLMs generate codes related
to real-world tasks on the constructed AICoderEval. Moreover, we train a more
powerful task-specific code generation model, named AICoder, which is refined
on llama-3 based on AICoderEval. Our experiments demonstrate the effectiveness
of CoderGen in improving LLMs' task-specific code generation capability (by
12.00\% on pass@1 for original model and 9.50\% on pass@1 for ReAct Agent).
AICoder also outperforms current code generation LLMs, indicating the great
quality of the AICoderEval benchmark. | cs.CL | AICoderEval: Improving AI Domain Code Generation of Large Language Models |
2024-06-07T07:04:10Z | http://arxiv.org/pdf/2406.04692v1 | http://arxiv.org/abs/2406.04692v1 | Junlin Wang, Jue Wang, Ben Athiwaratkun, Ce Zhang, James Zou | 2024-06-07T07:04:10Z | cs.CL | Recent advances in large language models (LLMs) demonstrate substantial
capabilities in natural language understanding and generation tasks. With the
growing number of LLMs, how to harness the collective expertise of multiple
LLMs is an exciting open direction. Toward this goal, we propose a new approach
that leverages the collective strengths of multiple LLMs through a
Mixture-of-Agents (MoA) methodology. In our approach, we construct a layered
MoA architecture wherein each layer comprises multiple LLM agents. Each agent
takes all the outputs from agents in the previous layer as auxiliary
information in generating its response. MoA models achieves state-of-art
performance on AlpacaEval 2.0, MT-Bench and FLASK, surpassing GPT-4 Omni. For
example, our MoA using only open-source LLMs is the leader of AlpacaEval 2.0 by
a substantial gap, achieving a score of 65.1% compared to 57.5% by GPT-4 Omni. | cs.CL | Mixture-of-Agents Enhances Large Language Model Capabilities |
2024-06-07T06:44:09Z | http://arxiv.org/pdf/2406.06616v1 | http://arxiv.org/abs/2406.06616v1 | Masoumeh Farhadi Nia, Mohsen Ahmadi, Elyas Irankhah | 2024-06-07T06:44:09Z | cs.CL, cs.AI, cs.LG | Artificial intelligence has dramatically reshaped our interaction with
digital technologies, ushering in an era where advancements in AI algorithms
and Large Language Models (LLMs) have natural language processing (NLP) systems
like ChatGPT. This study delves into the impact of cutting-edge LLMs, notably
OpenAI's ChatGPT, on medical diagnostics, with a keen focus on the dental
sector. Leveraging publicly accessible datasets, these models augment the
diagnostic capabilities of medical professionals, streamline communication
between patients and healthcare providers, and enhance the efficiency of
clinical procedures. The advent of ChatGPT-4 is poised to make substantial
inroads into dental practices, especially in the realm of oral surgery. This
paper sheds light on the current landscape and explores potential future
research directions in the burgeoning field of LLMs, offering valuable insights
for both practitioners and developers. Furthermore, it critically assesses the
broad implications and challenges within various sectors, including academia
and healthcare, thus mapping out an overview of AI's role in transforming
dental diagnostics for enhanced patient care. | cs.CL | Transforming Dental Diagnostics with Artificial Intelligence: Advanced Integration of ChatGPT and Large Language Models for Patient Care |
2024-06-07T06:35:37Z | http://arxiv.org/pdf/2406.04670v1 | http://arxiv.org/abs/2406.04670v1 | Dongkyu Lee, Chandana Satya Prakash, Jack FitzGerald, Jens Lehmann | 2024-06-07T06:35:37Z | cs.CL, cs.AI | Leveraging external knowledge is crucial for achieving high performance in
knowledge-intensive tasks, such as question answering. The retrieve-and-read
approach is widely adopted for integrating external knowledge into a language
model. However, this approach suffers from increased computational cost and
latency due to the long context length, which grows proportionally with the
number of retrieved knowledge. Furthermore, existing retrieval-augmented models
typically retrieve information from a single type of knowledge source, limiting
their scalability to diverse knowledge sources with varying structures. In this
work, we introduce an efficient memory-augmented transformer called MATTER,
designed to retrieve relevant knowledge from multiple heterogeneous knowledge
sources. Specifically, our model retrieves and reads from both unstructured
sources (paragraphs) and semi-structured sources (QA pairs) in the form of
fixed-length neural memories. We demonstrate that our model outperforms
existing efficient retrieval-augmented models on popular QA benchmarks in terms
of both accuracy and speed. Furthermore, MATTER achieves competitive results
compared to conventional read-and-retrieve models while having 100x throughput
during inference. | cs.CL | MATTER: Memory-Augmented Transformer Using Heterogeneous Knowledge Sources |
2024-06-07T06:35:21Z | http://arxiv.org/pdf/2406.04669v1 | http://arxiv.org/abs/2406.04669v1 | Chengang Hu, Xiao Liu, Yansong Feng | 2024-06-07T06:35:21Z | cs.CL | Most of the existing compositional generalization datasets are
synthetically-generated, resulting in a lack of natural language variation.
While there have been recent attempts to introduce non-synthetic datasets for
compositional generalization, they suffer from either limited data scale or a
lack of diversity in the forms of combinations. To better investigate
compositional generalization with more linguistic phenomena and compositional
diversity, we propose the DIsh NamE Recognition (DiNeR) task and create a large
realistic Chinese dataset. Given a recipe instruction, models are required to
recognize the dish name composed of diverse combinations of food, actions, and
flavors. Our dataset consists of 3,811 dishes and 228,114 recipes, and involves
plenty of linguistic phenomena such as anaphora, omission and ambiguity. We
provide two strong baselines based on T5 and large language models (LLMs). This
work contributes a challenging task, baseline methods to tackle the task, and
insights into compositional generalization in the context of dish name
recognition. Code and data are available at https://github.com/Jumpy-pku/DiNeR. | cs.CL | DiNeR: a Large Realistic Dataset for Evaluating Compositional Generalization |
2024-06-07T05:03:44Z | http://arxiv.org/pdf/2406.04643v1 | http://arxiv.org/abs/2406.04643v1 | Wichayaporn Wongkamjan, Feng Gu, Yanze Wang, Ulf Hermjakob, Jonathan May, Brandon M. Stewart, Jonathan K. Kummerfeld, Denis Peskoff, Jordan Lee Boyd-Graber | 2024-06-07T05:03:44Z | cs.CL | The boardgame Diplomacy is a challenging setting for communicative and
cooperative artificial intelligence. The most prominent communicative Diplomacy
AI, Cicero, has excellent strategic abilities, exceeding human players.
However, the best Diplomacy players master communication, not just tactics,
which is why the game has received attention as an AI challenge. This work
seeks to understand the degree to which Cicero succeeds at communication.
First, we annotate in-game communication with abstract meaning representation
to separate in-game tactics from general language. Second, we run two dozen
games with humans and Cicero, totaling over 200 human-player hours of
competition. While AI can consistently outplay human players, AI-Human
communication is still limited because of AI's difficulty with deception and
persuasion. This shows that Cicero relies on strategy and has not yet reached
the full promise of communicative and cooperative AI. | cs.CL | More Victories, Less Cooperation: Assessing Cicero's Diplomacy Play |
2024-06-07T04:52:46Z | http://arxiv.org/pdf/2406.04638v1 | http://arxiv.org/abs/2406.04638v1 | Xiang Kong, Tom Gunter, Ruoming Pang | 2024-06-07T04:52:46Z | cs.CL | Large Language Model (LLM) pre-training exhausts an ever growing compute
budget, yet recent research has demonstrated that careful document selection
enables comparable model quality with only a fraction of the FLOPs. Inspired by
efforts suggesting that domain-specific training document selection is in fact
an interpretable process [Gunasekar et al., 2023], as well as research showing
that instruction-finetuned LLMs are adept zero-shot data labelers [Gilardi et
al.,2023], we explore a promising direction for scalable general-domain
document selection; employing a prompted LLM as a document grader, we distill
quality labels into a classifier model, which is applied at scale to a large,
and already heavily-filtered, web-crawl-derived corpus autonomously. Following
the guidance of this classifier, we drop 75% of the corpus and train LLMs on
the remaining data. Results across multiple benchmarks show that: 1. Filtering
allows us to quality-match a model trained on the full corpus across diverse
benchmarks with at most 70% of the FLOPs, 2. More capable LLM labelers and
classifier models lead to better results that are less sensitive to the
labeler's prompt, 3. In-context learning helps to boost the performance of
less-capable labeling models. In all cases we use open-source datasets, models,
recipes, and evaluation frameworks, so that results can be reproduced by the
community. | cs.CL | Large Language Model-guided Document Selection |
2024-06-07T04:31:41Z | http://arxiv.org/pdf/2406.04630v1 | http://arxiv.org/abs/2406.04630v1 | Gyutae Park, Seojin Hwang, Hwanhee Lee | 2024-06-07T04:31:41Z | cs.CL | Cross-lingual summarization (XLS) aims to generate a summary in a target
language different from the source language document. While large language
models (LLMs) have shown promising zero-shot XLS performance, their few-shot
capabilities on this task remain unexplored, especially for low-resource
languages with limited parallel data. In this paper, we investigate the
few-shot XLS performance of various models, including Mistral-7B-Instruct-v0.2,
GPT-3.5, and GPT-4. Our experiments demonstrate that few-shot learning
significantly improves the XLS performance of LLMs, particularly GPT-3.5 and
GPT-4, in low-resource settings. However, the open-source model
Mistral-7B-Instruct-v0.2 struggles to adapt effectively to the XLS task with
limited examples. Our findings highlight the potential of few-shot learning for
improving XLS performance and the need for further research in designing LLM
architectures and pre-training objectives tailored for this task. We provide a
future work direction to explore more effective few-shot learning strategies
and to investigate the transfer learning capabilities of LLMs for cross-lingual
summarization. | cs.CL | Low-Resource Cross-Lingual Summarization through Few-Shot Learning with Large Language Models |
2024-06-07T04:25:38Z | http://arxiv.org/pdf/2406.06615v1 | http://arxiv.org/abs/2406.06615v1 | Seungeun Rho, Laura Smith, Tianyu Li, Sergey Levine, Xue Bin Peng, Sehoon Ha | 2024-06-07T04:25:38Z | cs.CL, cs.AI, cs.LG, cs.RO | Skill discovery methods enable agents to learn diverse emergent behaviors
without explicit rewards. To make learned skills useful for unknown downstream
tasks, obtaining a semantically diverse repertoire of skills is essential.
While some approaches introduce a discriminator to distinguish skills and
others aim to increase state coverage, no existing work directly addresses the
"semantic diversity" of skills. We hypothesize that leveraging the semantic
knowledge of large language models (LLMs) can lead us to improve semantic
diversity of resulting behaviors. In this sense, we introduce Language Guided
Skill Discovery (LGSD), a skill discovery framework that aims to directly
maximize the semantic diversity between skills. LGSD takes user prompts as
input and outputs a set of semantically distinctive skills. The prompts serve
as a means to constrain the search space into a semantically desired subspace,
and the generated LLM outputs guide the agent to visit semantically diverse
states within the subspace. We demonstrate that LGSD enables legged robots to
visit different user-intended areas on a plane by simply changing the prompt.
Furthermore, we show that language guidance aids in discovering more diverse
skills compared to five existing skill discovery methods in robot-arm
manipulation environments. Lastly, LGSD provides a simple way of utilizing
learned skills via natural language. | cs.CL | Language Guided Skill Discovery |
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.