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-02-28T23:34:51Z | http://arxiv.org/pdf/2402.18756v1 | http://arxiv.org/abs/2402.18756v1 | Chantal Shaib, Joe Barrow, Alexa F. Siu, Byron C. Wallace, Ani Nenkova | 2024-02-28T23:34:51Z | cs.CL | Modern instruction-tuned models have become highly capable in text generation
tasks such as summarization, and are expected to be released at a steady pace.
In practice one may now wish to choose confidently, but with minimal effort,
the best performing summarization model when applied to a new domain or
purpose. In this work, we empirically investigate the test sample size
necessary to select a preferred model in the context of news summarization.
Empirical results reveal that comparative evaluation converges quickly for both
automatic and human evaluation, with clear preferences for a system emerging
from under 100 examples. The human preference data allows us to quantify how
well automatic scores can reproduce preference rankings across a variety of
downstream summarization tasks. We find that, while automatic metrics are
stable at smaller sample sizes, only some automatic metrics are able to
moderately predict model win rates according to human preference. | cs.CL | How Much Annotation is Needed to Compare Summarization Models? |
2024-02-28T23:01:24Z | http://arxiv.org/pdf/2402.18747v2 | http://arxiv.org/abs/2402.18747v2 | Vilém Zouhar, Shuoyang Ding, Anna Currey, Tatyana Badeka, Jenyuan Wang, Brian Thompson | 2024-06-04T04:14:16Z | cs.CL, cs.AI | We introduce a new, extensive multidimensional quality metrics (MQM)
annotated dataset covering 11 language pairs in the biomedical domain. We use
this dataset to investigate whether machine translation (MT) metrics which are
fine-tuned on human-generated MT quality judgements are robust to domain shifts
between training and inference. We find that fine-tuned metrics exhibit a
substantial performance drop in the unseen domain scenario relative to metrics
that rely on the surface form, as well as pre-trained metrics which are not
fine-tuned on MT quality judgments. | cs.CL | Fine-Tuned Machine Translation Metrics Struggle in Unseen Domains |
2024-02-28T22:27:49Z | http://arxiv.org/pdf/2402.18734v1 | http://arxiv.org/abs/2402.18734v1 | Dejan Grubisic, Chris Cummins, Volker Seeker, Hugh Leather | 2024-02-28T22:27:49Z | cs.LG, cs.CL, cs.PF | Large language models show great potential in generating and optimizing code.
Widely used sampling methods such as Nucleus Sampling increase the diversity of
generation but often produce repeated samples for low temperatures and
incoherent samples for high temperatures. Furthermore, the temperature
coefficient has to be tuned for each task, limiting its usability. We present
Priority Sampling, a simple and deterministic sampling technique that produces
unique samples ordered by the model's confidence. Each new sample expands the
unexpanded token with the highest probability in the augmented search tree.
Additionally, Priority Sampling supports generation based on regular expression
that provides a controllable and structured exploration process. Priority
Sampling outperforms Nucleus Sampling for any number of samples, boosting the
performance of the original model from 2.87% to 5% improvement over -Oz.
Moreover, it outperforms the autotuner used for the generation of labels for
the training of the original model in just 30 samples. | cs.LG | Priority Sampling of Large Language Models for Compilers |
2024-02-28T22:21:47Z | http://arxiv.org/pdf/2404.01306v3 | http://arxiv.org/abs/2404.01306v3 | Amit Dhurandhar, Tejaswini Pedapati, Ronny Luss, Soham Dan, Aurelie Lozano, Payel Das, Georgios Kollias | 2024-06-05T16:07:13Z | cs.LG, cs.CL | Transformer-based Language Models have become ubiquitous in Natural Language
Processing (NLP) due to their impressive performance on various tasks. However,
expensive training as well as inference remains a significant impediment to
their widespread applicability. While enforcing sparsity at various levels of
the model architecture has found promise in addressing scaling and efficiency
issues, there remains a disconnect between how sparsity affects network
topology. Inspired by brain neuronal networks, we explore sparsity approaches
through the lens of network topology. Specifically, we exploit mechanisms seen
in biological networks, such as preferential attachment and redundant synapse
pruning, and show that principled, model-agnostic sparsity approaches are
performant and efficient across diverse NLP tasks, spanning both classification
(such as natural language inference) and generation (summarization, machine
translation), despite our sole objective not being optimizing performance.
NeuroPrune is competitive with (or sometimes superior to) baselines on
performance and can be up to $10$x faster in terms of training time for a given
level of sparsity, simultaneously exhibiting measurable improvements in
inference time in many cases. | cs.LG | NeuroPrune: A Neuro-inspired Topological Sparse Training Algorithm for Large Language Models |
2024-02-28T20:41:21Z | http://arxiv.org/pdf/2402.18700v2 | http://arxiv.org/abs/2402.18700v2 | Yu-Neng Chuang, Tianwei Xing, Chia-Yuan Chang, Zirui Liu, Xun Chen, Xia Hu | 2024-04-02T02:38:31Z | cs.CL, cs.AI, cs.LG | Large language models (LLMs) are great at processing multiple natural
language processing tasks, but their abilities are constrained by inferior
performance with long context, slow inference speed, and the high cost of
computing the results. Deploying LLMs with precise and informative context
helps users process large-scale datasets more effectively and cost-efficiently.
Existing works rely on compressing long prompt contexts into soft prompts.
However, soft prompt compression encounters limitations in transferability
across different LLMs, especially API-based LLMs. To this end, this work aims
to compress lengthy prompts in the form of natural language with LLM
transferability. This poses two challenges: (i) Natural Language (NL) prompts
are incompatible with back-propagation, and (ii) NL prompts lack flexibility in
imposing length constraints. In this work, we propose a Natural Language Prompt
Encapsulation (Nano-Capsulator) framework compressing original prompts into NL
formatted Capsule Prompt while maintaining the prompt utility and
transferability. Specifically, to tackle the first challenge, the
Nano-Capsulator is optimized by a reward function that interacts with the
proposed semantics preserving loss. To address the second question, the
Nano-Capsulator is optimized by a reward function featuring length constraints.
Experimental results demonstrate that the Capsule Prompt can reduce 81.4% of
the original length, decrease inference latency up to 4.5x, and save 80.1% of
budget overheads while providing transferability across diverse LLMs and
different datasets. | cs.CL | Learning to Compress Prompt in Natural Language Formats |
2024-02-28T20:22:17Z | http://arxiv.org/pdf/2402.18695v1 | http://arxiv.org/abs/2402.18695v1 | Zilin Xiao, Ming Gong, Paola Cascante-Bonilla, Xingyao Zhang, Jie Wu, Vicente Ordonez | 2024-02-28T20:22:17Z | cs.CV, cs.CL | We introduce AutoVER, an Autoregressive model for Visual Entity Recognition.
Our model extends an autoregressive Multi-modal Large Language Model by
employing retrieval augmented constrained generation. It mitigates low
performance on out-of-domain entities while excelling in queries that require
visually-situated reasoning. Our method learns to distinguish similar entities
within a vast label space by contrastively training on hard negative pairs in
parallel with a sequence-to-sequence objective without an external retriever.
During inference, a list of retrieved candidate answers explicitly guides
language generation by removing invalid decoding paths. The proposed method
achieves significant improvements across different dataset splits in the
recently proposed Oven-Wiki benchmark. Accuracy on the Entity seen split rises
from 32.7% to 61.5%. It also demonstrates superior performance on the unseen
and query splits by a substantial double-digit margin. | cs.CV | Grounding Language Models for Visual Entity Recognition |
2024-02-28T20:17:04Z | http://arxiv.org/pdf/2403.00835v4 | http://arxiv.org/abs/2403.00835v4 | Siqi Kou, Lanxiang Hu, Zhezhi He, Zhijie Deng, Hao Zhang | 2024-06-13T08:41:28Z | cs.CL, cs.AI | Parallel decoding methods such as Jacobi decoding show promise for more
efficient LLM inference as it breaks the sequential nature of the LLM decoding
process and transforms it into parallelizable computation. However, in
practice, it achieves little speedup compared to traditional autoregressive
(AR) decoding, primarily because Jacobi decoding seldom accurately predicts
more than one token in a single fixed-point iteration step. To address this, we
develop a new approach aimed at realizing fast convergence from any state to
the fixed point on a Jacobi trajectory. This is accomplished by refining the
target LLM to consistently predict the fixed point given any state as input.
Extensive experiments demonstrate the effectiveness of our method, showing
2.4$\times$ to 3.4$\times$ improvements in generation speed while preserving
generation quality across both domain-specific and open-domain benchmarks. | cs.CL | CLLMs: Consistency Large Language Models |
2024-02-28T19:46:21Z | http://arxiv.org/pdf/2402.18678v3 | http://arxiv.org/abs/2402.18678v3 | Zhengping Jiang, Yining Lu, Hanjie Chen, Daniel Khashabi, Benjamin Van Durme, Anqi Liu | 2024-06-15T00:32:04Z | cs.CL | Free-text rationales play a pivotal role in explainable NLP, bridging the
knowledge and reasoning gaps behind a model's decision-making. However, due to
the diversity of potential reasoning paths and a corresponding lack of
definitive ground truth, their evaluation remains a challenge. Existing
evaluation metrics rely on the degree to which a rationale supports a target
label, but we find these fall short in evaluating rationales that inadvertently
leak the labels. To address this problem, we propose RORA, a Robust free-text
Rationale evaluation against label leakage. RORA quantifies the new information
supplied by a rationale to justify the label. This is achieved by assessing the
conditional V-information \citep{hewitt-etal-2021-conditional} with a
predictive family robust against leaky features that can be exploited by a
small model. RORA consistently outperforms existing approaches in evaluating
human-written, synthetic, or model-generated rationales, particularly
demonstrating robustness against label leakage. We also show that RORA aligns
well with human judgment, providing a more reliable and accurate measurement
across diverse free-text rationales. | cs.CL | RORA: Robust Free-Text Rationale Evaluation |
2024-02-28T19:28:27Z | http://arxiv.org/pdf/2402.18668v1 | http://arxiv.org/abs/2402.18668v1 | Simran Arora, Sabri Eyuboglu, Michael Zhang, Aman Timalsina, Silas Alberti, Dylan Zinsley, James Zou, Atri Rudra, Christopher Ré | 2024-02-28T19:28:27Z | cs.CL, cs.LG | Recent work has shown that attention-based language models excel at recall,
the ability to ground generations in tokens previously seen in context.
However, the efficiency of attention-based models is bottle-necked during
inference by the KV-cache's aggressive memory consumption. In this work, we
explore whether we can improve language model efficiency (e.g. by reducing
memory consumption) without compromising on recall. By applying experiments and
theory to a broad set of architectures, we identify a key tradeoff between a
model's state size and recall ability. We show that efficient alternatives to
attention (e.g. H3, Mamba, RWKV) maintain a fixed-size recurrent state, but
struggle at recall. We propose BASED a simple architecture combining linear and
sliding window attention. By varying BASED window size and linear attention
feature dimension, we can dial the state size and traverse the pareto frontier
of the recall-memory tradeoff curve, recovering the full quality of attention
on one end and the small state size of attention-alternatives on the other. We
train language models up to 1.3b parameters and show that BASED matches the
strongest sub-quadratic models (e.g. Mamba) in perplexity and outperforms them
on real-world recall-intensive tasks by 6.22 accuracy points. Implementations
of linear attention are often less efficient than optimized standard attention
implementations. To make BASED competitive, we develop IO-aware algorithms that
enable 24x higher throughput on language generation than FlashAttention-2, when
generating 1024 tokens using 1.3b parameter models. Code for this work is
provided at: https://github.com/HazyResearch/based. | cs.CL | Simple linear attention language models balance the recall-throughput tradeoff |
2024-02-28T19:23:27Z | http://arxiv.org/pdf/2402.18667v1 | http://arxiv.org/abs/2402.18667v1 | Congying Xia, Chen Xing, Jiangshu Du, Xinyi Yang, Yihao Feng, Ran Xu, Wenpeng Yin, Caiming Xiong | 2024-02-28T19:23:27Z | cs.CL | This paper presents FoFo, a pioneering benchmark for evaluating large
language models' (LLMs) ability to follow complex, domain-specific formats, a
crucial yet underexamined capability for their application as AI agents.
Despite LLMs' advancements, existing benchmarks fail to assess their
format-following proficiency adequately. FoFo fills this gap with a diverse
range of real-world formats and instructions, developed through an AI-Human
collaborative method. Our evaluation across both open-source (e.g., Llama 2,
WizardLM) and closed-source (e.g., GPT-4, PALM2, Gemini) LLMs highlights three
key findings: open-source models significantly lag behind closed-source ones in
format adherence; LLMs' format-following performance is independent of their
content generation quality; and LLMs' format proficiency varies across
different domains. These insights suggest the need for specialized tuning for
format-following skills and highlight FoFo's role in guiding the selection of
domain-specific AI agents. FoFo is released here at
https://github.com/SalesforceAIResearch/FoFo. | cs.CL | FOFO: A Benchmark to Evaluate LLMs' Format-Following Capability |
2024-02-28T19:09:08Z | http://arxiv.org/pdf/2402.18659v1 | http://arxiv.org/abs/2402.18659v1 | Roberto Gallotta, Graham Todd, Marvin Zammit, Sam Earle, Antonios Liapis, Julian Togelius, Georgios N. Yannakakis | 2024-02-28T19:09:08Z | cs.CL, cs.AI, cs.HC | Recent years have seen an explosive increase in research on large language
models (LLMs), and accompanying public engagement on the topic. While starting
as a niche area within natural language processing, LLMs have shown remarkable
potential across a broad range of applications and domains, including games.
This paper surveys the current state of the art across the various applications
of LLMs in and for games, and identifies the different roles LLMs can take
within a game. Importantly, we discuss underexplored areas and promising
directions for future uses of LLMs in games and we reconcile the potential and
limitations of LLMs within the games domain. As the first comprehensive survey
and roadmap at the intersection of LLMs and games, we are hopeful that this
paper will serve as the basis for groundbreaking research and innovation in
this exciting new field. | cs.CL | Large Language Models and Games: A Survey and Roadmap |
2024-02-28T18:58:25Z | http://arxiv.org/pdf/2402.18571v3 | http://arxiv.org/abs/2402.18571v3 | Haoxiang Wang, Yong Lin, Wei Xiong, Rui Yang, Shizhe Diao, Shuang Qiu, Han Zhao, Tong Zhang | 2024-03-06T08:07:02Z | cs.LG, cs.AI, cs.CL, stat.ML | Fine-grained control over large language models (LLMs) remains a significant
challenge, hindering their adaptability to diverse user needs. While
Reinforcement Learning from Human Feedback (RLHF) shows promise in aligning
LLMs, its reliance on scalar rewards often limits its ability to capture
diverse user preferences in real-world applications. To address this
limitation, we introduce the Directional Preference Alignment (DPA) framework.
Unlike the scalar-reward RLHF, DPA incorporates multi-objective reward modeling
to represent diverse preference profiles. Additionally, DPA models user
preferences as directions (i.e., unit vectors) in the reward space to achieve
user-dependent preference control. Our method involves training a
multi-objective reward model and then fine-tuning the LLM with a
preference-conditioned variant of Rejection Sampling Finetuning (RSF), an RLHF
method adopted by Llama 2. This method enjoys a better performance trade-off
across various reward objectives. In comparison with the scalar-reward RLHF,
DPA offers users intuitive control over LLM generation: they can arithmetically
specify their desired trade-offs (e.g., more helpfulness with less verbosity).
We also validate the effectiveness of DPA with real-world alignment experiments
on Mistral-7B. Our method provides straightforward arithmetic control over the
trade-off between helpfulness and verbosity while maintaining competitive
performance with strong baselines such as Direct Preference Optimization (DPO). | cs.LG | Arithmetic Control of LLMs for Diverse User Preferences: Directional Preference Alignment with Multi-Objective Rewards |
2024-02-28T18:54:18Z | http://arxiv.org/pdf/2402.18563v1 | http://arxiv.org/abs/2402.18563v1 | Danny Halawi, Fred Zhang, Chen Yueh-Han, Jacob Steinhardt | 2024-02-28T18:54:18Z | cs.LG, cs.AI, cs.CL, cs.IR | Forecasting future events is important for policy and decision making. In
this work, we study whether language models (LMs) can forecast at the level of
competitive human forecasters. Towards this goal, we develop a
retrieval-augmented LM system designed to automatically search for relevant
information, generate forecasts, and aggregate predictions. To facilitate our
study, we collect a large dataset of questions from competitive forecasting
platforms. Under a test set published after the knowledge cut-offs of our LMs,
we evaluate the end-to-end performance of our system against the aggregates of
human forecasts. On average, the system nears the crowd aggregate of
competitive forecasters, and in some settings surpasses it. Our work suggests
that using LMs to forecast the future could provide accurate predictions at
scale and help to inform institutional decision making. | cs.LG | Approaching Human-Level Forecasting with Language Models |
2024-02-28T18:34:53Z | http://arxiv.org/pdf/2402.18551v1 | http://arxiv.org/abs/2402.18551v1 | Christos Thrampoulidis | 2024-02-28T18:34:53Z | cs.LG, cs.CL, stat.ML | Next-token prediction (NTP), the go-to training paradigm in training large
language models, involves predicting the next token in a sequence. Departing
from traditional one-hot classification, in NTP, multiple tokens with varying
frequencies follow each given context. This work frames NTP training as
cross-entropy minimization over distinct contexts, each associated with a
sparse empirical probability vector across a finite vocabulary. It then
addresses the following question: do gradient-based optimizers exhibit a bias
towards solutions with specific structure as the NTP training loss reaches its
lower bound (entropy)? Specifically, for linear NTP models trained using
gradient descent (GD), we make the following contributions: Firstly, we
determine NTP-separability conditions on the data, under which GD can attain
its lower bound. We also demonstrate that these conditions hold under
overparameterization. Secondly, we establish that the parameters of GD
projected onto an appropriate data subspace converge to the unique solution of
a system of linear equations, which requires the logits' difference of
in-support tokens to be equal to the log-ratio of their respective
probabilities. Meanwhile, on the orthogonal subspace, the parameters diverge
and converge in the direction of the solution of a max-margin quadratic
program, minimizing the Euclidean norm of parameters satisfying the
\NTP-separability conditions. Akin to prior research on implicit bias of
one-hot classification, our work opens exciting avenues for future research
that can lead to better understanding optimization, generalization and
robustness principles of models trained with NTP. | cs.LG | Implicit Bias of Next-Token Prediction |
2024-02-28T18:23:49Z | http://arxiv.org/pdf/2402.18540v1 | http://arxiv.org/abs/2402.18540v1 | Kaifeng Lyu, Haoyu Zhao, Xinran Gu, Dingli Yu, Anirudh Goyal, Sanjeev Arora | 2024-02-28T18:23:49Z | cs.LG, cs.AI, cs.CL | Public LLMs such as the Llama 2-Chat have driven huge activity in LLM
research. These models underwent alignment training and were considered safe.
Recently Qi et al. (2023) reported that even benign fine-tuning (e.g., on
seemingly safe datasets) can give rise to unsafe behaviors in the models. The
current paper is about methods and best practices to mitigate such loss of
alignment. Through extensive experiments on several chat models (Meta's Llama
2-Chat, Mistral AI's Mistral 7B Instruct v0.2, and OpenAI's GPT-3.5 Turbo),
this paper uncovers that the prompt templates used during fine-tuning and
inference play a crucial role in preserving safety alignment, and proposes the
"Pure Tuning, Safe Testing" (PTST) principle -- fine-tune models without a
safety prompt, but include it at test time. Fine-tuning experiments on GSM8K,
ChatDoctor, and OpenOrca show that PTST significantly reduces the rise of
unsafe behaviors, and even almost eliminates them in some cases. | cs.LG | Keeping LLMs Aligned After Fine-tuning: The Crucial Role of Prompt Templates |
2024-02-28T17:38:06Z | http://arxiv.org/pdf/2402.18510v3 | http://arxiv.org/abs/2402.18510v3 | Kaiyue Wen, Xingyu Dang, Kaifeng Lyu | 2024-05-10T08:55:21Z | cs.LG, cs.CL, stat.ML | This paper investigates the gap in representation powers of Recurrent Neural
Networks (RNNs) and Transformers in the context of solving algorithmic
problems. We focus on understanding whether RNNs, known for their memory
efficiency in handling long sequences, can match the performance of
Transformers, particularly when enhanced with Chain-of-Thought (CoT) prompting.
Our theoretical analysis reveals that CoT improves RNNs but is insufficient to
close the gap with Transformers. A key bottleneck lies in the inability of RNNs
to perfectly retrieve information from the context, even with CoT: for several
tasks that explicitly or implicitly require this capability, such as
associative recall and determining if a graph is a tree, we prove that RNNs are
not expressive enough to solve the tasks while Transformers can solve them with
ease. Conversely, we prove that adopting techniques to enhance the in-context
retrieval capability of RNNs, including Retrieval-Augmented Generation (RAG)
and adding a single Transformer layer, can elevate RNNs to be capable of
solving all polynomial-time solvable problems with CoT, hence closing the
representation gap with Transformers. | cs.LG | RNNs are not Transformers (Yet): The Key Bottleneck on In-context Retrieval |
2024-02-28T17:29:27Z | http://arxiv.org/pdf/2402.18502v1 | http://arxiv.org/abs/2402.18502v1 | Garima Chhikara, Anurag Sharma, Kripabandhu Ghosh, Abhijnan Chakraborty | 2024-02-28T17:29:27Z | cs.CL | Employing Large Language Models (LLM) in various downstream applications such
as classification is crucial, especially for smaller companies lacking the
expertise and resources required for fine-tuning a model. Fairness in LLMs
helps ensure inclusivity, equal representation based on factors such as race,
gender and promotes responsible AI deployment. As the use of LLMs has become
increasingly prevalent, it is essential to assess whether LLMs can generate
fair outcomes when subjected to considerations of fairness. In this study, we
introduce a framework outlining fairness regulations aligned with various
fairness definitions, with each definition being modulated by varying degrees
of abstraction. We explore the configuration for in-context learning and the
procedure for selecting in-context demonstrations using RAG, while
incorporating fairness rules into the process. Experiments conducted with
different LLMs indicate that GPT-4 delivers superior results in terms of both
accuracy and fairness compared to other models. This work is one of the early
attempts to achieve fairness in prediction tasks by utilizing LLMs through
in-context learning. | cs.CL | Few-Shot Fairness: Unveiling LLM's Potential for Fairness-Aware Classification |
2024-02-28T17:25:59Z | http://arxiv.org/pdf/2402.18496v3 | http://arxiv.org/abs/2402.18496v3 | Wentao Zhu, Zhining Zhang, Yizhou Wang | 2024-05-30T12:43:01Z | cs.AI, cs.CL | Understanding and attributing mental states, known as Theory of Mind (ToM),
emerges as a fundamental capability for human social reasoning. While Large
Language Models (LLMs) appear to possess certain ToM abilities, the mechanisms
underlying these capabilities remain elusive. In this study, we discover that
it is possible to linearly decode the belief status from the perspectives of
various agents through neural activations of language models, indicating the
existence of internal representations of self and others' beliefs. By
manipulating these representations, we observe dramatic changes in the models'
ToM performance, underscoring their pivotal role in the social reasoning
process. Additionally, our findings extend to diverse social reasoning tasks
that involve different causal inference patterns, suggesting the potential
generalizability of these representations. | cs.AI | Language Models Represent Beliefs of Self and Others |
2024-02-28T16:59:35Z | http://arxiv.org/pdf/2402.18479v2 | http://arxiv.org/abs/2402.18479v2 | Alyssa Hwang, Kalpit Dixit, Miguel Ballesteros, Yassine Benajiba, Vittorio Castelli, Markus Dreyer, Mohit Bansal, Kathleen McKeown | 2024-06-15T15:30:53Z | cs.CL | We present NewsQs (news-cues), a dataset that provides question-answer pairs
for multiple news documents. To create NewsQs, we augment a traditional
multi-document summarization dataset with questions automatically generated by
a T5-Large model fine-tuned on FAQ-style news articles from the News On the Web
corpus. We show that fine-tuning a model with control codes produces questions
that are judged acceptable more often than the same model without them as
measured through human evaluation. We use a QNLI model with high correlation
with human annotations to filter our data. We release our final dataset of
high-quality questions, answers, and document clusters as a resource for future
work in query-based multi-document summarization. | cs.CL | NewsQs: Multi-Source Question Generation for the Inquiring Mind |
2024-02-28T16:35:52Z | http://arxiv.org/pdf/2402.18458v1 | http://arxiv.org/abs/2402.18458v1 | Yibin Lei, Di Wu, Tianyi Zhou, Tao Shen, Yu Cao, Chongyang Tao, Andrew Yates | 2024-02-28T16:35:52Z | cs.CL | In this work, we introduce a new unsupervised embedding method, Meta-Task
Prompting with Explicit One-Word Limitation (MetaEOL), for generating
high-quality sentence embeddings from Large Language Models (LLMs) without the
need for model fine-tuning or task-specific engineering. Leveraging meta-task
prompting, MetaEOL guides LLMs to produce embeddings through a series of
carefully designed prompts that address multiple representational aspects. Our
comprehensive experiments demonstrate that embeddings averaged from various
meta-tasks yield competitive performance on Semantic Textual Similarity (STS)
benchmarks and excel in downstream tasks, surpassing contrastive-trained
models. Our findings suggest a new scaling law for embedding generation,
offering a versatile, resource-efficient approach for embedding extraction
across diverse sentence-centric scenarios. | cs.CL | Meta-Task Prompting Elicits Embedding from Large Language Models |
2024-02-28T16:21:02Z | http://arxiv.org/pdf/2402.18449v1 | http://arxiv.org/abs/2402.18449v1 | Umberto Michieli, Mete Ozay | 2024-02-28T16:21:02Z | cs.CL, cs.AI, cs.LG | Continual Learning (CL) aims to learn a sequence of problems (i.e., tasks and
domains) by transferring knowledge acquired on previous problems, whilst
avoiding forgetting of past ones. Different from previous approaches which
focused on CL for one NLP task or domain in a specific use-case, in this paper,
we address a more general CL setting to learn from a sequence of problems in a
unique framework. Our method, HOP, permits to hop across tasks and domains by
addressing the CL problem along three directions: (i) we employ a set of
adapters to generalize a large pre-trained model to unseen problems, (ii) we
compute high-order moments over the distribution of embedded representations to
distinguish independent and correlated statistics across different tasks and
domains, (iii) we process this enriched information with auxiliary heads
specialized for each end problem. Extensive experimental campaign on 4 NLP
applications, 5 benchmarks and 2 CL setups demonstrates the effectiveness of
our HOP. | cs.CL | HOP to the Next Tasks and Domains for Continual Learning in NLP |
2024-02-28T16:07:54Z | http://arxiv.org/pdf/2402.18439v3 | http://arxiv.org/abs/2402.18439v3 | Weize Chen, Chenfei Yuan, Jiarui Yuan, Yusheng Su, Chen Qian, Cheng Yang, Ruobing Xie, Zhiyuan Liu, Maosong Sun | 2024-06-19T01:42:22Z | cs.CL, cs.AI | Natural language (NL) has long been the predominant format for human
cognition and communication, and by extension, has been similarly pivotal in
the development and application of Large Language Models (LLMs). Yet, besides
NL, LLMs have seen various non-NL formats during pre-training, such as code and
logical expression. NL's status as the optimal format for LLMs, particularly in
single-LLM reasoning and multi-agent communication, has not been thoroughly
examined. In this work, we challenge the default use of NL by exploring the
utility of non-NL formats in these contexts. We show that allowing LLMs to
autonomously select the most suitable format before reasoning or communicating
leads to a 3.3 to 5.7\% improvement in reasoning efficiency for different LLMs,
and up to a 72.7\% reduction in token usage in multi-agent communication, all
while maintaining communicative effectiveness. Our comprehensive analysis
further reveals that LLMs can devise a format from limited task instructions
and that the devised format is effectively transferable across different LLMs.
Intriguingly, the structured communication format decided by LLMs exhibits
notable parallels with established agent communication languages, suggesting a
natural evolution towards efficient, structured communication in agent
communication. Our code is released at
\url{https://github.com/thunlp/AutoForm}. | cs.CL | Beyond Natural Language: LLMs Leveraging Alternative Formats for Enhanced Reasoning and Communication |
2024-02-28T15:55:02Z | http://arxiv.org/pdf/2402.18428v1 | http://arxiv.org/abs/2402.18428v1 | Yusheng Liao, Yanfeng Wang, Yu Wang | 2024-02-28T15:55:02Z | cs.CL | Autoregressive (AR) and Non-autoregressive (NAR) models are two types of
generative models for Neural Machine Translation (NMT). AR models predict
tokens in a word-by-word manner and can effectively capture the distribution of
real translations. NAR models predict tokens by extracting bidirectional
contextual information which can improve the inference speed but they suffer
from performance degradation. Previous works utilized AR models to enhance NAR
models by reducing the training data's complexity or incorporating the global
information into AR models by virtue of NAR models. However, those investigated
methods only take advantage of the contextual information of a single type of
model while neglecting the diversity in the contextual information that can be
provided by different types of models. In this paper, we propose a novel
generic collaborative learning method, DCMCL, where AR and NAR models are
treated as collaborators instead of teachers and students. To hierarchically
leverage the bilateral contextual information, token-level mutual learning and
sequence-level contrastive learning are adopted between AR and NAR models.
Extensive experiments on four widely used benchmarks show that the proposed
DCMCL method can simultaneously improve both AR and NAR models with up to 1.38
and 2.98 BLEU scores respectively, and can also outperform the current
best-unified model with up to 0.97 BLEU scores for both AR and NAR decoding. | cs.CL | Leveraging Diverse Modeling Contexts with Collaborating Learning for Neural Machine Translation |
2024-02-28T15:46:09Z | http://arxiv.org/pdf/2402.18424v1 | http://arxiv.org/abs/2402.18424v1 | Shabnam Tafreshi, Shubham Vatsal, Mona Diab | 2024-02-28T15:46:09Z | cs.CL, cs.AI, cs.LG | It is important to be able to analyze the emotional state of people around
the globe. There are 7100+ active languages spoken around the world and
building emotion classification for each language is labor intensive.
Particularly for low-resource and endangered languages, building emotion
classification can be quite challenging. We present a cross-lingual emotion
classifier, where we train an emotion classifier with resource-rich languages
(i.e. \textit{English} in our work) and transfer the learning to low and
moderate resource languages. We compare and contrast two approaches of transfer
learning from a high-resource language to a low or moderate-resource language.
One approach projects the annotation from a high-resource language to low and
moderate-resource language in parallel corpora and the other one uses direct
transfer from high-resource language to the other languages. We show the
efficacy of our approaches on 6 languages: Farsi, Arabic, Spanish, Ilocano,
Odia, and Azerbaijani. Our results indicate that our approaches outperform
random baselines and transfer emotions across languages successfully. For all
languages, the direct cross-lingual transfer of emotion yields better results.
We also create annotated emotion-labeled resources for four languages: Farsi,
Azerbaijani, Ilocano and Odia. | cs.CL | Emotion Classification in Low and Moderate Resource Languages |
2024-02-28T15:39:53Z | http://arxiv.org/pdf/2402.18419v1 | http://arxiv.org/abs/2402.18419v1 | Shubham Vatsal, Ayush Singh, Shabnam Tafreshi | 2024-02-28T15:39:53Z | cs.CL, cs.AI, cs.LG | Health insurance companies have a defined process called prior authorization
(PA) which is a health plan cost-control process that requires doctors and
other healthcare professionals to get clearance in advance from a health plan
before performing a particular procedure on a patient in order to be eligible
for payment coverage. For health insurance companies, approving PA requests for
patients in the medical domain is a time-consuming and challenging task. One of
those key challenges is validating if a request matches up to certain criteria
such as age, gender, etc. In this work, we evaluate whether GPT can validate
numerous key factors, in turn helping health plans reach a decision drastically
faster. We frame it as a question answering task, prompting GPT to answer a
question from patient electronic health record. We experiment with different
conventional prompting techniques as well as introduce our own novel prompting
technique. Moreover, we report qualitative assessment by humans on the natural
language generation outputs from our approach. Results show that our method
achieves superior performance with the mean weighted F1 score of 0.61 as
compared to its standard counterparts. | cs.CL | Can GPT Improve the State of Prior Authorization via Guideline Based Automated Question Answering? |
2024-02-28T15:28:36Z | http://arxiv.org/pdf/2402.18409v3 | http://arxiv.org/abs/2402.18409v3 | Xiujie Song, Mengyue Wu, Kenny Q. Zhu, Chunhao Zhang, Yanyi Chen | 2024-06-14T09:35:57Z | cs.AI, cs.CL, cs.CV | Large Vision-Language Models (LVLMs), despite their recent success, are
hardly comprehensively tested for their cognitive abilities. Inspired by the
prevalent use of the "Cookie Theft" task in human cognition test, we propose a
novel evaluation benchmark to evaluate high-level cognitive ability of LVLMs
using images with rich semantics. It defines eight reasoning capabilities and
consists of an image description task and a visual question answering task. Our
evaluation on well-known LVLMs shows that there is still a large gap in
cognitive ability between LVLMs and humans. | cs.AI | A Cognitive Evaluation Benchmark of Image Reasoning and Description for Large Vision-Language Models |
2024-02-28T15:15:39Z | http://arxiv.org/pdf/2402.18397v1 | http://arxiv.org/abs/2402.18397v1 | Ercong Nie, Shuzhou Yuan, Bolei Ma, Helmut Schmid, Michael Färber, Frauke Kreuter, Hinrich Schütze | 2024-02-28T15:15:39Z | cs.CL | Despite the predominance of English in their training data, English-centric
Large Language Models (LLMs) like GPT-3 and LLaMA display a remarkable ability
to perform multilingual tasks, raising questions about the depth and nature of
their cross-lingual capabilities. This paper introduces the decomposed
prompting approach to probe the linguistic structure understanding of these
LLMs in sequence labeling tasks. Diverging from the single text-to-text prompt,
our method generates for each token of the input sentence an individual prompt
which asks for its linguistic label. We assess our method on the Universal
Dependencies part-of-speech tagging dataset for 38 languages, utilizing both
English-centric and multilingual LLMs. Our findings show that decomposed
prompting surpasses the iterative prompting baseline in efficacy and efficiency
under zero- and few-shot settings. Further analysis reveals the influence of
evaluation methods and the use of instructions in prompts. Our multilingual
investigation shows that English-centric language models perform better on
average than multilingual models. Our study offers insights into the
multilingual transferability of English-centric LLMs, contributing to the
understanding of their multilingual linguistic knowledge. | cs.CL | Decomposed Prompting: Unveiling Multilingual Linguistic Structure Knowledge in English-Centric Large Language Models |
2024-02-28T15:05:43Z | http://arxiv.org/pdf/2402.18385v1 | http://arxiv.org/abs/2402.18385v1 | Yiming Li, Zhao Zhang | 2024-02-28T15:05:43Z | cs.CL, cs.AI | Conversational multi-doc question answering aims to answer specific questions
based on the retrieved documents as well as the contextual conversations. In
this paper, we introduce our winning approach for the "Conversational Multi-Doc
QA" challenge in WSDM Cup 2024, which exploits the superior natural language
understanding and generation capability of Large Language Models (LLMs). We
first adapt LLMs to the task, then devise a hybrid training strategy to make
the most of in-domain unlabeled data. Moreover, an advanced text embedding
model is adopted to filter out potentially irrelevant documents and several
approaches are designed and compared for the model ensemble. Equipped with all
these techniques, our solution finally ranked 1st place in WSDM Cup 2024,
surpassing its rivals to a large extent. The source codes have been released at
https://github.com/zhangzhao219/WSDM-Cup-2024. | cs.CL | The First Place Solution of WSDM Cup 2024: Leveraging Large Language Models for Conversational Multi-Doc QA |
2024-02-28T14:52:15Z | http://arxiv.org/pdf/2402.18376v1 | http://arxiv.org/abs/2402.18376v1 | Craig W. Schmidt, Varshini Reddy, Haoran Zhang, Alec Alameddine, Omri Uzan, Yuval Pinter, Chris Tanner | 2024-02-28T14:52:15Z | cs.CL, cs.AI, 68T50, I.2.7 | Tokenization is a foundational step in Natural Language Processing (NLP)
tasks, bridging raw text and language models. Existing tokenization approaches
like Byte-Pair Encoding (BPE) originate from the field of data compression, and
it has been suggested that the effectiveness of BPE stems from its ability to
condense text into a relatively small number of tokens. We test the hypothesis
that fewer tokens lead to better downstream performance by introducing
PathPiece, a new tokenizer that segments a document's text into the minimum
number of tokens for a given vocabulary. Through extensive experimentation we
find this hypothesis not to be the case, casting doubt on the understanding of
the reasons for effective tokenization. To examine which other factors play a
role, we evaluate design decisions across all three phases of tokenization:
pre-tokenization, vocabulary construction, and segmentation, offering new
insights into the design of effective tokenizers. Specifically, we illustrate
the importance of pre-tokenization and the benefits of using BPE to initialize
vocabulary construction. We train 64 language models with varying tokenization,
ranging in size from 350M to 2.4B parameters, all of which are made publicly
available. | cs.CL | Tokenization Is More Than Compression |
2024-02-28T14:49:05Z | http://arxiv.org/pdf/2402.18374v2 | http://arxiv.org/abs/2402.18374v2 | Seoyeon Kim, Kwangwook Seo, Hyungjoo Chae, Jinyoung Yeo, Dongha Lee | 2024-06-08T13:01:36Z | cs.CL | Recent approaches in domain-specific named entity recognition (NER), such as
biomedical NER, have shown remarkable advances. However, they still lack of
faithfulness, producing erroneous predictions. We assume that knowledge of
entities can be useful in verifying the correctness of the predictions. Despite
the usefulness of knowledge, resolving such errors with knowledge is
nontrivial, since the knowledge itself does not directly indicate the
ground-truth label. To this end, we propose VerifiNER, a post-hoc verification
framework that identifies errors from existing NER methods using knowledge and
revises them into more faithful predictions. Our framework leverages the
reasoning abilities of large language models to adequately ground on knowledge
and the contextual information in the verification process. We validate
effectiveness of VerifiNER through extensive experiments on biomedical
datasets. The results suggest that VerifiNER can successfully verify errors
from existing models as a model-agnostic approach. Further analyses on
out-of-domain and low-resource settings show the usefulness of VerifiNER on
real-world applications. | cs.CL | VerifiNER: Verification-augmented NER via Knowledge-grounded Reasoning with Large Language Models |
2024-02-28T14:09:02Z | http://arxiv.org/pdf/2402.18344v2 | http://arxiv.org/abs/2402.18344v2 | Jiachun Li, Pengfei Cao, Chenhao Wang, Zhuoran Jin, Yubo Chen, Daojian Zeng, Kang Liu, Jun Zhao | 2024-06-27T06:54:58Z | cs.CL | Large language models exhibit high-level commonsense reasoning abilities,
especially with enhancement methods like Chain-of-Thought (CoT). However, we
find these CoT-like methods lead to a considerable number of originally correct
answers turning wrong, which we define as the Toxic CoT problem. To interpret
and mitigate this problem, we first utilize attribution tracing and causal
tracing methods to probe the internal working mechanism of the LLM during CoT
reasoning. Through comparisons, we prove that the model exhibits information
loss from the question over the shallow attention layers when generating
rationales or answers. Based on the probing findings, we design a novel method
called RIDERS (Residual decodIng and sERial-position Swap), which compensates
for the information deficit in the model from both decoding and serial-position
perspectives. Through extensive experiments on multiple commonsense reasoning
benchmarks, we validate that this method not only significantly eliminates
Toxic CoT problems (decreased by 23.6%), but also effectively improves the
model's overall commonsense reasoning performance (increased by 5.5%). | cs.CL | Focus on Your Question! Interpreting and Mitigating Toxic CoT Problems in Commonsense Reasoning |
2024-02-28T13:54:57Z | http://arxiv.org/pdf/2402.18334v2 | http://arxiv.org/abs/2402.18334v2 | Nihal V. Nayak, Yiyang Nan, Avi Trost, Stephen H. Bach | 2024-06-06T13:50:26Z | cs.CL, cs.LG | We introduce Bonito, an open-source model for conditional task generation
that converts unannotated text into task-specific training datasets for
instruction tuning. We aim to enable zero-shot task adaptation of large
language models on users' specialized, private data. We train Bonito by
fine-tuning a pretrained large language model on a new large-scale dataset with
1.65M examples created by remixing existing instruction tuning datasets into
meta-templates. The meta-templates for a dataset produce training examples
where the input is the unannotated text and the task attribute and the output
consists of the instruction and the response. We use Bonito to generate
synthetic tasks for seven datasets from specialized domains with unannotated
text across three task types -- yes-no question answering, extractive question
answering, and natural language inference -- and adapt language models. We show
that Bonito significantly improves the average performance of pretrained and
instruction tuned models over the de facto self supervised baseline. For
example, adapting Mistral-Instruct-v2 and instruction tuned variants of Mistral
and Llama2 with Bonito improves the strong zero-shot performance by 22.1 F1
points whereas the next word prediction objective undoes some of the benefits
of instruction tuning and reduces the average performance by 0.8 F1 points. We
conduct additional experiments with Bonito to understand the effects of the
domain, the size of the training set, and the choice of alternative synthetic
task generators. Overall, we show that learning with synthetic instruction
tuning datasets is an effective way to adapt language models to new domains.
The model, dataset, and code are available at
https://github.com/BatsResearch/bonito. | cs.CL | Learning to Generate Instruction Tuning Datasets for Zero-Shot Task Adaptation |
2024-02-28T13:14:20Z | http://arxiv.org/pdf/2402.18312v2 | http://arxiv.org/abs/2402.18312v2 | Subhabrata Dutta, Joykirat Singh, Soumen Chakrabarti, Tanmoy Chakraborty | 2024-05-06T09:16:15Z | cs.CL, cs.LG | Despite superior reasoning prowess demonstrated by Large Language Models
(LLMs) with Chain-of-Thought (CoT) prompting, a lack of understanding prevails
around the internal mechanisms of the models that facilitate CoT generation.
This work investigates the neural sub-structures within LLMs that manifest CoT
reasoning from a mechanistic point of view. From an analysis of Llama-2 7B
applied to multistep reasoning over fictional ontologies, we demonstrate that
LLMs deploy multiple parallel pathways of answer generation for step-by-step
reasoning. These parallel pathways provide sequential answers from the input
question context as well as the generated CoT. We observe a functional rift in
the middle layers of the LLM. Token representations in the initial half remain
strongly biased towards the pretraining prior, with the in-context prior taking
over in the later half. This internal phase shift manifests in different
functional components: attention heads that write the answer token appear in
the later half, attention heads that move information along ontological
relationships appear in the initial half, and so on. To the best of our
knowledge, this is the first attempt towards mechanistic investigation of CoT
reasoning in LLMs. | cs.CL | How to think step-by-step: A mechanistic understanding of chain-of-thought reasoning |
2024-02-28T12:24:07Z | http://arxiv.org/pdf/2402.18284v2 | http://arxiv.org/abs/2402.18284v2 | Shuo Yang, Gjergji Kasneci | 2024-03-02T23:19:27Z | cs.CL, cs.AI | Wide usage of ChatGPT has highlighted the potential of reinforcement learning
from human feedback. However, its training pipeline relies on manual ranking, a
resource-intensive process. To reduce labor costs, we propose a self-supervised
text ranking approach for applying Proximal-Policy-Optimization to fine-tune
language models while eliminating the need for human annotators. Our method
begins with probabilistic sampling to encourage a language model to generate
diverse responses for each input. We then employ TextRank and ISODATA
algorithms to rank and cluster these responses based on their semantics.
Subsequently, we construct a reward model to learn the rank and optimize our
generative policy. Our experimental results, conducted using two language
models on three tasks, demonstrate that the models trained by our method
considerably outperform baselines regarding BLEU, GLEU, and METEOR scores.
Furthermore, our manual evaluation shows that our ranking results exhibit a
remarkably high consistency with that of humans. This research significantly
reduces training costs of proximal policy-guided models and demonstrates the
potential for self-correction of language models. | cs.CL | Is Crowdsourcing Breaking Your Bank? Cost-Effective Fine-Tuning of Pre-trained Language Models with Proximal Policy Optimization |
2024-02-28T12:17:40Z | http://arxiv.org/pdf/2402.18281v2 | http://arxiv.org/abs/2402.18281v2 | Mingxin Li, Richong Zhang, Zhijie Nie | 2024-06-05T14:07:50Z | cs.CL | Sentence Representation Learning (SRL) is a crucial task in Natural Language
Processing (NLP), where contrastive Self-Supervised Learning (SSL) is currently
a mainstream approach. However, the reasons behind its remarkable effectiveness
remain unclear. Specifically, many studies have investigated the similarities
between contrastive and non-contrastive SSL from a theoretical perspective.
Such similarities can be verified in classification tasks, where the two
approaches achieve comparable performance. But in ranking tasks (i.e., Semantic
Textual Similarity (STS) in SRL), contrastive SSL significantly outperforms
non-contrastive SSL. Therefore, two questions arise: First, *what commonalities
enable various contrastive losses to achieve superior performance in STS?*
Second, *how can we make non-contrastive SSL also effective in STS?* To address
these questions, we start from the perspective of gradients and discover that
four effective contrastive losses can be integrated into a unified paradigm,
which depends on three components: the **Gradient Dissipation**, the
**Weight**, and the **Ratio**. Then, we conduct an in-depth analysis of the
roles these components play in optimization and experimentally demonstrate
their significance for model performance. Finally, by adjusting these
components, we enable non-contrastive SSL to achieve outstanding performance in
STS. | cs.CL | Towards Better Understanding of Contrastive Sentence Representation Learning: A Unified Paradigm for Gradient |
2024-02-28T12:06:08Z | http://arxiv.org/pdf/2402.18275v3 | http://arxiv.org/abs/2402.18275v3 | Hao Shi, Tatsuya Kawahara | 2024-06-04T08:20:02Z | cs.SD, cs.CL, eess.AS | Adapting an automatic speech recognition (ASR) system to unseen noise
environments is crucial. Integrating adapters into neural networks has emerged
as a potent technique for transfer learning. This study thoroughly investigates
adapter-based ASR adaptation in noisy environments. We conducted experiments
using the CHiME--4 dataset. The results show that inserting the adapter in the
shallow layer yields superior effectiveness, and there is no significant
difference between adapting solely within the shallow layer and adapting across
all layers. The simulated data helps the system to improve its performance
under real noise conditions. Nonetheless, when the amount of data is the same,
the real data is more effective than the simulated data. Multi-condition
training is still useful for adapter training. Furthermore, integrating
adapters into speech enhancement-based ASR systems yields substantial
improvements. | cs.SD | Exploration of Adapter for Noise Robust Automatic Speech Recognition |
2024-02-28T12:04:05Z | http://arxiv.org/pdf/2402.18272v1 | http://arxiv.org/abs/2402.18272v1 | Qineng Wang, Zihao Wang, Ying Su, Hanghang Tong, Yangqiu Song | 2024-02-28T12:04:05Z | cs.CL, cs.AI | Recent progress in LLMs discussion suggests that multi-agent discussion
improves the reasoning abilities of LLMs. In this work, we reevaluate this
claim through systematic experiments, where we propose a novel group discussion
framework to enrich the set of discussion mechanisms. Interestingly, our
results show that a single-agent LLM with strong prompts can achieve almost the
same performance as the best existing discussion approach on a wide range of
reasoning tasks and backbone LLMs. We observe that the multi-agent discussion
performs better than a single agent only when there is no demonstration in the
prompt. Further study reveals the common interaction mechanisms of LLMs during
the discussion. | cs.CL | Rethinking the Bounds of LLM Reasoning: Are Multi-Agent Discussions the Key? |
2024-02-28T11:57:12Z | http://arxiv.org/pdf/2402.18267v2 | http://arxiv.org/abs/2402.18267v2 | Shasha Guo, Lizi Liao, Cuiping Li, Tat-Seng Chua | 2024-05-07T15:08:56Z | cs.CL, cs.AI | In this survey, we present a detailed examination of the advancements in
Neural Question Generation (NQG), a field leveraging neural network techniques
to generate relevant questions from diverse inputs like knowledge bases, texts,
and images. The survey begins with an overview of NQG's background,
encompassing the task's problem formulation, prevalent benchmark datasets,
established evaluation metrics, and notable applications. It then methodically
classifies NQG approaches into three predominant categories: structured NQG,
which utilizes organized data sources, unstructured NQG, focusing on more
loosely structured inputs like texts or visual content, and hybrid NQG, drawing
on diverse input modalities. This classification is followed by an in-depth
analysis of the distinct neural network models tailored for each category,
discussing their inherent strengths and potential limitations. The survey
culminates with a forward-looking perspective on the trajectory of NQG,
identifying emergent research trends and prospective developmental paths.
Accompanying this survey is a curated collection of related research papers,
datasets and codes, systematically organized on Github, providing an extensive
reference for those delving into NQG. | cs.CL | A Survey on Neural Question Generation: Methods, Applications, and Prospects |
2024-02-28T11:51:56Z | http://arxiv.org/pdf/2402.18264v1 | http://arxiv.org/abs/2402.18264v1 | Jiebin Zhang, Eugene J. Yu, Qinyu Chen, Chenhao Xiong, Dawei Zhu, Han Qian, Mingbo Song, Xiaoguang Li, Qun Liu, Sujian Li | 2024-02-28T11:51:56Z | cs.CL | In today's fast-paced world, the growing demand to quickly generate
comprehensive and accurate Wikipedia documents for emerging events is both
crucial and challenging. However, previous efforts in Wikipedia generation have
often fallen short of meeting real-world requirements. Some approaches focus
solely on generating segments of a complete Wikipedia document, while others
overlook the importance of faithfulness in generation or fail to consider the
influence of the pre-training corpus. In this paper, we simulate a real-world
scenario where structured full-length Wikipedia documents are generated for
emergent events using input retrieved from web sources. To ensure that Large
Language Models (LLMs) are not trained on corpora related to recently occurred
events, we select events that have taken place recently and introduce a new
benchmark Wiki-GenBen, which consists of 309 events paired with their
corresponding retrieved web pages for generating evidence. Additionally, we
design a comprehensive set of systematic evaluation metrics and baseline
methods, to evaluate the capability of LLMs in generating factual full-length
Wikipedia documents. The data and code are open-sourced at WikiGenBench. | cs.CL | Retrieval-based Full-length Wikipedia Generation for Emergent Events |
2024-02-28T11:50:36Z | http://arxiv.org/pdf/2402.18262v1 | http://arxiv.org/abs/2402.18262v1 | Hongshen Xu, Lu Chen, Zihan Zhao, Da Ma, Ruisheng Cao, Zichen Zhu, Kai Yu | 2024-02-28T11:50:36Z | cs.CL, cs.CV | The growing prevalence of visually rich documents, such as webpages and
scanned/digital-born documents (images, PDFs, etc.), has led to increased
interest in automatic document understanding and information extraction across
academia and industry. Although various document modalities, including image,
text, layout, and structure, facilitate human information retrieval, the
interconnected nature of these modalities presents challenges for neural
networks. In this paper, we introduce WebLM, a multimodal pre-training network
designed to address the limitations of solely modeling text and structure
modalities of HTML in webpages. Instead of processing document images as
unified natural images, WebLM integrates the hierarchical structure of document
images to enhance the understanding of markup-language-based documents.
Additionally, we propose several pre-training tasks to model the interaction
among text, structure, and image modalities effectively. Empirical results
demonstrate that the pre-trained WebLM significantly surpasses previous
state-of-the-art pre-trained models across several webpage understanding tasks.
The pre-trained models and code are available at
https://github.com/X-LANCE/weblm. | cs.CL | Hierarchical Multimodal Pre-training for Visually Rich Webpage Understanding |
2024-02-28T11:39:26Z | http://arxiv.org/pdf/2402.18258v1 | http://arxiv.org/abs/2402.18258v1 | Hongshen Xu, Ruisheng Cao, Su Zhu, Sheng Jiang, Hanchong Zhang, Lu Chen, Kai Yu | 2024-02-28T11:39:26Z | cs.CL | Previous work on spoken language understanding (SLU) mainly focuses on
single-intent settings, where each input utterance merely contains one user
intent. This configuration significantly limits the surface form of user
utterances and the capacity of output semantics. In this work, we first propose
a Multi-Intent dataset which is collected from a realistic in-Vehicle dialogue
System, called MIVS. The target semantic frame is organized in a 3-layer
hierarchical structure to tackle the alignment and assignment problems in
multi-intent cases. Accordingly, we devise a BiRGAT model to encode the
hierarchy of ontology items, the backbone of which is a dual relational graph
attention network. Coupled with the 3-way pointer-generator decoder, our method
outperforms traditional sequence labeling and classification-based schemes by a
large margin. | cs.CL | A BiRGAT Model for Multi-intent Spoken Language Understanding with Hierarchical Semantic Frames |
2024-02-28T11:29:09Z | http://arxiv.org/pdf/2402.18252v1 | http://arxiv.org/abs/2402.18252v1 | Haoxiang Guan, Jiyan He, Shuxin Zheng, En-Hong Chen, Weiming Zhang, Nenghai Yu | 2024-02-28T11:29:09Z | cs.CL, cs.AI | Large language models (LLMs) have demonstrated impressive performance on many
tasks. However, to achieve optimal performance, specially designed prompting
methods are still needed. These methods either rely on task-specific few-shot
examples that require a certain level of domain knowledge, or are designed to
be simple but only perform well on a few types of tasks. In this work, we
attempt to introduce the concept of generalist prompting, which operates on the
design principle of achieving optimal or near-optimal performance on a wide
range of tasks while eliminating the need for manual selection and
customization of prompts tailored to specific problems. Furthermore, we propose
MeMo (Mental Models), an innovative prompting method that is simple-designed
yet effectively fulfills the criteria of generalist prompting. MeMo distills
the cores of various prompting methods into individual mental models and allows
LLMs to autonomously select the most suitable mental models for the problem,
achieving or being near to the state-of-the-art results on diverse tasks such
as STEM, logical reasoning, and commonsense reasoning in zero-shot settings. We
hope that the insights presented herein will stimulate further exploration of
generalist prompting methods for LLMs. | cs.CL | Towards Generalist Prompting for Large Language Models by Mental Models |
2024-02-28T11:16:00Z | http://arxiv.org/pdf/2402.18243v2 | http://arxiv.org/abs/2402.18243v2 | Mengjie Ren, Boxi Cao, Hongyu Lin, Cao Liu, Xianpei Han, Ke Zeng, Guanglu Wan, Xunliang Cai, Le Sun | 2024-03-02T08:28:14Z | cs.CL | Instruction Fine-tuning~(IFT) is a critical phase in building large language
models~(LLMs). Previous works mainly focus on the IFT's role in the transfer of
behavioral norms and the learning of additional world knowledge. However, the
understanding of the underlying mechanisms of IFT remains significantly
limited. In this paper, we design a knowledge intervention framework to
decouple the potential underlying factors of IFT, thereby enabling individual
analysis of different factors. Surprisingly, our experiments reveal that
attempting to learn additional world knowledge through IFT often struggles to
yield positive impacts and can even lead to markedly negative effects. Further,
we discover that maintaining internal knowledge consistency before and after
IFT is a critical factor for achieving successful IFT. Our findings reveal the
underlying mechanisms of IFT and provide robust support for some very recent
and potential future works. | cs.CL | Learning or Self-aligning? Rethinking Instruction Fine-tuning |
2024-02-28T11:12:17Z | http://arxiv.org/pdf/2402.18240v2 | http://arxiv.org/abs/2402.18240v2 | Jizhi Zhang, Keqin Bao, Wenjie Wang, Yang Zhang, Wentao Shi, Wanhong Xu, Fuli Feng, Tat-Seng Chua | 2024-03-05T12:14:52Z | cs.IR, cs.CL | The new kind of Agent-oriented information system, exemplified by GPTs, urges
us to inspect the information system infrastructure to support Agent-level
information processing and to adapt to the characteristics of Large Language
Model (LLM)-based Agents, such as interactivity. In this work, we envisage the
prospect of the recommender system on LLM-based Agent platforms and introduce a
novel recommendation paradigm called Rec4Agentverse, comprised of Agent Items
and Agent Recommender. Rec4Agentverse emphasizes the collaboration between
Agent Items and Agent Recommender, thereby promoting personalized information
services and enhancing the exchange of information beyond the traditional
user-recommender feedback loop. Additionally, we prospect the evolution of
Rec4Agentverse and conceptualize it into three stages based on the enhancement
of the interaction and information exchange among Agent Items, Agent
Recommender, and the user. A preliminary study involving several cases of
Rec4Agentverse validates its significant potential for application. Lastly, we
discuss potential issues and promising directions for future research. | cs.IR | Prospect Personalized Recommendation on Large Language Model-based Agent Platform |
2024-02-28T10:43:54Z | http://arxiv.org/pdf/2402.18225v1 | http://arxiv.org/abs/2402.18225v1 | Julian Coda-Forno, Marcel Binz, Jane X. Wang, Eric Schulz | 2024-02-28T10:43:54Z | cs.CL, cs.AI, cs.LG | Large language models (LLMs) have significantly advanced the field of
artificial intelligence. Yet, evaluating them comprehensively remains
challenging. We argue that this is partly due to the predominant focus on
performance metrics in most benchmarks. This paper introduces CogBench, a
benchmark that includes ten behavioral metrics derived from seven cognitive
psychology experiments. This novel approach offers a toolkit for phenotyping
LLMs' behavior. We apply CogBench to 35 LLMs, yielding a rich and diverse
dataset. We analyze this data using statistical multilevel modeling techniques,
accounting for the nested dependencies among fine-tuned versions of specific
LLMs. Our study highlights the crucial role of model size and reinforcement
learning from human feedback (RLHF) in improving performance and aligning with
human behavior. Interestingly, we find that open-source models are less
risk-prone than proprietary models and that fine-tuning on code does not
necessarily enhance LLMs' behavior. Finally, we explore the effects of
prompt-engineering techniques. We discover that chain-of-thought prompting
improves probabilistic reasoning, while take-a-step-back prompting fosters
model-based behaviors. | cs.CL | CogBench: a large language model walks into a psychology lab |
2024-02-28T10:38:21Z | http://arxiv.org/pdf/2402.18223v2 | http://arxiv.org/abs/2402.18223v2 | Wenhong Zhu, Hongkun Hao, Zhiwei He, Yiming Ai, Rui Wang | 2024-06-03T03:02:44Z | cs.CL | Current language models decode text token by token according to probabilistic
distribution, and determining the appropriate candidates for the next token is
crucial to ensure generation quality. This study introduces adaptive decoding,
a mechanism that dynamically empowers language models to ascertain a sensible
candidate set during generation. Specifically, we introduce an entropy-based
metric called confidence and conceptualize determining the optimal candidate
set as a confidence-increasing process. The rationality of including a token in
the candidate set is assessed by leveraging the increment of confidence.
Experimental results reveal that our method balances diversity and coherence
well. The human evaluation shows that our method can generate human-preferred
text. Additionally, our method can potentially improve the reasoning ability of
language models. | cs.CL | Improving Open-Ended Text Generation via Adaptive Decoding |
2024-02-28T10:19:05Z | http://arxiv.org/pdf/2402.18216v1 | http://arxiv.org/abs/2402.18216v1 | Akash Gupta, Ivaxi Sheth, Vyas Raina, Mark Gales, Mario Fritz | 2024-02-28T10:19:05Z | cs.CL | With the recent emergence of powerful instruction-tuned large language models
(LLMs), various helpful conversational Artificial Intelligence (AI) systems
have been deployed across many applications. When prompted by users, these AI
systems successfully perform a wide range of tasks as part of a conversation.
To provide some sort of memory and context, such approaches typically condition
their output on the entire conversational history. Although this sensitivity to
the conversational history can often lead to improved performance on subsequent
tasks, we find that performance can in fact also be negatively impacted, if
there is a task-switch. To the best of our knowledge, our work makes the first
attempt to formalize the study of such vulnerabilities and interference of
tasks in conversational LLMs caused by task-switches in the conversational
history. Our experiments across 5 datasets with 15 task switches using popular
LLMs reveal that many of the task-switches can lead to significant performance
degradation. | cs.CL | LLM Task Interference: An Initial Study on the Impact of Task-Switch in Conversational History |
2024-02-28T10:01:00Z | http://arxiv.org/pdf/2402.18209v1 | http://arxiv.org/abs/2402.18209v1 | Kenneth Enevoldsen, Emil Trenckner Jessen, Rebekah Baglini | 2024-02-28T10:01:00Z | cs.CL | Named entity recognition is one of the cornerstones of Danish NLP, essential
for language technology applications within both industry and research.
However, Danish NER is inhibited by a lack of available datasets. As a
consequence, no current models are capable of fine-grained named entity
recognition, nor have they been evaluated for potential generalizability issues
across datasets and domains. To alleviate these limitations, this paper
introduces: 1) DANSK: a named entity dataset providing for high-granularity
tagging as well as within-domain evaluation of models across a diverse set of
domains; 2) DaCy 2.6.0 that includes three generalizable models with
fine-grained annotation; and 3) an evaluation of current state-of-the-art
models' ability to generalize across domains. The evaluation of existing and
new models revealed notable performance discrepancies across domains, which
should be addressed within the field. Shortcomings of the annotation quality of
the dataset and its impact on model training and evaluation are also discussed.
Despite these limitations, we advocate for the use of the new dataset DANSK
alongside further work on the generalizability within Danish NER. | cs.CL | DANSK and DaCy 2.6.0: Domain Generalization of Danish Named Entity Recognition |
2024-02-28T09:27:29Z | http://arxiv.org/pdf/2402.18191v1 | http://arxiv.org/abs/2402.18191v1 | Yuan Ge, Yilun Liu, Chi Hu, Weibin Meng, Shimin Tao, Xiaofeng Zhao, Hongxia Ma, Li Zhang, Hao Yang, Tong Xiao | 2024-02-28T09:27:29Z | cs.CL | With contributions from the open-source community, a vast amount of
instruction tuning (IT) data has emerged. Given the significant resource
allocation required by training and evaluating models, it is advantageous to
have an efficient method for selecting high-quality IT data. However, existing
methods for instruction data selection have limitations such as relying on
fragile external APIs, being affected by biases in GPT models, or reducing the
diversity of the selected instruction dataset. In this paper, we propose an
industrial-friendly, expert-aligned and diversity-preserved instruction data
selection method: Clustering and Ranking (CaR). CaR consists of two steps. The
first step involves ranking instruction pairs using a scoring model that is
well aligned with expert preferences (achieving an accuracy of 84.25%). The
second step involves preserving dataset diversity through a clustering
process.In our experiment, CaR selected a subset containing only 1.96% of
Alpaca's IT data, yet the underlying AlpaCaR model trained on this subset
outperforms Alpaca by an average of 32.1% in GPT-4 evaluations. Furthermore,
our method utilizes small models (355M parameters) and requires only 11.2% of
the monetary cost compared to existing methods, making it easily deployable in
industrial scenarios. | cs.CL | Clustering and Ranking: Diversity-preserved Instruction Selection through Expert-aligned Quality Estimation |
2024-02-28T09:10:25Z | http://arxiv.org/pdf/2402.18179v1 | http://arxiv.org/abs/2402.18179v1 | Gregor Donabauer, Udo Kruschwitz | 2024-02-28T09:10:25Z | cs.CL | Pre-training of neural networks has recently revolutionized the field of
Natural Language Processing (NLP) and has before demonstrated its effectiveness
in computer vision. At the same time, advances around the detection of fake
news were mainly driven by the context-based paradigm, where different types of
signals (e.g. from social media) form graph-like structures that hold
contextual information apart from the news article to classify. We propose to
merge these two developments by applying pre-training of Graph Neural Networks
(GNNs) in the domain of context-based fake news detection. Our experiments
provide an evaluation of different pre-training strategies for graph-based
misinformation detection and demonstrate that transfer learning does currently
not lead to significant improvements over training a model from scratch in the
domain. We argue that a major current issue is the lack of suitable large-scale
resources that can be used for pre-training. | cs.CL | Challenges in Pre-Training Graph Neural Networks for Context-Based Fake News Detection: An Evaluation of Current Strategies and Resource Limitations |
2024-02-28T08:57:42Z | http://arxiv.org/pdf/2402.18169v2 | http://arxiv.org/abs/2402.18169v2 | Feihong Lu, Weiqi Wang, Yangyifei Luo, Ziqin Zhu, Qingyun Sun, Baixuan Xu, Haochen Shi, Shiqi Gao, Qian Li, Yangqiu Song, Jianxin Li | 2024-02-29T06:45:56Z | cs.CL | Social media has become a ubiquitous tool for connecting with others, staying
updated with news, expressing opinions, and finding entertainment. However,
understanding the intention behind social media posts remains challenging due
to the implicitness of intentions in social media posts, the need for
cross-modality understanding of both text and images, and the presence of noisy
information such as hashtags, misspelled words, and complicated abbreviations.
To address these challenges, we present MIKO, a Multimodal Intention Kowledge
DistillatiOn framework that collaboratively leverages a Large Language Model
(LLM) and a Multimodal Large Language Model (MLLM) to uncover users'
intentions. Specifically, we use an MLLM to interpret the image and an LLM to
extract key information from the text and finally instruct the LLM again to
generate intentions. By applying MIKO to publicly available social media
datasets, we construct an intention knowledge base featuring 1,372K intentions
rooted in 137,287 posts. We conduct a two-stage annotation to verify the
quality of the generated knowledge and benchmark the performance of widely used
LLMs for intention generation. We further apply MIKO to a sarcasm detection
dataset and distill a student model to demonstrate the downstream benefits of
applying intention knowledge. | cs.CL | MIKO: Multimodal Intention Knowledge Distillation from Large Language Models for Social-Media Commonsense Discovery |
2024-02-28T08:43:05Z | http://arxiv.org/pdf/2402.18158v2 | http://arxiv.org/abs/2402.18158v2 | Shiyao Li, Xuefei Ning, Luning Wang, Tengxuan Liu, Xiangsheng Shi, Shengen Yan, Guohao Dai, Huazhong Yang, Yu Wang | 2024-06-06T07:30:44Z | cs.CL, cs.AI | Post-training quantization (PTQ) has emerged as a promising technique to
reduce the cost of large language models (LLMs). Specifically, PTQ can
effectively mitigate memory consumption and reduce computational overhead in
LLMs. To meet the requirements of both high efficiency and performance across
diverse scenarios, a comprehensive evaluation of quantized LLMs is essential to
guide the selection of quantization methods. This paper presents a thorough
evaluation of these factors by evaluating the effect of PTQ on Weight,
Activation, and KV Cache on 11 model families, including OPT, LLaMA2, Falcon,
Bloomz, Mistral, ChatGLM, Vicuna, LongChat, StableLM, Gemma, and Mamba, with
parameters ranging from 125M to 180B. The evaluation encompasses five types of
tasks: basic NLP, emergent ability, trustworthiness, dialogue, and long-context
tasks. Moreover, we also evaluate the state-of-the-art (SOTA) quantization
methods to demonstrate their applicability. Based on the extensive experiments,
we systematically summarize the effect of quantization, provide recommendations
to apply quantization techniques, and point out future directions. The code can
be found in https://github.com/thu-nics/qllm-eval. | cs.CL | Evaluating Quantized Large Language Models |
2024-02-28T08:42:23Z | http://arxiv.org/pdf/2402.18157v1 | http://arxiv.org/abs/2402.18157v1 | Yulong Liu, Yunlong Yuan, Chunwei Wang, Jianhua Han, Yongqiang Ma, Li Zhang, Nanning Zheng, Hang Xu | 2024-02-28T08:42:23Z | cs.AI, cs.CL, cs.CV | The distinction between humans and animals lies in the unique ability of
humans to use and create tools. Tools empower humans to overcome physiological
limitations, fostering the creation of magnificent civilizations. Similarly,
enabling foundational models like Large Language Models (LLMs) with the
capacity to learn external tool usage may serve as a pivotal step toward
realizing artificial general intelligence. Previous studies in this field have
predominantly pursued two distinct approaches to augment the tool invocation
capabilities of LLMs. The first approach emphasizes the construction of
relevant datasets for model fine-tuning. The second approach, in contrast, aims
to fully exploit the inherent reasoning abilities of LLMs through in-context
learning strategies. In this work, we introduce a novel tool invocation
pipeline designed to control massive real-world APIs. This pipeline mirrors the
human task-solving process, addressing complicated real-life user queries. At
each step, we guide LLMs to summarize the achieved results and determine the
next course of action. We term this pipeline `from Summary to action', Sum2Act
for short. Empirical evaluations of our Sum2Act pipeline on the ToolBench
benchmark show significant performance improvements, outperforming established
methods like ReAct and DFSDT. This highlights Sum2Act's effectiveness in
enhancing LLMs for complex real-world tasks. | cs.AI | From Summary to Action: Enhancing Large Language Models for Complex Tasks with Open World APIs |
2024-02-28T08:34:41Z | http://arxiv.org/pdf/2402.18154v1 | http://arxiv.org/abs/2402.18154v1 | Zhuoran Jin, Pengfei Cao, Hongbang Yuan, Yubo Chen, Jiexin Xu, Huaijun Li, Xiaojian Jiang, Kang Liu, Jun Zhao | 2024-02-28T08:34:41Z | cs.CL, cs.AI, cs.IR | Recently, retrieval augmentation and tool augmentation have demonstrated a
remarkable capability to expand the internal memory boundaries of language
models (LMs) by providing external context. However, internal memory and
external context inevitably clash, leading to knowledge conflicts within LMs.
In this paper, we aim to interpret the mechanism of knowledge conflicts through
the lens of information flow, and then mitigate conflicts by precise
interventions at the pivotal point. We find there are some attention heads with
opposite effects in the later layers, where memory heads can recall knowledge
from internal memory, and context heads can retrieve knowledge from external
context. Moreover, we reveal that the pivotal point at which knowledge
conflicts emerge in LMs is the integration of inconsistent information flows by
memory heads and context heads. Inspired by the insights, we propose a novel
method called Pruning Head via PatH PatcHing (PH3), which can efficiently
mitigate knowledge conflicts by pruning conflicting attention heads without
updating model parameters. PH3 can flexibly control eight LMs to use internal
memory ($\uparrow$ 44.0%) or external context ($\uparrow$ 38.5%). Moreover, PH3
can also improve the performance of LMs on open-domain QA tasks. We also
conduct extensive experiments to demonstrate the cross-model, cross-relation,
and cross-format generalization of our method. | cs.CL | Cutting Off the Head Ends the Conflict: A Mechanism for Interpreting and Mitigating Knowledge Conflicts in Language Models |
2024-02-28T08:30:49Z | http://arxiv.org/pdf/2403.00830v1 | http://arxiv.org/abs/2403.00830v1 | Abdul Basit, Khizar Hussain, Muhammad Abdullah Hanif, Muhammad Shafique | 2024-02-28T08:30:49Z | cs.AI, cs.CL, I.2.7 | Large language models (LLMs) are revolutionizing various domains with their
remarkable natural language processing (NLP) abilities. However, deploying LLMs
in resource-constrained edge computing and embedded systems presents
significant challenges. Another challenge lies in delivering medical assistance
in remote areas with limited healthcare facilities and infrastructure. To
address this, we introduce MedAide, an on-premise healthcare chatbot. It
leverages tiny-LLMs integrated with LangChain, providing efficient edge-based
preliminary medical diagnostics and support. MedAide employs model
optimizations for minimal memory footprint and latency on embedded edge devices
without server infrastructure. The training process is optimized using low-rank
adaptation (LoRA). Additionally, the model is trained on diverse medical
datasets, employing reinforcement learning from human feedback (RLHF) to
enhance its domain-specific capabilities. The system is implemented on various
consumer GPUs and Nvidia Jetson development board. MedAide achieves 77\%
accuracy in medical consultations and scores 56 in USMLE benchmark, enabling an
energy-efficient healthcare assistance platform that alleviates privacy
concerns due to edge-based deployment, thereby empowering the community. | cs.AI | MedAide: Leveraging Large Language Models for On-Premise Medical Assistance on Edge Devices |
2024-02-28T08:29:42Z | http://arxiv.org/pdf/2402.18603v4 | http://arxiv.org/abs/2402.18603v4 | Yanjie Li, Jingyi Liu, Weijun Li, Lina Yu, Min Wu, Wenqiang Li, Meilan Hao, Su Wei, Yusong Deng | 2024-03-14T12:10:43Z | cs.LG, cs.AI, cs.CL | Mathematical formulas are the crystallization of human wisdom in exploring
the laws of nature for thousands of years. Describing the complex laws of
nature with a concise mathematical formula is a constant pursuit of scientists
and a great challenge for artificial intelligence. This field is called
symbolic regression. Symbolic regression was originally formulated as a
combinatorial optimization problem, and GP and reinforcement learning
algorithms were used to solve it. However, GP is sensitive to hyperparameters,
and these two types of algorithms are inefficient. To solve this problem,
researchers treat the mapping from data to expressions as a translation
problem. And the corresponding large-scale pre-trained model is introduced.
However, the data and expression skeletons do not have very clear word
correspondences as the two languages do. Instead, they are more like two
modalities (e.g., image and text). Therefore, in this paper, we proposed MMSR.
The SR problem is solved as a pure multimodal problem, and contrastive learning
is also introduced in the training process for modal alignment to facilitate
later modal feature fusion. It is worth noting that in order to better promote
the modal feature fusion, we adopt the strategy of training contrastive
learning loss and other losses at the same time, which only needs one-step
training, instead of training contrastive learning loss first and then training
other losses. Because our experiments prove training together can make the
feature extraction module and feature fusion module running-in better.
Experimental results show that compared with multiple large-scale pre-training
baselines, MMSR achieves the most advanced results on multiple mainstream
datasets including SRBench. | cs.LG | MMSR: Symbolic Regression is a Multimodal Task |
2024-02-28T08:24:38Z | http://arxiv.org/pdf/2402.18150v2 | http://arxiv.org/abs/2402.18150v2 | Shicheng Xu, Liang Pang, Mo Yu, Fandong Meng, Huawei Shen, Xueqi Cheng, Jie Zhou | 2024-06-12T03:21:15Z | cs.CL, cs.AI, cs.IR | Retrieval-augmented generation (RAG) enhances large language models (LLMs) by
incorporating additional information from retrieval. However, studies have
shown that LLMs still face challenges in effectively using the retrieved
information, even ignoring it or being misled by it. The key reason is that the
training of LLMs does not clearly make LLMs learn how to utilize input
retrieved texts with varied quality. In this paper, we propose a novel
perspective that considers the role of LLMs in RAG as ``Information Refiner'',
which means that regardless of correctness, completeness, or usefulness of
retrieved texts, LLMs can consistently integrate knowledge within the retrieved
texts and model parameters to generate the texts that are more concise,
accurate, and complete than the retrieved texts. To this end, we propose an
information refinement training method named InFO-RAG that optimizes LLMs for
RAG in an unsupervised manner. InFO-RAG is low-cost and general across various
tasks. Extensive experiments on zero-shot prediction of 11 datasets in diverse
tasks including Question Answering, Slot-Filling, Language Modeling, Dialogue,
and Code Generation show that InFO-RAG improves the performance of LLaMA2 by an
average of 9.39\% relative points. InFO-RAG also shows advantages in in-context
learning and robustness of RAG. | cs.CL | Unsupervised Information Refinement Training of Large Language Models for Retrieval-Augmented Generation |
2024-02-28T08:11:05Z | http://arxiv.org/pdf/2402.18145v1 | http://arxiv.org/abs/2402.18145v1 | Zhenxiao Cheng, Jie Zhou, Wen Wu, Qin Chen, Liang He | 2024-02-28T08:11:05Z | cs.CL | Gradient-based explanation methods are increasingly used to interpret neural
models in natural language processing (NLP) due to their high fidelity. Such
methods determine word-level importance using dimension-level gradient values
through a norm function, often presuming equal significance for all gradient
dimensions. However, in the context of Aspect-based Sentiment Analysis (ABSA),
our preliminary research suggests that only specific dimensions are pertinent.
To address this, we propose the Information Bottleneck-based Gradient
(\texttt{IBG}) explanation framework for ABSA. This framework leverages an
information bottleneck to refine word embeddings into a concise intrinsic
dimension, maintaining essential features and omitting unrelated information.
Comprehensive tests show that our \texttt{IBG} approach considerably improves
both the models' performance and interpretability by identifying
sentiment-aware features. | cs.CL | Learning Intrinsic Dimension via Information Bottleneck for Explainable Aspect-based Sentiment Analysis |
2024-02-28T08:02:14Z | http://arxiv.org/pdf/2402.18139v2 | http://arxiv.org/abs/2402.18139v2 | Swagata Ashwani, Kshiteesh Hegde, Nishith Reddy Mannuru, Mayank Jindal, Dushyant Singh Sengar, Krishna Chaitanya Rao Kathala, Dishant Banga, Vinija Jain, Aman Chadha | 2024-04-15T22:42:11Z | cs.CL, cs.AI | With the rise of Large Language Models(LLMs), it has become crucial to
understand their capabilities and limitations in deciphering and explaining the
complex web of causal relationships that language entails. Current methods use
either explicit or implicit causal reasoning, yet there is a strong need for a
unified approach combining both to tackle a wide array of causal relationships
more effectively. This research proposes a novel architecture called Context
Aware Reasoning Enhancement with Counterfactual Analysis(CARE CA) framework to
enhance causal reasoning and explainability. The proposed framework
incorporates an explicit causal detection module with ConceptNet and
counterfactual statements, as well as implicit causal detection through LLMs.
Our framework goes one step further with a layer of counterfactual explanations
to accentuate LLMs understanding of causality. The knowledge from ConceptNet
enhances the performance of multiple causal reasoning tasks such as causal
discovery, causal identification and counterfactual reasoning. The
counterfactual sentences add explicit knowledge of the not caused by scenarios.
By combining these powerful modules, our model aims to provide a deeper
understanding of causal relationships, enabling enhanced interpretability.
Evaluation of benchmark datasets shows improved performance across all metrics,
such as accuracy, precision, recall, and F1 scores. We also introduce
CausalNet, a new dataset accompanied by our code, to facilitate further
research in this domain. | cs.CL | Cause and Effect: Can Large Language Models Truly Understand Causality? |
2024-02-28T07:58:24Z | http://arxiv.org/pdf/2402.18137v2 | http://arxiv.org/abs/2402.18137v2 | Jianxiong Li, Jinliang Zheng, Yinan Zheng, Liyuan Mao, Xiao Hu, Sijie Cheng, Haoyi Niu, Jihao Liu, Yu Liu, Jingjing Liu, Ya-Qin Zhang, Xianyuan Zhan | 2024-05-24T03:31:50Z | cs.RO, cs.AI, cs.CL, cs.CV, cs.LG | Multimodal pretraining is an effective strategy for the trinity of goals of
representation learning in autonomous robots: 1) extracting both local and
global task progressions; 2) enforcing temporal consistency of visual
representation; 3) capturing trajectory-level language grounding. Most existing
methods approach these via separate objectives, which often reach sub-optimal
solutions. In this paper, we propose a universal unified objective that can
simultaneously extract meaningful task progression information from image
sequences and seamlessly align them with language instructions. We discover
that via implicit preferences, where a visual trajectory inherently aligns
better with its corresponding language instruction than mismatched pairs, the
popular Bradley-Terry model can transform into representation learning through
proper reward reparameterizations. The resulted framework, DecisionNCE, mirrors
an InfoNCE-style objective but is distinctively tailored for decision-making
tasks, providing an embodied representation learning framework that elegantly
extracts both local and global task progression features, with temporal
consistency enforced through implicit time contrastive learning, while ensuring
trajectory-level instruction grounding via multimodal joint encoding.
Evaluation on both simulated and real robots demonstrates that DecisionNCE
effectively facilitates diverse downstream policy learning tasks, offering a
versatile solution for unified representation and reward learning. Project
Page: https://2toinf.github.io/DecisionNCE/ | cs.RO | DecisionNCE: Embodied Multimodal Representations via Implicit Preference Learning |
2024-02-28T07:22:13Z | http://arxiv.org/pdf/2402.18121v1 | http://arxiv.org/abs/2402.18121v1 | Yunze Xiao, Yiyang Pan | 2024-02-28T07:22:13Z | cs.CL, cs.AI | This study assesses four cutting-edge language models in the underexplored
Aminoacian language. Through evaluation, it scrutinizes their adaptability,
effectiveness, and limitations in text generation, semantic coherence, and
contextual understanding. Uncovering insights into these models' performance in
a low-resourced language, this research pioneers pathways to bridge linguistic
gaps. By offering benchmarks and understanding challenges, it lays groundwork
for future advancements in natural language processing, aiming to elevate the
applicability of language models in similar linguistic landscapes, marking a
significant step toward inclusivity and progress in language technology. | cs.CL | Saving the legacy of Hero Ibash: Evaluating Four Language Models for Aminoacian |
2024-02-28T07:18:39Z | http://arxiv.org/pdf/2402.18120v2 | http://arxiv.org/abs/2402.18120v2 | Shaoyang Xu, Weilong Dong, Zishan Guo, Xinwei Wu, Deyi Xiong | 2024-04-16T07:29:36Z | cs.CL | Prior research in representation engineering has revealed that LLMs encode
concepts within their representation spaces, predominantly centered around
English. In this study, we extend this philosophy to a multilingual scenario,
delving into multilingual human value concepts in LLMs. Through our
comprehensive exploration covering 7 types of human values, 16 languages and 3
LLM series with distinct multilinguality, we empirically substantiate the
existence of multilingual human values in LLMs. Further cross-lingual analysis
on these concepts discloses 3 traits arising from language resource
disparities: cross-lingual inconsistency, distorted linguistic relationships,
and unidirectional cross-lingual transfer between high- and low-resource
languages, all in terms of human value concepts. Additionally, we validate the
feasibility of cross-lingual control over value alignment capabilities of LLMs,
leveraging the dominant language as a source language. Drawing from our
findings on multilingual value alignment, we prudently provide suggestions on
the composition of multilingual data for LLMs pre-training: including a limited
number of dominant languages for cross-lingual alignment transfer while
avoiding their excessive prevalence, and keeping a balanced distribution of
non-dominant languages. We aspire that our findings would contribute to
enhancing the safety and utility of multilingual AI. | cs.CL | Exploring Multilingual Concepts of Human Value in Large Language Models: Is Value Alignment Consistent, Transferable and Controllable across Languages? |
2024-02-28T07:05:27Z | http://arxiv.org/pdf/2402.18115v2 | http://arxiv.org/abs/2402.18115v2 | Minghan Li, Shuai Li, Xindong Zhang, Lei Zhang | 2024-06-10T10:52:54Z | cs.CV, cs.CL | Despite the recent advances in unified image segmentation (IS), developing a
unified video segmentation (VS) model remains a challenge. This is mainly
because generic category-specified VS tasks need to detect all objects and
track them across consecutive frames, while prompt-guided VS tasks require
re-identifying the target with visual/text prompts throughout the entire video,
making it hard to handle the different tasks with the same architecture. We
make an attempt to address these issues and present a novel unified VS
architecture, namely UniVS, by using prompts as queries. UniVS averages the
prompt features of the target from previous frames as its initial query to
explicitly decode masks, and introduces a target-wise prompt cross-attention
layer in the mask decoder to integrate prompt features in the memory pool. By
taking the predicted masks of entities from previous frames as their visual
prompts, UniVS converts different VS tasks into prompt-guided target
segmentation, eliminating the heuristic inter-frame matching process. Our
framework not only unifies the different VS tasks but also naturally achieves
universal training and testing, ensuring robust performance across different
scenarios. UniVS shows a commendable balance between performance and
universality on 10 challenging VS benchmarks, covering video instance,
semantic, panoptic, object, and referring segmentation tasks. Code can be found
at \url{https://github.com/MinghanLi/UniVS}. | cs.CV | UniVS: Unified and Universal Video Segmentation with Prompts as Queries |
2024-02-28T07:02:38Z | http://arxiv.org/pdf/2402.18113v1 | http://arxiv.org/abs/2402.18113v1 | Sahithya Ravi, Patrick Huber, Akshat Shrivastava, Aditya Sagar, Ahmed Aly, Vered Shwartz, Arash Einolghozati | 2024-02-28T07:02:38Z | cs.CL, cs.AI | The emergence of Large Language Models (LLMs) has brought to light promising
language generation capabilities, particularly in performing tasks like complex
reasoning and creative writing. Consequently, distillation through imitation of
teacher responses has emerged as a popular technique to transfer knowledge from
LLMs to more accessible, Small Language Models (SLMs). While this works well
for simpler tasks, there is a substantial performance gap on tasks requiring
intricate language comprehension and creativity, such as humor generation. We
hypothesize that this gap may stem from the fact that creative tasks might be
hard to learn by imitation alone and explore whether an approach, involving
supplementary guidance from the teacher, could yield higher performance. To
address this, we study the effect of assigning a dual role to the LLM - as a
"teacher" generating data, as well as a "critic" evaluating the student's
performance. Our experiments on humor generation reveal that the incorporation
of feedback significantly narrows the performance gap between SLMs and their
larger counterparts compared to merely relying on imitation. As a result, our
research highlights the potential of using feedback as an additional dimension
to data when transferring complex language abilities via distillation. | cs.CL | Small But Funny: A Feedback-Driven Approach to Humor Distillation |
2024-02-28T06:50:10Z | http://arxiv.org/pdf/2403.08822v1 | http://arxiv.org/abs/2403.08822v1 | Yichao Wu, Yafei Xiang, Shuning Huo, Yulu Gong, Penghao Liang | 2024-02-28T06:50:10Z | cs.LG, cs.CL | In addressing the computational and memory demands of fine-tuning Large
Language Models(LLMs), we propose LoRA-SP(Streamlined Partial Parameter
Adaptation), a novel approach utilizing randomized half-selective parameter
freezing within the Low-Rank Adaptation(LoRA)framework. This method efficiently
balances pre-trained knowledge retention and adaptability for task-specific
optimizations. Through a randomized mechanism, LoRA-SP determines which
parameters to update or freeze, significantly reducing computational and memory
requirements without compromising model performance. We evaluated LoRA-SP
across several benchmark NLP tasks, demonstrating its ability to achieve
competitive performance with substantially lower resource consumption compared
to traditional full-parameter fine-tuning and other parameter-efficient
techniques. LoRA-SP innovative approach not only facilitates the deployment of
advanced NLP models in resource-limited settings but also opens new research
avenues into effective and efficient model adaptation strategies. | cs.LG | LoRA-SP: Streamlined Partial Parameter Adaptation for Resource-Efficient Fine-Tuning of Large Language Models |
2024-02-28T06:43:43Z | http://arxiv.org/pdf/2402.18101v2 | http://arxiv.org/abs/2402.18101v2 | Qiao Wang, Zheng Yuan | 2024-02-29T10:53:40Z | cs.CL | In this study, we evaluated the performance of the state-of-the-art sequence
tagging grammar error detection and correction model (SeqTagger) using Japanese
university students' writing samples. With an automatic annotation toolkit,
ERRANT, we first evaluated SeqTagger's performance on error correction with
human expert correction as the benchmark. Then a human-annotated approach was
adopted to evaluate Seqtagger's performance in error detection using a subset
of the writing dataset. Results indicated a precision of 63.66% and a recall of
20.19% for error correction in the full dataset. For the subset, after manual
exclusion of irrelevant errors such as semantic and mechanical ones, the model
shows an adjusted precision of 97.98% and an adjusted recall of 42.98% for
error detection, indicating the model's high accuracy but also its
conservativeness. Thematic analysis on errors undetected by the model revealed
that determiners and articles, especially the latter, were predominant.
Specifically, in terms of context-independent errors, the model occasionally
overlooked basic ones and faced challenges with overly erroneous or complex
structures. Meanwhile, context-dependent errors, notably those related to tense
and noun number, as well as those possibly influenced by the students' first
language (L1), remained particularly challenging. | cs.CL | Assessing the Efficacy of Grammar Error Correction: A Human Evaluation Approach in the Japanese Context |
2024-02-28T06:40:57Z | http://arxiv.org/pdf/2402.18099v2 | http://arxiv.org/abs/2402.18099v2 | Derong Xu, Ziheng Zhang, Zhihong Zhu, Zhenxi Lin, Qidong Liu, Xian Wu, Tong Xu, Wanyu Wang, Yuyang Ye, Xiangyu Zhao, Yefeng Zheng, Enhong Chen | 2024-06-04T14:38:34Z | cs.CL, cs.AI | Model editing aims to precisely alter the behaviors of large language models
(LLMs) in relation to specific knowledge, while leaving unrelated knowledge
intact. This approach has proven effective in addressing issues of
hallucination and outdated information in LLMs. However, the potential of using
model editing to modify knowledge in the medical field remains largely
unexplored, even though resolving hallucination is a pressing need in this
area. Our observations indicate that current methods face significant
challenges in dealing with specialized and complex knowledge in medical domain.
Therefore, we propose MedLaSA, a novel Layer-wise Scalable Adapter strategy for
medical model editing. MedLaSA harnesses the strengths of both adding extra
parameters and locate-then-edit methods for medical model editing. We utilize
causal tracing to identify the association of knowledge in neurons across
different layers, and generate a corresponding scale set from the association
value for each piece of knowledge. Subsequently, we incorporate scalable
adapters into the dense layers of LLMs. These adapters are assigned scaling
values based on the corresponding specific knowledge, which allows for the
adjustment of the adapter's weight and rank. The more similar the content, the
more consistent the scale between them. This ensures precise editing of
semantically identical knowledge while avoiding impact on unrelated knowledge.
To evaluate the editing impact on the behaviours of LLMs, we propose two model
editing studies for medical domain: (1) editing factual knowledge for medical
specialization and (2) editing the explanatory ability for complex knowledge.
We build two novel medical benchmarking datasets and introduce a series of
challenging and comprehensive metrics. Extensive experiments on medical LLMs
demonstrate the editing efficiency of MedLaSA, without affecting unrelated
knowledge. | cs.CL | Editing Factual Knowledge and Explanatory Ability of Medical Large Language Models |
2024-02-28T06:24:39Z | http://arxiv.org/pdf/2402.18091v1 | http://arxiv.org/abs/2402.18091v1 | Yuiga Wada, Kanta Kaneda, Daichi Saito, Komei Sugiura | 2024-02-28T06:24:39Z | cs.CV, cs.AI, cs.CL | Establishing an automatic evaluation metric that closely aligns with human
judgments is essential for effectively developing image captioning models.
Recent data-driven metrics have demonstrated a stronger correlation with human
judgments than classic metrics such as CIDEr; however they lack sufficient
capabilities to handle hallucinations and generalize across diverse images and
texts partially because they compute scalar similarities merely using
embeddings learned from tasks unrelated to image captioning evaluation. In this
study, we propose Polos, a supervised automatic evaluation metric for image
captioning models. Polos computes scores from multimodal inputs, using a
parallel feature extraction mechanism that leverages embeddings trained through
large-scale contrastive learning. To train Polos, we introduce Multimodal
Metric Learning from Human Feedback (M$^2$LHF), a framework for developing
metrics based on human feedback. We constructed the Polaris dataset, which
comprises 131K human judgments from 550 evaluators, which is approximately ten
times larger than standard datasets. Our approach achieved state-of-the-art
performance on Composite, Flickr8K-Expert, Flickr8K-CF, PASCAL-50S, FOIL, and
the Polaris dataset, thereby demonstrating its effectiveness and robustness. | cs.CV | Polos: Multimodal Metric Learning from Human Feedback for Image Captioning |
2024-02-28T05:45:37Z | http://arxiv.org/pdf/2402.18061v2 | http://arxiv.org/abs/2402.18061v2 | Jianwei Wang, Tianyin Wang, Ziqian Zeng | 2024-03-06T08:42:24Z | cs.CL, cs.AI | The superior performance of supervised classification methods in the
information extraction (IE) area heavily relies on a large amount of gold
standard data. Recent zero-shot classification methods converted the task to
other NLP tasks (e.g., textual entailment) and used off-the-shelf models of
these NLP tasks to directly perform inference on the test data without using a
large amount of IE annotation data. A potentially valuable by-product of these
methods is the large-scale silver standard data, i.e., pseudo-labeled data by
the off-the-shelf models of other NLP tasks. However, there is no further
investigation into the use of these data. In this paper, we propose a new
framework, Clean-LaVe, which aims to utilize silver standard data to enhance
the zero-shot performance. Clean-LaVe includes four phases: (1) Obtaining
silver data; (2) Identifying relatively clean data from silver data; (3)
Finetuning the off-the-shelf model using clean data; (4) Inference on the test
data. The experimental results show that Clean-LaVe can outperform the baseline
by 5% and 6% on TACRED and Wiki80 dataset in the zero-shot relation
classification task, and by 3%-7% on Smile (Korean and Polish) in the zero-shot
cross-lingual relation classification task, and by 8% on ACE05-E+ in the
zero-shot event argument classification task. The code is share in
https://github.com/wjw136/Clean_LaVe.git. | cs.CL | On the use of Silver Standard Data for Zero-shot Classification Tasks in Information Extraction |
2024-02-28T05:44:41Z | http://arxiv.org/pdf/2402.18060v4 | http://arxiv.org/abs/2402.18060v4 | Hanjie Chen, Zhouxiang Fang, Yash Singla, Mark Dredze | 2024-06-25T21:17:09Z | cs.CL | LLMs have demonstrated impressive performance in answering medical questions,
such as achieving passing scores on medical licensing examinations. However,
medical board exam or general clinical questions do not capture the complexity
of realistic clinical cases. Moreover, the lack of reference explanations means
we cannot easily evaluate the reasoning of model decisions, a crucial component
of supporting doctors in making complex medical decisions. To address these
challenges, we construct two new datasets: JAMA Clinical Challenge and
Medbullets. JAMA Clinical Challenge consists of questions based on challenging
clinical cases, while Medbullets comprises simulated clinical questions. Both
datasets are structured as multiple-choice question-answering tasks,
accompanied by expert-written explanations. We evaluate seven LLMs on the two
datasets using various prompts. Experiments demonstrate that our datasets are
harder than previous benchmarks. Human and automatic evaluations of
model-generated explanations provide insights into the promise and deficiency
of LLMs for explainable medical QA. | cs.CL | Benchmarking Large Language Models on Answering and Explaining Challenging Medical Questions |
2024-02-28T05:43:22Z | http://arxiv.org/pdf/2402.18059v3 | http://arxiv.org/abs/2402.18059v3 | Mingjia Huo, Sai Ashish Somayajula, Youwei Liang, Ruisi Zhang, Farinaz Koushanfar, Pengtao Xie | 2024-06-06T04:49:37Z | cs.LG, cs.CL, cs.CR | Large language models generate high-quality responses with potential
misinformation, underscoring the need for regulation by distinguishing
AI-generated and human-written texts. Watermarking is pivotal in this context,
which involves embedding hidden markers in texts during the LLM inference
phase, which is imperceptible to humans. Achieving both the detectability of
inserted watermarks and the semantic quality of generated texts is challenging.
While current watermarking algorithms have made promising progress in this
direction, there remains significant scope for improvement. To address these
challenges, we introduce a novel multi-objective optimization (MOO) approach
for watermarking that utilizes lightweight networks to generate token-specific
watermarking logits and splitting ratios. By leveraging MOO to optimize for
both detection and semantic objective functions, our method simultaneously
achieves detectability and semantic integrity. Experimental results show that
our method outperforms current watermarking techniques in enhancing the
detectability of texts generated by LLMs while maintaining their semantic
coherence. Our code is available at https://github.com/mignonjia/TS_watermark. | cs.LG | Token-Specific Watermarking with Enhanced Detectability and Semantic Coherence for Large Language Models |
2024-02-28T05:24:21Z | http://arxiv.org/pdf/2402.18054v1 | http://arxiv.org/abs/2402.18054v1 | Biswadip Mandal, Xiangci Li, Jessica Ouyang | 2024-02-28T05:24:21Z | cs.CL | Abstractive citation text generation is usually framed as an infilling task,
where a sequence-to-sequence model is trained to generate a citation given a
reference paper and the context window around the target; the generated
citation should be a brief discussion of the reference paper as it relates to
the citing context. However, examining a recent LED-based citation generation
system, we find that many of the generated citations are generic summaries of
the reference papers main contribution, ignoring the citation contexts focus on
a different topic. To address this problem, we propose a simple modification to
the citation text generation task: the generation target is not only the
citation itself, but the entire context window, including the target citation.
This approach can be easily applied to any abstractive citation generation
system, and our experimental results show that training in this way is
preferred by human readers and allows the generation model to make use of
contextual clues about what topic to discuss and what stance to take. | cs.CL | Contextualizing Generated Citation Texts |
2024-02-28T04:58:07Z | http://arxiv.org/pdf/2402.18050v1 | http://arxiv.org/abs/2402.18050v1 | Hannah Kim, Kushan Mitra, Rafael Li Chen, Sajjadur Rahman, Dan Zhang | 2024-02-28T04:58:07Z | cs.CL, cs.HC | Large language models (LLMs) can label data faster and cheaper than humans
for various NLP tasks. Despite their prowess, LLMs may fall short in
understanding of complex, sociocultural, or domain-specific context,
potentially leading to incorrect annotations. Therefore, we advocate a
collaborative approach where humans and LLMs work together to produce reliable
and high-quality labels. We present MEGAnno+, a human-LLM collaborative
annotation system that offers effective LLM agent and annotation management,
convenient and robust LLM annotation, and exploratory verification of LLM
labels by humans. | cs.CL | MEGAnno+: A Human-LLM Collaborative Annotation System |
2024-02-28T04:56:21Z | http://arxiv.org/pdf/2402.18048v1 | http://arxiv.org/abs/2402.18048v1 | Fan Yin, Jayanth Srinivasa, Kai-Wei Chang | 2024-02-28T04:56:21Z | cs.CL | We study how to characterize and predict the truthfulness of texts generated
from large language models (LLMs), which serves as a crucial step in building
trust between humans and LLMs. Although several approaches based on entropy or
verbalized uncertainty have been proposed to calibrate model predictions, these
methods are often intractable, sensitive to hyperparameters, and less reliable
when applied in generative tasks with LLMs. In this paper, we suggest
investigating internal activations and quantifying LLM's truthfulness using the
local intrinsic dimension (LID) of model activations. Through experiments on
four question answering (QA) datasets, we demonstrate the effectiveness
ohttps://info.arxiv.org/help/prep#abstractsf our proposed method. Additionally,
we study intrinsic dimensions in LLMs and their relations with model layers,
autoregressive language modeling, and the training of LLMs, revealing that
intrinsic dimensions can be a powerful approach to understanding LLMs. | cs.CL | Characterizing Truthfulness in Large Language Model Generations with Local Intrinsic Dimension |
2024-02-28T04:43:46Z | http://arxiv.org/pdf/2402.18045v2 | http://arxiv.org/abs/2402.18045v2 | Sheikh Shafayat, Eunsu Kim, Juhyun Oh, Alice Oh | 2024-03-01T12:35:55Z | cs.CL | Large Language Models (LLMs) are prone to factuality hallucination,
generating text that contradicts established knowledge. While extensive
research has addressed this in English, little is known about multilingual
LLMs. This paper systematically evaluates multilingual LLMs' factual accuracy
across languages and geographic regions. We introduce a novel pipeline for
multilingual factuality evaluation, adapting FActScore(Min et al., 2023) for
diverse languages. Our analysis across nine languages reveals that English
consistently outperforms others in factual accuracy and quantity of generated
facts. Furthermore, multilingual models demonstrate a bias towards factual
information from Western continents. These findings highlight the need for
improved multilingual factuality assessment and underscore geographical biases
in LLMs' fact generation. | cs.CL | Multi-FAct: Assessing Multilingual LLMs' Multi-Regional Knowledge using FActScore |
2024-02-28T04:42:59Z | http://arxiv.org/pdf/2402.18043v1 | http://arxiv.org/abs/2402.18043v1 | Rrubaa Panchendrarajan, Geri Popova, Tony Russell-Rose | 2024-02-28T04:42:59Z | cs.CL | A prominent media topic in the UK in the early 2020s is the energy crisis
affecting the UK and most of Europe. It brings into a single public debate
issues of energy dependency and sustainability, fair distribution of economic
burdens and cost of living, as well as climate change, risk, and
sustainability. In this paper, we investigate the public discourse around the
energy crisis and cost of living to identify how these pivotal and
contradictory issues are reconciled in this debate and to identify which social
actors are involved and the role they play. We analyse a document corpus
retrieved from UK newspapers from January 2014 to March 2023. We apply a
variety of natural language processing and data visualisation techniques to
identify key topics, novel trends, critical social actors, and the role they
play in the debate, along with the sentiment associated with those actors and
topics. We combine automated techniques with manual discourse analysis to
explore and validate the insights revealed in this study. The findings verify
the utility of these techniques by providing a flexible and scalable pipeline
for discourse analysis and providing critical insights for cost of living -
energy crisis nexus research. | cs.CL | Crisis talk: analysis of the public debate around the energy crisis and cost of living |
2024-02-28T04:35:51Z | http://arxiv.org/pdf/2402.18041v1 | http://arxiv.org/abs/2402.18041v1 | Yang Liu, Jiahuan Cao, Chongyu Liu, Kai Ding, Lianwen Jin | 2024-02-28T04:35:51Z | cs.CL, cs.AI | This paper embarks on an exploration into the Large Language Model (LLM)
datasets, which play a crucial role in the remarkable advancements of LLMs. The
datasets serve as the foundational infrastructure analogous to a root system
that sustains and nurtures the development of LLMs. Consequently, examination
of these datasets emerges as a critical topic in research. In order to address
the current lack of a comprehensive overview and thorough analysis of LLM
datasets, and to gain insights into their current status and future trends,
this survey consolidates and categorizes the fundamental aspects of LLM
datasets from five perspectives: (1) Pre-training Corpora; (2) Instruction
Fine-tuning Datasets; (3) Preference Datasets; (4) Evaluation Datasets; (5)
Traditional Natural Language Processing (NLP) Datasets. The survey sheds light
on the prevailing challenges and points out potential avenues for future
investigation. Additionally, a comprehensive review of the existing available
dataset resources is also provided, including statistics from 444 datasets,
covering 8 language categories and spanning 32 domains. Information from 20
dimensions is incorporated into the dataset statistics. The total data size
surveyed surpasses 774.5 TB for pre-training corpora and 700M instances for
other datasets. We aim to present the entire landscape of LLM text datasets,
serving as a comprehensive reference for researchers in this field and
contributing to future studies. Related resources are available at:
https://github.com/lmmlzn/Awesome-LLMs-Datasets. | cs.CL | Datasets for Large Language Models: A Comprehensive Survey |
2024-02-28T04:33:20Z | http://arxiv.org/pdf/2402.18039v1 | http://arxiv.org/abs/2402.18039v1 | Shuhua Shi, Shaohan Huang, Minghui Song, Zhoujun Li, Zihan Zhang, Haizhen Huang, Furu Wei, Weiwei Deng, Feng Sun, Qi Zhang | 2024-02-28T04:33:20Z | cs.CL, cs.AI | As one of the most popular parameter-efficient fine-tuning (PEFT) methods,
low-rank adaptation (LoRA) is commonly applied to fine-tune large language
models (LLMs). However, updating the weights of LoRA blocks effectively and
expeditiously is challenging due to the long calculation path in the original
model. To address this, we propose ResLoRA, an improved framework of LoRA. By
adding residual paths during training and using merging approaches to eliminate
these extra paths during inference, our method can achieve better results in
fewer training steps without any extra trainable parameters or inference cost
compared to LoRA. The experiments on NLG, NLU, and text-to-image tasks
demonstrate the effectiveness of our method. To the best of our knowledge,
ResLoRA is the first work that combines the residual path with LoRA. The code
of our method is available at
https://github.com/microsoft/LMOps/tree/main/reslora . | cs.CL | ResLoRA: Identity Residual Mapping in Low-Rank Adaption |
2024-02-28T03:58:58Z | http://arxiv.org/pdf/2402.18031v1 | http://arxiv.org/abs/2402.18031v1 | Yibin Lei, Yu Cao, Tianyi Zhou, Tao Shen, Andrew Yates | 2024-02-28T03:58:58Z | cs.IR, cs.CL | Recent studies demonstrate that query expansions generated by large language
models (LLMs) can considerably enhance information retrieval systems by
generating hypothetical documents that answer the queries as expansions.
However, challenges arise from misalignments between the expansions and the
retrieval corpus, resulting in issues like hallucinations and outdated
information due to the limited intrinsic knowledge of LLMs. Inspired by Pseudo
Relevance Feedback (PRF), we introduce Corpus-Steered Query Expansion (CSQE) to
promote the incorporation of knowledge embedded within the corpus. CSQE
utilizes the relevance assessing capability of LLMs to systematically identify
pivotal sentences in the initially-retrieved documents. These corpus-originated
texts are subsequently used to expand the query together with LLM-knowledge
empowered expansions, improving the relevance prediction between the query and
the target documents. Extensive experiments reveal that CSQE exhibits strong
performance without necessitating any training, especially with queries for
which LLMs lack knowledge. | cs.IR | Corpus-Steered Query Expansion with Large Language Models |
2024-02-28T03:44:01Z | http://arxiv.org/pdf/2402.18025v1 | http://arxiv.org/abs/2402.18025v1 | Kexun Zhang, Yee Man Choi, Zhenqiao Song, Taiqi He, William Yang Wang, Lei Li | 2024-02-28T03:44:01Z | cs.CL | How can large language models (LLMs) process and translate endangered
languages? Many languages lack a large corpus to train a decent LLM; therefore
existing LLMs rarely perform well in unseen, endangered languages. On the
contrary, we observe that 2000 endangered languages, though without a large
corpus, have a grammar book or a dictionary. We propose LINGOLLM, a
training-free approach to enable an LLM to process unseen languages that hardly
occur in its pre-training. Our key insight is to demonstrate linguistic
knowledge of an unseen language in an LLM's prompt, including a dictionary, a
grammar book, and morphologically analyzed input text. We implement LINGOLLM on
top of two models, GPT-4 and Mixtral, and evaluate their performance on 5 tasks
across 8 endangered or low-resource languages. Our results show that LINGOLLM
elevates translation capability from GPT-4's 0 to 10.5 BLEU for 10 language
directions. Our findings demonstrate the tremendous value of linguistic
knowledge in the age of LLMs for endangered languages. Our data, code, and
model generations can be found at https://github.com/LLiLab/llm4endangeredlang. | cs.CL | Hire a Linguist!: Learning Endangered Languages with In-Context Linguistic Descriptions |
2024-02-28T03:40:46Z | http://arxiv.org/pdf/2403.00829v1 | http://arxiv.org/abs/2403.00829v1 | Zhuoer Xu, Jianping Zhang, Shiwen Cui, Changhua Meng, Weiqiang Wang | 2024-02-28T03:40:46Z | cs.AI, cs.CL | Large Language Models (LLMs) become the start-of-the-art solutions for a
variety of natural language tasks and are integrated into real-world
applications. However, LLMs can be potentially harmful in manifesting
undesirable safety issues like social biases and toxic content. It is
imperative to assess its safety issues before deployment. However, the quality
and diversity of test prompts generated by existing methods are still far from
satisfactory. Not only are these methods labor-intensive and require large
budget costs, but the controllability of test prompt generation is lacking for
the specific testing domain of LLM applications. With the idea of LLM for LLM
testing, we propose the first LLM, called TroubleLLM, to generate controllable
test prompts on LLM safety issues. Extensive experiments and human evaluation
illustrate the superiority of TroubleLLM on generation quality and generation
controllability. | cs.AI | TroubleLLM: Align to Red Team Expert |
2024-02-28T03:38:20Z | http://arxiv.org/pdf/2402.18023v2 | http://arxiv.org/abs/2402.18023v2 | Yuqi Ren, Renren Jin, Tongxuan Zhang, Deyi Xiong | 2024-05-28T05:51:15Z | cs.AI, cs.CL | Large Language Models (LLMs) have demonstrated remarkable abilities in text
comprehension and logical reasoning, indicating that the text representations
learned by LLMs can facilitate their language processing capabilities. In
cognitive science, brain cognitive processing signals are typically utilized to
study human language processing. Therefore, it is natural to ask how well the
text embeddings from LLMs align with the brain cognitive processing signals,
and how training strategies affect the LLM-brain alignment? In this paper, we
employ Representational Similarity Analysis (RSA) to measure the alignment
between 23 mainstream LLMs and fMRI signals of the brain to evaluate how
effectively LLMs simulate cognitive language processing. We empirically
investigate the impact of various factors (e.g., pre-training data size, model
scaling, alignment training, and prompts) on such LLM-brain alignment.
Experimental results indicate that pre-training data size and model scaling are
positively correlated with LLM-brain similarity, and alignment training can
significantly improve LLM-brain similarity. Explicit prompts contribute to the
consistency of LLMs with brain cognitive language processing, while nonsensical
noisy prompts may attenuate such alignment. Additionally, the performance of a
wide range of LLM evaluations (e.g., MMLU, Chatbot Arena) is highly correlated
with the LLM-brain similarity. | cs.AI | Do Large Language Models Mirror Cognitive Language Processing? |
2024-02-28T03:20:27Z | http://arxiv.org/pdf/2403.07921v1 | http://arxiv.org/abs/2403.07921v1 | Youpeng Zhao, Ming Lin, Huadong Tang, Qiang Wu, Jun Wang | 2024-02-28T03:20:27Z | cs.LG, cs.AI, cs.CL | Generative Large Language Models (LLMs) stand as a revolutionary advancement
in the modern era of artificial intelligence (AI). However, directly deploying
LLMs in resource-constrained hardware, such as Internet-of-Things (IoT)
devices, is difficult due to their high computational cost. In this paper, we
propose a novel information-entropy framework for designing mobile-friendly
generative language models. Our key design paradigm is to maximize the entropy
of transformer decoders within the given computational budgets. The whole
design procedure involves solving a mathematical programming (MP) problem,
which can be done on the CPU within minutes, making it nearly zero-cost. We
evaluate our designed models, termed MeRino, across nine NLP downstream tasks,
showing their competitive performance against the state-of-the-art
autoregressive transformer models under the mobile setting. Notably, MeRino
achieves similar or better zero performance compared to the 350M parameter OPT
while being 4.9x faster on NVIDIA Jetson Nano with 5.5x reduction in model
size. Code will be made available soon. | cs.LG | Merino: Entropy-driven Design for Generative Language Models on IoT Devices |
2024-02-28T03:16:44Z | http://arxiv.org/pdf/2402.18013v1 | http://arxiv.org/abs/2402.18013v1 | Zihao Yi, Jiarui Ouyang, Yuwen Liu, Tianhao Liao, Zhe Xu, Ying Shen | 2024-02-28T03:16:44Z | cs.CL, cs.AI | This survey provides a comprehensive review of research on multi-turn
dialogue systems, with a particular focus on multi-turn dialogue systems based
on large language models (LLMs). This paper aims to (a) give a summary of
existing LLMs and approaches for adapting LLMs to downstream tasks; (b)
elaborate recent advances in multi-turn dialogue systems, covering both
LLM-based open-domain dialogue (ODD) and task-oriented dialogue (TOD) systems,
along with datasets and evaluation metrics; (c) discuss some future emphasis
and recent research problems arising from the development of LLMs and the
increasing demands on multi-turn dialogue systems. | cs.CL | A Survey on Recent Advances in LLM-Based Multi-turn Dialogue Systems |
2024-02-28T02:40:09Z | http://arxiv.org/pdf/2402.18005v2 | http://arxiv.org/abs/2402.18005v2 | Miao Li, Jey Han Lau, Eduard Hovy | 2024-06-04T16:10:13Z | cs.CL, cs.AI | Modern natural language generation systems with Large Language Models (LLMs)
exhibit the capability to generate a plausible summary of multiple documents;
however, it is uncertain if they truly possess the capability of information
consolidation to generate summaries, especially on documents with opinionated
information. We focus on meta-review generation, a form of sentiment
summarisation for the scientific domain. To make scientific sentiment
summarization more grounded, we hypothesize that human meta-reviewers follow a
three-layer framework of sentiment consolidation to write meta-reviews. Based
on the framework, we propose novel prompting methods for LLMs to generate
meta-reviews and evaluation metrics to assess the quality of generated
meta-reviews. Our framework is validated empirically as we find that prompting
LLMs based on the framework -- compared with prompting them with simple
instructions -- generates better meta-reviews. | cs.CL | A Sentiment Consolidation Framework for Meta-Review Generation |
2024-02-28T02:00:34Z | http://arxiv.org/pdf/2402.17985v1 | http://arxiv.org/abs/2402.17985v1 | Yi Zhang, Fei Yang, Shuang Peng, Fangyu Wang, Aimin Pan | 2024-02-28T02:00:34Z | cs.LG, cs.AI, cs.CL | Large language models (LLMs) have demonstrated state-of-the-art performance
across various tasks. However, the latency of inference and the large GPU
memory consumption of LLMs restrict their deployment performance. Recently,
there have been some efficient attempts to quantize LLMs, yet inference with
large batch size or long sequence still has the issue of being compute-bound.
Fine-grained quantization methods have showcased their proficiency in achieving
low-bit quantization for LLMs, while requiring FP16 data type for linear layer
computations, which is time-consuming when dealing with large batch size or
long sequence. In this paper, we introduce a method called FlattenQuant, which
significantly reduces the maximum value of the tensor by flattening the large
channels in the tensor, to achieve low bit per-tensor quantization with minimal
accuracy loss. Our experiments show that FlattenQuant can directly use 4 bits
to achieve 48.29% of the linear layer calculation in LLMs, with the remaining
layers using 8 bits. The 4-bit matrix multiplication introduced in the
FlattenQuant method can effectively address the compute-bound caused by large
matrix calculation. Our work achieves up to 2$\times$ speedup and 2.3$\times$
memory reduction for LLMs with negligible loss in accuracy. | cs.LG | FlattenQuant: Breaking Through the Inference Compute-bound for Large Language Models with Per-tensor Quantization |
2024-02-28T01:56:00Z | http://arxiv.org/pdf/2402.17983v2 | http://arxiv.org/abs/2402.17983v2 | Yihao Ding, Lorenzo Vaiani, Caren Han, Jean Lee, Paolo Garza, Josiah Poon, Luca Cagliero | 2024-05-20T01:49:47Z | cs.CL, cs.CV | This paper presents a groundbreaking multimodal, multi-task, multi-teacher
joint-grained knowledge distillation model for visually-rich form document
understanding. The model is designed to leverage insights from both
fine-grained and coarse-grained levels by facilitating a nuanced correlation
between token and entity representations, addressing the complexities inherent
in form documents. Additionally, we introduce new inter-grained and
cross-grained loss functions to further refine diverse multi-teacher knowledge
distillation transfer process, presenting distribution gaps and a harmonised
understanding of form documents. Through a comprehensive evaluation across
publicly available form document understanding datasets, our proposed model
consistently outperforms existing baselines, showcasing its efficacy in
handling the intricate structures and content of visually complex form
documents. | cs.CL | M3-VRD: Multimodal Multi-task Multi-teacher Visually-Rich Form Document Understanding |
2024-02-28T01:53:37Z | http://arxiv.org/pdf/2402.17982v1 | http://arxiv.org/abs/2402.17982v1 | Lifeng Jin, Baolin Peng, Linfeng Song, Haitao Mi, Ye Tian, Dong Yu | 2024-02-28T01:53:37Z | cs.CL | The most common training pipeline for large language models includes
pretraining, finetuning and aligning phases, with their respective resulting
models, such as the pretrained model and the finetuned model. Finetuned and
aligned models show improved abilities of instruction following and safe
generation, however their abilities to stay factual about the world are
impacted by the finetuning process. Furthermore, the common practice of using
sampling during generation also increases chances of hallucination. In this
work, we introduce a collaborative decoding framework to harness the high
factuality within pretrained models through the concept of critical tokens. We
first design a critical token classifier to decide which model to use for the
next token, and subsequently generates the next token using different decoding
strategies. Experiments with different models and datasets show that our
decoding framework is able to reduce model hallucination significantly,
showcasing the importance of the collaborative decoding framework. | cs.CL | Collaborative decoding of critical tokens for boosting factuality of large language models |
2024-02-28T01:32:59Z | http://arxiv.org/pdf/2402.17971v2 | http://arxiv.org/abs/2402.17971v2 | Lei Wang, Wanyu Xu, Zhiqiang Hu, Yihuai Lan, Shan Dong, Hao Wang, Roy Ka-Wei Lee, Ee-Peng Lim | 2024-04-02T09:32:51Z | cs.CV, cs.AI, cs.CL | This paper introduces a new in-context learning (ICL) mechanism called
In-Image Learning (I$^2$L) that combines demonstration examples, visual cues,
and chain-of-thought reasoning into an aggregated image to enhance the
capabilities of Large Multimodal Models (e.g., GPT-4V) in multimodal reasoning
tasks. Unlike previous approaches that rely on converting images to text or
incorporating visual input into language models, I$^2$L consolidates all
information into an aggregated image and leverages image processing,
understanding, and reasoning abilities. This has several advantages: it reduces
inaccurate textual descriptions of complex images, provides flexibility in
positioning demonstration examples, and avoids multiple input images and
lengthy prompts. We also introduce I$^2$L-Hybrid, a method that combines the
strengths of I$^2$L with other ICL methods. Specifically, it uses an automatic
strategy to select the most suitable method (I$^2$L or another certain ICL
method) for a specific task instance. We conduct extensive experiments to
assess the effectiveness of I$^2$L and I$^2$L-Hybrid on MathVista, which covers
a variety of complex multimodal reasoning tasks. Additionally, we investigate
the influence of image resolution, the number of demonstration examples in a
single image, and the positions of these demonstrations in the aggregated image
on the effectiveness of I$^2$L. Our code is publicly available at
https://github.com/AGI-Edgerunners/IIL. | cs.CV | All in an Aggregated Image for In-Image Learning |
2024-02-28T01:29:55Z | http://arxiv.org/pdf/2403.07920v1 | http://arxiv.org/abs/2403.07920v1 | Le Zhuo, Zewen Chi, Minghao Xu, Heyan Huang, Heqi Zheng, Conghui He, Xian-Ling Mao, Wentao Zhang | 2024-02-28T01:29:55Z | q-bio.BM, cs.AI, cs.CL, cs.LG | We propose ProtLLM, a versatile cross-modal large language model (LLM) for
both protein-centric and protein-language tasks. ProtLLM features a unique
dynamic protein mounting mechanism, enabling it to handle complex inputs where
the natural language text is interspersed with an arbitrary number of proteins.
Besides, we propose the protein-as-word language modeling approach to train
ProtLLM. By developing a specialized protein vocabulary, we equip the model
with the capability to predict not just natural language but also proteins from
a vast pool of candidates. Additionally, we construct a large-scale interleaved
protein-text dataset, named InterPT, for pre-training. This dataset
comprehensively encompasses both (1) structured data sources like protein
annotations and (2) unstructured data sources like biological research papers,
thereby endowing ProtLLM with crucial knowledge for understanding proteins. We
evaluate ProtLLM on classic supervised protein-centric tasks and explore its
novel protein-language applications. Experimental results demonstrate that
ProtLLM not only achieves superior performance against protein-specialized
baselines on protein-centric tasks but also induces zero-shot and in-context
learning capabilities on protein-language tasks. | q-bio.BM | ProtLLM: An Interleaved Protein-Language LLM with Protein-as-Word Pre-Training |
2024-02-28T00:49:06Z | http://arxiv.org/pdf/2402.17959v2 | http://arxiv.org/abs/2402.17959v2 | Zhou Yang, Zhaochun Ren, Yufeng Wang, Chao Chen, Haizhou Sun, Xiaofei Zhu, Xiangwen Liao | 2024-06-02T10:46:13Z | cs.CL, cs.HC | Empathetic response generation aims to comprehend the cognitive and emotional
states in dialogue utterances and generate proper responses. Psychological
theories posit that comprehending emotional and cognitive states necessitates
iteratively capturing and understanding associated words across dialogue
utterances. However, existing approaches regard dialogue utterances as either a
long sequence or independent utterances for comprehension, which are prone to
overlook the associated words between them. To address this issue, we propose
an Iterative Associative Memory Model (IAMM) for empathetic response
generation. Specifically, we employ a novel second-order interaction attention
mechanism to iteratively capture vital associated words between dialogue
utterances and situations, dialogue history, and a memory module (for storing
associated words), thereby accurately and nuancedly comprehending the
utterances. We conduct experiments on the Empathetic-Dialogue dataset. Both
automatic and human evaluations validate the efficacy of the model. Variant
experiments on LLMs also demonstrate that attending to associated words
improves empathetic comprehension and expression. | cs.CL | An Iterative Associative Memory Model for Empathetic Response Generation |
2024-02-28T00:24:29Z | http://arxiv.org/pdf/2402.17954v2 | http://arxiv.org/abs/2402.17954v2 | Giuseppe Attanasio, Beatrice Savoldi, Dennis Fucci, Dirk Hovy | 2024-06-19T13:42:48Z | cs.CL | Current automatic speech recognition (ASR) models are designed to be used
across many languages and tasks without substantial changes. However, this
broad language coverage hides performance gaps within languages, for example,
across genders. Our study systematically evaluates the performance of two
widely used multilingual ASR models on three datasets, encompassing 19
languages from eight language families and two speaking conditions. Our
findings reveal clear gender disparities, with the advantaged group varying
across languages and models. Surprisingly, those gaps are not explained by
acoustic or lexical properties. However, probing internal model states reveals
a correlation with gendered performance gap. I.e., the easier it is to
distinguish speaker gender in a language using probes, the more the gap
reduces, favoring female speakers. Our results show that gender disparities
persist even in state-of-the-art models. Our findings have implications for the
improvement of multilingual ASR systems, underscoring the importance of
accessibility to training data and nuanced evaluation to predict and mitigate
gender gaps. We release all code and artifacts at
https://github.com/g8a9/multilingual-asr-gender-gap. | cs.CL | Twists, Humps, and Pebbles: Multilingual Speech Recognition Models Exhibit Gender Performance Gaps |
2024-02-28T00:22:42Z | http://arxiv.org/pdf/2403.14659v1 | http://arxiv.org/abs/2403.14659v1 | Minzhi Li, Weiyan Shi, Caleb Ziems, Diyi Yang | 2024-02-28T00:22:42Z | cs.CY, cs.AI, cs.CL | As Natural Language Processing (NLP) systems become increasingly integrated
into human social life, these technologies will need to increasingly rely on
social intelligence. Although there are many valuable datasets that benchmark
isolated dimensions of social intelligence, there does not yet exist any body
of work to join these threads into a cohesive subfield in which researchers can
quickly identify research gaps and future directions. Towards this goal, we
build a Social AI Data Infrastructure, which consists of a comprehensive social
AI taxonomy and a data library of 480 NLP datasets. Our infrastructure allows
us to analyze existing dataset efforts, and also evaluate language models'
performance in different social intelligence aspects. Our analyses demonstrate
its utility in enabling a thorough understanding of current data landscape and
providing a holistic perspective on potential directions for future dataset
development. We show there is a need for multifaceted datasets, increased
diversity in language and culture, more long-tailed social situations, and more
interactive data in future social intelligence data efforts. | cs.CY | Social Intelligence Data Infrastructure: Structuring the Present and Navigating the Future |
2024-02-28T00:09:07Z | http://arxiv.org/pdf/2402.17946v3 | http://arxiv.org/abs/2402.17946v3 | Guangji Bai, Yijiang Li, Chen Ling, Kibaek Kim, Liang Zhao | 2024-05-23T20:19:07Z | cs.CL | The transformative impact of large language models (LLMs) like LLaMA and GPT
on natural language processing is countered by their prohibitive computational
demands. Pruning has emerged as a pivotal compression strategy, introducing
sparsity to enhance both memory and computational efficiency. Yet, traditional
global pruning is impractical for LLMs due to scalability issues, while local
pruning, despite its efficiency, leads to suboptimal solutions. Addressing
these challenges, we propose SparseLLM, a novel framework that redefines the
global pruning process into manageable, coordinated subproblems, allowing for
resource-efficient optimization with global optimality. SparseLLM's approach,
which conceptualizes LLMs as a chain of modular functions and leverages
auxiliary variables for problem decomposition, not only facilitates a pragmatic
application on LLMs but also demonstrates significant performance improvements,
particularly in high-sparsity regimes where it surpasses current
state-of-the-art methods. | cs.CL | SparseLLM: Towards Global Pruning for Pre-trained Language Models |
2024-02-27T23:59:01Z | http://arxiv.org/pdf/2402.17944v4 | http://arxiv.org/abs/2402.17944v4 | Xi Fang, Weijie Xu, Fiona Anting Tan, Jiani Zhang, Ziqing Hu, Yanjun Qi, Scott Nickleach, Diego Socolinsky, Srinivasan Sengamedu, Christos Faloutsos | 2024-06-21T19:59:54Z | cs.CL, 68T50, I.2.7 | Recent breakthroughs in large language modeling have facilitated rigorous
exploration of their application in diverse tasks related to tabular data
modeling, such as prediction, tabular data synthesis, question answering, and
table understanding. Each task presents unique challenges and opportunities.
However, there is currently a lack of comprehensive review that summarizes and
compares the key techniques, metrics, datasets, models, and optimization
approaches in this research domain. This survey aims to address this gap by
consolidating recent progress in these areas, offering a thorough survey and
taxonomy of the datasets, metrics, and methodologies utilized. It identifies
strengths, limitations, unexplored territories, and gaps in the existing
literature, while providing some insights for future research directions in
this vital and rapidly evolving field. It also provides relevant code and
datasets references. Through this comprehensive review, we hope to provide
interested readers with pertinent references and insightful perspectives,
empowering them with the necessary tools and knowledge to effectively navigate
and address the prevailing challenges in the field. | cs.CL | Large Language Models(LLMs) on Tabular Data: Prediction, Generation, and Understanding -- A Survey |
2024-02-27T23:30:17Z | http://arxiv.org/pdf/2402.17938v1 | http://arxiv.org/abs/2402.17938v1 | Ruisi Zhang, Farinaz Koushanfar | 2024-02-27T23:30:17Z | cs.CR, cs.CL | This paper introduces EmMark,a novel watermarking framework for protecting
the intellectual property (IP) of embedded large language models deployed on
resource-constrained edge devices. To address the IP theft risks posed by
malicious end-users, EmMark enables proprietors to authenticate ownership by
querying the watermarked model weights and matching the inserted signatures.
EmMark's novelty lies in its strategic watermark weight parameters selection,
nsuring robustness and maintaining model quality. Extensive proof-of-concept
evaluations of models from OPT and LLaMA-2 families demonstrate EmMark's
fidelity, achieving 100% success in watermark extraction with model performance
preservation. EmMark also showcased its resilience against watermark removal
and forging attacks. | cs.CR | EmMark: Robust Watermarks for IP Protection of Embedded Quantized Large Language Models |
2024-02-27T23:29:10Z | http://arxiv.org/pdf/2402.17936v1 | http://arxiv.org/abs/2402.17936v1 | Theodor Amariucai, Alex Warstadt | 2024-02-27T23:29:10Z | cs.CL | In contrast to children, language models (LMs) exhibit considerably inferior
data efficiency when acquiring language. In this submission to the BabyLM
Challenge (Warstadt et al., 2023), we test the hypothesis that this data
efficiency gap is partly caused by a lack of multimodal input and grounding in
the learning environment of typical language models. Although previous work
looking into this question found that multimodal training can even harm
language-only performance, we speculate that these findings can be attributed
to catastrophic forgetting of complex language due to fine-tuning on captions
data. To test our hypothesis, we perform an ablation study on FLAVA (Singh et
al., 2022), a multimodal vision-and-language model, independently varying the
volume of text and vision input to quantify how much text data (if any) can be
offset by vision at different data scales. We aim to limit catastrophic
forgetting through a multitask pretraining regime that includes unimodal
text-only tasks and data sampled from WiT, the relatively diverse
Wikipedia-based dataset (Srinivasan et al., 2021). Our results are largely
negative: Multimodal pretraining does not harm our models' language performance
but does not consistently help either. That said, our conclusions are limited
by our having been able to conduct only a small number of runs. While we must
leave open the possibility that multimodal input explains some of the gap in
data efficiency between LMs and humans, positive evidence for this hypothesis
will require better architectures and techniques for multimodal training. | cs.CL | Acquiring Linguistic Knowledge from Multimodal Input |
2024-02-27T23:12:45Z | http://arxiv.org/pdf/2402.17934v1 | http://arxiv.org/abs/2402.17934v1 | Chu-Cheng Lin, Xinyi Wang, Jonathan H. Clark, Han Lu, Yun Zhu, Chenxi Whitehouse, Hongkun Yu | 2024-02-27T23:12:45Z | cs.CL, cs.AI | Adapting pretrained large language models (LLMs) to various downstream tasks
in tens or hundreds of human languages is computationally expensive.
Parameter-efficient fine-tuning (PEFT) significantly reduces the adaptation
cost, by tuning only a small amount of parameters. However, directly applying
PEFT methods such as LoRA (Hu et al., 2022) on diverse dataset mixtures could
lead to suboptimal performance due to limited parameter capacity and negative
interference among different datasets. In this work, we propose Featurized
Low-rank Mixtures (FLix), a novel PEFT method designed for effective multitask
multilingual tuning. FLix associates each unique dataset feature, such as the
dataset's language or task, with its own low-rank weight update parameters. By
composing feature-specific parameters for each dataset, FLix can accommodate
diverse dataset mixtures and generalize better to unseen datasets. Our
experiments show that FLix leads to significant improvements over a variety of
tasks for both supervised learning and zero-shot settings using different
training data mixtures. | cs.CL | Multitask Multilingual Model Adaptation with Featurized Low-Rank Mixtures |
2024-02-27T23:06:53Z | http://arxiv.org/pdf/2402.17930v1 | http://arxiv.org/abs/2402.17930v1 | Tan Zhi-Xuan, Lance Ying, Vikash Mansinghka, Joshua B. Tenenbaum | 2024-02-27T23:06:53Z | cs.AI, cs.CL, cs.LG | People often give instructions whose meaning is ambiguous without further
context, expecting that their actions or goals will disambiguate their
intentions. How can we build assistive agents that follow such instructions in
a flexible, context-sensitive manner? This paper introduces cooperative
language-guided inverse plan search (CLIPS), a Bayesian agent architecture for
pragmatic instruction following and goal assistance. Our agent assists a human
by modeling them as a cooperative planner who communicates joint plans to the
assistant, then performs multimodal Bayesian inference over the human's goal
from actions and language, using large language models (LLMs) to evaluate the
likelihood of an instruction given a hypothesized plan. Given this posterior,
our assistant acts to minimize expected goal achievement cost, enabling it to
pragmatically follow ambiguous instructions and provide effective assistance
even when uncertain about the goal. We evaluate these capabilities in two
cooperative planning domains (Doors, Keys & Gems and VirtualHome), finding that
CLIPS significantly outperforms GPT-4V, LLM-based literal instruction following
and unimodal inverse planning in both accuracy and helpfulness, while closely
matching the inferences and assistive judgments provided by human raters. | cs.AI | Pragmatic Instruction Following and Goal Assistance via Cooperative Language-Guided Inverse Planning |
2024-02-27T22:07:52Z | http://arxiv.org/pdf/2402.17916v3 | http://arxiv.org/abs/2402.17916v3 | Roy Xie, Chengxuan Huang, Junlin Wang, Bhuwan Dhingra | 2024-06-15T22:36:20Z | cs.CL, cs.AI | Large language models (LLMs) have significantly transformed the educational
landscape. As current plagiarism detection tools struggle to keep pace with
LLMs' rapid advancements, the educational community faces the challenge of
assessing students' true problem-solving abilities in the presence of LLMs. In
this work, we explore a new paradigm for ensuring fair evaluation -- generating
adversarial examples which preserve the structure and difficulty of the
original questions aimed for assessment, but are unsolvable by LLMs. Focusing
on the domain of math word problems, we leverage abstract syntax trees to
structurally generate adversarial examples that cause LLMs to produce incorrect
answers by simply editing the numeric values in the problems. We conduct
experiments on various open- and closed-source LLMs, quantitatively and
qualitatively demonstrating that our method significantly degrades their math
problem-solving ability. We identify shared vulnerabilities among LLMs and
propose a cost-effective approach to attack high-cost models. Additionally, we
conduct automatic analysis to investigate the cause of failure, providing
further insights into the limitations of LLMs. | cs.CL | Adversarial Math Word Problem Generation |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.