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-15T18:19:16Z | http://arxiv.org/pdf/2402.10171v1 | http://arxiv.org/abs/2402.10171v1 | Yao Fu, Rameswar Panda, Xinyao Niu, Xiang Yue, Hannaneh Hajishirzi, Yoon Kim, Hao Peng | 2024-02-15T18:19:16Z | cs.CL, cs.AI | We study the continual pretraining recipe for scaling language models'
context lengths to 128K, with a focus on data engineering. We hypothesize that
long context modeling, in particular \textit{the ability to utilize information
at arbitrary input locations}, is a capability that is mostly already acquired
through large-scale pretraining, and that this capability can be readily
extended to contexts substantially longer than seen during training~(e.g., 4K
to 128K) through lightweight continual pretraining on appropriate data mixture.
We investigate the \textit{quantity} and \textit{quality} of the data for
continual pretraining: (1) for quantity, we show that 500 million to 5 billion
tokens are enough to enable the model to retrieve information anywhere within
the 128K context; (2) for quality, our results equally emphasize \textit{domain
balance} and \textit{length upsampling}. Concretely, we find that naively
upsampling longer data on certain domains like books, a common practice of
existing work, gives suboptimal performance, and that a balanced domain mixture
is important. We demonstrate that continual pretraining of the full model on
1B-5B tokens of such data is an effective and affordable strategy for scaling
the context length of language models to 128K. Our recipe outperforms strong
open-source long-context models and closes the gap to frontier models like
GPT-4 128K. | cs.CL | Data Engineering for Scaling Language Models to 128K Context |
2024-02-15T18:00:02Z | http://arxiv.org/pdf/2402.10153v2 | http://arxiv.org/abs/2402.10153v2 | Mahyar Abbasian, Zhongqi Yang, Elahe Khatibi, Pengfei Zhang, Nitish Nagesh, Iman Azimi, Ramesh Jain, Amir M. Rahmani | 2024-02-28T19:40:13Z | cs.CL | Effective diabetes management is crucial for maintaining health in diabetic
patients. Large Language Models (LLMs) have opened new avenues for diabetes
management, facilitating their efficacy. However, current LLM-based approaches
are limited by their dependence on general sources and lack of integration with
domain-specific knowledge, leading to inaccurate responses. In this paper, we
propose a knowledge-infused LLM-powered conversational health agent (CHA) for
diabetic patients. We customize and leverage the open-source openCHA framework,
enhancing our CHA with external knowledge and analytical capabilities. This
integration involves two key components: 1) incorporating the American Diabetes
Association dietary guidelines and the Nutritionix information and 2) deploying
analytical tools that enable nutritional intake calculation and comparison with
the guidelines. We compare the proposed CHA with GPT4. Our evaluation includes
100 diabetes-related questions on daily meal choices and assessing the
potential risks associated with the suggested diet. Our findings show that the
proposed agent demonstrates superior performance in generating responses to
manage essential nutrients. | cs.CL | Knowledge-Infused LLM-Powered Conversational Health Agent: A Case Study for Diabetes Patients |
2024-02-15T17:58:29Z | http://arxiv.org/pdf/2402.10151v1 | http://arxiv.org/abs/2402.10151v1 | Yixuan Weng, Shizhu He, Kang Liu, Shengping Liu, Jun Zhao | 2024-02-15T17:58:29Z | cs.CL | As language models continue to scale in size and capability, they display an
array of emerging behaviors, both beneficial and concerning. This heightens the
need to control model behaviors. We hope to be able to control the personality
traits of language models at the inference-time so as to have various character
features, on top of which the requirements of different types of tasks can be
met. Personality is a higher-level and more abstract behavioral representation
for language models. We introduce ControlLM, which leverages differential
activation patterns, derived from contrasting behavioral prompts in the model's
latent space, to influence the model's personality traits at inference. This
approach allows for the precise, real-time adjustment of model behavior. First,
we demonstrate ControlLM's capacity to elicit diverse persona behaviors without
any training, while precision control allows personality traits to closely
match average human values. Subsequently, we showcase improved reasoning and
question answering through selective amplification of beneficial attributes
like conscientiousness and friendliness. We hope that this work will inspire
research on controlling human-like behaviors of language models and provide
insights for future research. Our code is publicly available at:
https://github.com/wengsyx/ControlLM. | cs.CL | ControlLM: Crafting Diverse Personalities for Language Models |
2024-02-15T17:40:02Z | http://arxiv.org/pdf/2402.10137v3 | http://arxiv.org/abs/2402.10137v3 | Yinhong Liu, Yimai Fang, David Vandyke, Nigel Collier | 2024-06-06T20:18:11Z | cs.CL | In light of recent advances in large language models (LLMs), the expectations
for the next generation of virtual assistants include enhanced naturalness and
adaptability across diverse usage scenarios. However, the creation of
high-quality annotated data for Task-Oriented Dialog (TOD) is recognized to be
slow and costly. To address these challenges, we introduce Task-Oriented
Automatic Dialogs (TOAD), a novel and scalable TOD dataset along with its
automatic generation pipeline. The TOAD dataset simulates realistic app context
interaction and provide a variety of system response style options. Two aspects
of system response styles are considered, verbosity level and users' expression
mirroring. We benchmark TOAD on two response generation tasks, and the results
show that modeling more verbose responses or responses without user expression
mirroring is more challenging. | cs.CL | TOAD: Task-Oriented Automatic Dialogs with Diverse Response Styles |
2024-02-15T17:06:21Z | http://arxiv.org/pdf/2402.10110v2 | http://arxiv.org/abs/2402.10110v2 | Ming Li, Lichang Chen, Jiuhai Chen, Shwai He, Jiuxiang Gu, Tianyi Zhou | 2024-06-07T20:23:21Z | cs.CL, cs.AI, cs.LG | Instruction tuning is critical to large language models (LLMs) for achieving
better instruction following and task adaptation capabilities but its success
heavily relies on the training data quality. Many recent methods focus on
improving the data quality but often overlook the compatibility of the data
with the student model being finetuned. This paper introduces Selective
Reflection-Tuning, a novel paradigm that synergizes a teacher LLM's reflection
and introspection for improving existing data quality with the data selection
capability of the student LLM, to automatically refine existing
instruction-tuning data. This teacher-student collaboration produces
high-quality and student-compatible instruction-response pairs, resulting in
sample-efficient instruction tuning and LLMs of superior performance. Selective
Reflection-Tuning is a data augmentation and synthesis that generally improves
LLM finetuning and self-improvement without collecting brand-new data. We apply
our method to Alpaca and WizardLM data and achieve much stronger and top-tier
7B and 13B LLMs. | cs.CL | Selective Reflection-Tuning: Student-Selected Data Recycling for LLM Instruction-Tuning |
2024-02-15T17:05:48Z | http://arxiv.org/pdf/2402.10109v2 | http://arxiv.org/abs/2402.10109v2 | Denis Jered McInerney, William Dickinson, Lucy C. Flynn, Andrea C. Young, Geoffrey S. Young, Jan-Willem van de Meent, Byron C. Wallace | 2024-03-19T16:43:09Z | cs.AI, cs.CL, cs.LG | Many diagnostic errors occur because clinicians cannot easily access relevant
information in patient Electronic Health Records (EHRs). In this work we
propose a method to use LLMs to identify pieces of evidence in patient EHR data
that indicate increased or decreased risk of specific diagnoses; our ultimate
aim is to increase access to evidence and reduce diagnostic errors. In
particular, we propose a Neural Additive Model to make predictions backed by
evidence with individualized risk estimates at time-points where clinicians are
still uncertain, aiming to specifically mitigate delays in diagnosis and errors
stemming from an incomplete differential. To train such a model, it is
necessary to infer temporally fine-grained retrospective labels of eventual
"true" diagnoses. We do so with LLMs, to ensure that the input text is from
before a confident diagnosis can be made. We use an LLM to retrieve an initial
pool of evidence, but then refine this set of evidence according to
correlations learned by the model. We conduct an in-depth evaluation of the
usefulness of our approach by simulating how it might be used by a clinician to
decide between a pre-defined list of differential diagnoses. | cs.AI | Towards Reducing Diagnostic Errors with Interpretable Risk Prediction |
2024-02-15T17:02:48Z | http://arxiv.org/pdf/2402.10107v1 | http://arxiv.org/abs/2402.10107v1 | Cheng Kang, Xinye Chen, Yong Hu, Daniel Novak | 2024-02-15T17:02:48Z | cs.CL, cs.AI | Improving the controllability, portability, and inference speed of diffusion
language models (DLMs) is a key challenge in natural language generation. While
recent research has shown significant success in complex text generation with
language models, the memory and computational power are still very demanding
and fall short of expectations, which naturally results in low portability and
instability for the models. To mitigate these issues, numerous well-established
methods were proposed for neural network quantization. To further enhance their
portability of independent deployment as well as improve their stability
evaluated by language perplexity, we propose a novel approach called the
Quantized Embedding Controllable Diffusion Language Model (QE-CDLM). QE-CDLM
builds upon the recent successful controllable DLMs by remodeling the
task-specific embedding space via quantization. This leads to a gradient-based
controller for the generation tasks, and more stable intermediate latent
variables are obtained, which naturally brings in an accelerated convergence as
well as better controllability. Additionally, the adaption fine-tuning method
is employed to reduce tunable weights. Experimental results on five challenging
fine-grained control tasks demonstrate that QE-CDLM compares favorably to
existing methods in terms of quality and feasibility, achieving better
perplexity and lightweight fine-tuning. | cs.CL | Quantized Embedding Vectors for Controllable Diffusion Language Models |
2024-02-15T16:59:41Z | http://arxiv.org/pdf/2402.10104v2 | http://arxiv.org/abs/2402.10104v2 | Jiaxin Zhang, Zhongzhi Li, Mingliang Zhang, Fei Yin, Chenglin Liu, Yashar Moshfeghi | 2024-05-17T11:42:09Z | cs.AI, cs.CL | Recent advancements in large language models (LLMs) and multi-modal models
(MMs) have demonstrated their remarkable capabilities in problem-solving. Yet,
their proficiency in tackling geometry math problems, which necessitates an
integrated understanding of both textual and visual information, has not been
thoroughly evaluated. To address this gap, we introduce the GeoEval benchmark,
a comprehensive collection that includes a main subset of 2,000 problems, a 750
problems subset focusing on backward reasoning, an augmented subset of 2,000
problems, and a hard subset of 300 problems. This benchmark facilitates a
deeper investigation into the performance of LLMs and MMs in solving geometry
math problems. Our evaluation of ten LLMs and MMs across these varied subsets
reveals that the WizardMath model excels, achieving a 55.67\% accuracy rate on
the main subset but only a 6.00\% accuracy on the hard subset. This highlights
the critical need for testing models against datasets on which they have not
been pre-trained. Additionally, our findings indicate that GPT-series models
perform more effectively on problems they have rephrased, suggesting a
promising method for enhancing model capabilities. | cs.AI | GeoEval: Benchmark for Evaluating LLMs and Multi-Modal Models on Geometry Problem-Solving |
2024-02-15T16:38:41Z | http://arxiv.org/pdf/2402.10076v1 | http://arxiv.org/abs/2402.10076v1 | Taesu Kim, Jongho Lee, Daehyun Ahn, Sarang Kim, Jiwoong Choi, Minkyu Kim, Hyungjun Kim | 2024-02-15T16:38:41Z | cs.LG, cs.AI, cs.CL | We introduce QUICK, a group of novel optimized CUDA kernels for the efficient
inference of quantized Large Language Models (LLMs). QUICK addresses the shared
memory bank-conflict problem of state-of-the-art mixed precision matrix
multiplication kernels. Our method interleaves the quantized weight matrices of
LLMs offline to skip the shared memory write-back after the dequantization. We
demonstrate up to 1.91x speedup over existing kernels of AutoAWQ on larger
batches and up to 1.94x throughput gain on representative LLM models on various
NVIDIA GPU devices. | cs.LG | QUICK: Quantization-aware Interleaving and Conflict-free Kernel for efficient LLM inference |
2024-02-15T16:36:04Z | http://arxiv.org/pdf/2402.10073v3 | http://arxiv.org/abs/2402.10073v3 | Weixiang Zhao, Zhuojun Li, Shilong Wang, Yang Wang, Yulin Hu, Yanyan Zhao, Chen Wei, Bing Qin | 2024-06-12T04:13:17Z | cs.CL | Emotional Intelligence (EI), consisting of emotion perception, emotion
cognition and emotion expression, plays the critical roles in improving user
interaction experience for the current large language model (LLM) based
conversational general AI assistants. Previous works mainly focus on raising
the emotion perception ability of them via naive fine-tuning on EI-related
classification or regression tasks. However, this leads to the incomplete
enhancement of EI and catastrophic forgetting of the general intelligence (GI).
To this end, we first introduce \textsc{EiBench}, a large-scale collection of
EI-related tasks in the text-to-text formation with task instructions that
covers all three aspects of EI, which lays a solid foundation for the
comprehensive EI enhancement of LLMs. Then a novel \underline{\textbf{Mo}}dular
\underline{\textbf{E}}motional \underline{\textbf{I}}ntelligence enhancement
method (\textbf{MoEI}), consisting of Modular Parameter Expansion and
intra-inter modulation, is proposed to comprehensively enhance the EI of LLMs
without compromise their GI. Extensive experiments on two representative
LLM-based assistants, Flan-T5 and LLaMA-2-Chat, demonstrate the effectiveness
of MoEI to improving EI while maintain GI. | cs.CL | Both Matter: Enhancing the Emotional Intelligence of Large Language Models without Compromising the General Intelligence |
2024-02-15T16:28:34Z | http://arxiv.org/pdf/2402.10058v2 | http://arxiv.org/abs/2402.10058v2 | Zheyuan Liu, Guangyao Dou, Zhaoxuan Tan, Yijun Tian, Meng Jiang | 2024-06-05T04:57:09Z | cs.CL | The rapid advancement of Large Language Models (LLMs) has demonstrated their
vast potential across various domains, attributed to their extensive
pretraining knowledge and exceptional generalizability. However, LLMs often
encounter challenges in generating harmful content when faced with problematic
prompts. To address this problem, existing work attempted to implement a
gradient ascent based approach to prevent LLMs from producing harmful output.
While these methods can be effective, they frequently impact the model utility
in responding to normal prompts. To address this gap, we introduce Selective
Knowledge negation Unlearning (SKU), a novel unlearning framework for LLMs,
designed to eliminate harmful knowledge while preserving utility on normal
prompts. Specifically, SKU is consisted of two stages: harmful knowledge
acquisition stage and knowledge negation stage. The first stage aims to
identify and acquire harmful knowledge within the model, whereas the second is
dedicated to remove this knowledge. SKU selectively isolates and removes
harmful knowledge in model parameters, ensuring the model's performance remains
robust on normal prompts. Our experiments conducted across various LLM
architectures demonstrate that SKU identifies a good balance point between
removing harmful information and preserving utility. | cs.CL | Towards Safer Large Language Models through Machine Unlearning |
2024-02-15T16:21:14Z | http://arxiv.org/pdf/2402.10052v1 | http://arxiv.org/abs/2402.10052v1 | Yijiang River Dong, Hongzhou Lin, Mikhail Belkin, Ramon Huerta, Ivan Vulić | 2024-02-15T16:21:14Z | cs.CL, cs.AI | While displaying impressive generation capabilities across many tasks, Large
Language Models (LLMs) still struggle with crucial issues of privacy violation
and unwanted exposure of sensitive data. This raises an essential question: how
should we prevent such undesired behavior of LLMs while maintaining their
strong generation and natural language understanding (NLU) capabilities? In
this work, we introduce a novel approach termed deliberate imagination in the
context of LLM unlearning. Instead of trying to forget memorized data, we
employ a self-distillation framework, guiding LLMs to deliberately imagine
alternative scenarios. As demonstrated in a wide range of experiments, the
proposed method not only effectively unlearns targeted text but also preserves
the LLMs' capabilities in open-ended generation tasks as well as in NLU tasks.
Our results demonstrate the usefulness of this approach across different models
and sizes, and also with parameter-efficient fine-tuning, offering a novel
pathway to addressing the challenges with private and sensitive data in LLM
applications. | cs.CL | Unmemorization in Large Language Models via Self-Distillation and Deliberate Imagination |
2024-02-15T16:15:38Z | http://arxiv.org/pdf/2402.10051v1 | http://arxiv.org/abs/2402.10051v1 | Somnath Sendhil Kumar, Dhruv Jain, Eshaan Agarwal, Raunak Pandey | 2024-02-15T16:15:38Z | cs.AI, cs.CL | While Large Language Models (LLMs) have demonstrated enhanced capabilities in
function-calling, these advancements primarily rely on accessing the functions'
responses. This methodology is practical for simpler APIs but faces scalability
issues with irreversible APIs that significantly impact the system, such as a
database deletion API. Similarly, processes requiring extensive time for each
API call and those necessitating forward planning, like automated action
pipelines, present complex challenges. Furthermore, scenarios often arise where
a generalized approach is needed because algorithms lack direct access to the
specific implementations of these functions or secrets to use them. Traditional
tool planning methods are inadequate in these cases, compelling the need to
operate within black-box environments. Unlike their performance in tool
manipulation, LLMs excel in black-box tasks, such as program synthesis.
Therefore, we harness the program synthesis capabilities of LLMs to strategize
tool usage in black-box settings, ensuring solutions are verified prior to
implementation. We introduce TOPGUN, an ingeniously crafted approach leveraging
program synthesis for black box tool planning. Accompanied by SwissNYF, a
comprehensive suite that integrates black-box algorithms for planning and
verification tasks, addressing the aforementioned challenges and enhancing the
versatility and effectiveness of LLMs in complex API interactions. The public
code for SwissNYF is available at https://github.com/iclr-dummy-user/SwissNYF. | cs.AI | SwissNYF: Tool Grounded LLM Agents for Black Box Setting |
2024-02-15T16:00:58Z | http://arxiv.org/pdf/2402.10038v2 | http://arxiv.org/abs/2402.10038v2 | Saeed Khaki, JinJin Li, Lan Ma, Liu Yang, Prathap Ramachandra | 2024-03-30T16:10:47Z | cs.CL, cs.AI, cs.CV, cs.LG | Reinforcement learning from human feedback (RLHF) has been extensively
employed to align large language models with user intent. However, proximal
policy optimization (PPO) based RLHF is occasionally unstable requiring
significant hyperparameter finetuning, and computationally expensive to
maximize the estimated reward during alignment. Recently, direct preference
optimization (DPO) is proposed to address those challenges. However, DPO relies
on contrastive responses generated from human annotator and alternative LLM,
instead of the policy model, limiting the effectiveness of the RLHF. In this
paper, we addresses both challenges by systematically combining rejection
sampling (RS) and DPO. Our proposed method, RS-DPO, initiates with the
development of a supervised fine-tuned policy model (SFT). A varied set of k
responses per prompt are sampled directly from the SFT model. RS-DPO identifies
pairs of contrastive samples based on their reward distribution. Finally, we
apply DPO with the contrastive samples to align the model to human preference.
Our experiments indicate that our proposed method effectively fine-tunes LLMs
with limited resource environments, leading to improved alignment with user
intent. Furthermore, it outperforms existing methods, including RS, PPO, and
DPO. | cs.CL | RS-DPO: A Hybrid Rejection Sampling and Direct Preference Optimization Method for Alignment of Large Language Models |
2024-02-15T15:43:05Z | http://arxiv.org/pdf/2402.10024v2 | http://arxiv.org/abs/2402.10024v2 | Yaoyiran Li, Anna Korhonen, Ivan Vulić | 2024-06-05T13:38:42Z | cs.CL, cs.AI, cs.IR, cs.LG | Recent work has shown that, while large language models (LLMs) demonstrate
strong word translation or bilingual lexicon induction (BLI) capabilities in
few-shot setups, they still cannot match the performance of 'traditional'
mapping-based approaches in the unsupervised scenario where no seed translation
pairs are available, especially for lower-resource languages. To address this
challenge with LLMs, we propose self-augmented in-context learning (SAIL) for
unsupervised BLI: starting from a zero-shot prompt, SAIL iteratively induces a
set of high-confidence word translation pairs for in-context learning (ICL)
from an LLM, which it then reapplies to the same LLM in the ICL fashion. Our
method shows substantial gains over zero-shot prompting of LLMs on two
established BLI benchmarks spanning a wide range of language pairs, also
outperforming mapping-based baselines across the board. In addition to
achieving state-of-the-art unsupervised BLI performance, we also conduct
comprehensive analyses on SAIL and discuss its limitations. | cs.CL | Self-Augmented In-Context Learning for Unsupervised Word Translation |
2024-02-15T15:25:30Z | http://arxiv.org/pdf/2402.10013v2 | http://arxiv.org/abs/2402.10013v2 | Nur Lan, Emmanuel Chemla, Roni Katzir | 2024-06-06T16:16:12Z | cs.CL, cs.FL | Neural networks offer good approximation to many tasks but consistently fail
to reach perfect generalization, even when theoretical work shows that such
perfect solutions can be expressed by certain architectures. Using the task of
formal language learning, we focus on one simple formal language and show that
the theoretically correct solution is in fact not an optimum of commonly used
objectives -- even with regularization techniques that according to common
wisdom should lead to simple weights and good generalization (L1, L2) or other
meta-heuristics (early-stopping, dropout). On the other hand, replacing
standard targets with the Minimum Description Length objective (MDL) results in
the correct solution being an optimum. | cs.CL | Bridging the Empirical-Theoretical Gap in Neural Network Formal Language Learning Using Minimum Description Length |
2024-02-15T15:15:11Z | http://arxiv.org/pdf/2404.03676v1 | http://arxiv.org/abs/2404.03676v1 | Iosif Iulian Petrila | 2024-02-15T15:15:11Z | cs.NE, cs.CL, cs.LG | The informational synthesis of neural structures, processes, parameters and
characteristics that allow a unified description and modeling as neural
machines of natural and artificial neural systems is presented. The general
informational parameters as the global quantitative measure of the neural
systems computing potential as absolute and relative neural power were
proposed. Neural information organizing and processing follows the way in which
nature manages neural information by developing functions, functionalities and
circuits related to different internal or peripheral components and also to the
whole system through a non-deterministic memorization, fragmentation and
aggregation of afferent and efferent information, deep neural information
processing representing multiple alternations of fragmentation and aggregation
stages. The relevant neural characteristics were integrated into a neural
machine type model that incorporates unitary also peripheral or interface
components as the central ones. The proposed approach allows overcoming the
technical constraints in artificial computational implementations of neural
information processes and also provides a more relevant description of natural
ones. | cs.NE | Neural Information Organizing and Processing -- Neural Machines |
2024-02-15T15:02:46Z | http://arxiv.org/pdf/2402.09997v1 | http://arxiv.org/abs/2402.09997v1 | Ziyu Zhao, Leilei Gan, Guoyin Wang, Wangchunshu Zhou, Hongxia Yang, Kun Kuang, Fei Wu | 2024-02-15T15:02:46Z | cs.AI, cs.CL, cs.LG | Low-Rank Adaptation (LoRA) provides an effective yet efficient solution for
fine-tuning large language models (LLM). The modular and plug-and-play nature
of LoRA enables the integration of diverse domain-specific LoRAs to enhance the
capabilities of LLMs. Previous research on exploiting multiple LoRAs either
focuses on specific isolated downstream tasks or fixes the selection of LoRAs
during training. However, in real-world scenarios, LLMs receive diverse prompts
covering different tasks, and the pool of candidate LoRAs is often dynamically
updated. To bridge this gap, we propose LoraRetriever, a retrieve-then-compose
framework that adaptively retrieves and composes multiple LoRAs according to
the input prompts. LoraRetriever contains three main components: firstly,
identifying and retrieving LoRAs relevant to the given input; secondly,
formulating strategies for effectively integrating the retrieved LoRAs; and
thirdly, developing efficient batch inference to accommodate heterogeneous
requests. Experimental results indicate that LoraRetriever consistently
outperforms the baselines, highlighting its practical effectiveness and
versatility. | cs.AI | LoraRetriever: Input-Aware LoRA Retrieval and Composition for Mixed Tasks in the Wild |
2024-02-15T14:54:33Z | http://arxiv.org/pdf/2402.09989v4 | http://arxiv.org/abs/2402.09989v4 | Jinyuan Li, Han Li, Di Sun, Jiahao Wang, Wenkun Zhang, Zan Wang, Gang Pan | 2024-05-29T16:59:59Z | cs.CV, cs.CL | Grounded Multimodal Named Entity Recognition (GMNER) is a nascent multimodal
task that aims to identify named entities, entity types and their corresponding
visual regions. GMNER task exhibits two challenging properties: 1) The weak
correlation between image-text pairs in social media results in a significant
portion of named entities being ungroundable. 2) There exists a distinction
between coarse-grained referring expressions commonly used in similar tasks
(e.g., phrase localization, referring expression comprehension) and
fine-grained named entities. In this paper, we propose RiVEG, a unified
framework that reformulates GMNER into a joint MNER-VE-VG task by leveraging
large language models (LLMs) as a connecting bridge. This reformulation brings
two benefits: 1) It maintains the optimal MNER performance and eliminates the
need for employing object detection methods to pre-extract regional features,
thereby naturally addressing two major limitations of existing GMNER methods.
2) The introduction of entity expansion expression and Visual Entailment (VE)
module unifies Visual Grounding (VG) and Entity Grounding (EG). It enables
RiVEG to effortlessly inherit the Visual Entailment and Visual Grounding
capabilities of any current or prospective multimodal pretraining models.
Extensive experiments demonstrate that RiVEG outperforms state-of-the-art
methods on the existing GMNER dataset and achieves absolute leads of 10.65%,
6.21%, and 8.83% in all three subtasks. | cs.CV | LLMs as Bridges: Reformulating Grounded Multimodal Named Entity Recognition |
2024-02-15T14:37:07Z | http://arxiv.org/pdf/2402.09977v1 | http://arxiv.org/abs/2402.09977v1 | Leonidas Gee, Andrea Zugarini, Leonardo Rigutini, Paolo Torroni | 2024-02-15T14:37:07Z | cs.CL, cs.AI, cs.LG | Real-world business applications require a trade-off between language model
performance and size. We propose a new method for model compression that relies
on vocabulary transfer. We evaluate the method on various vertical domains and
downstream tasks. Our results indicate that vocabulary transfer can be
effectively used in combination with other compression techniques, yielding a
significant reduction in model size and inference time while marginally
compromising on performance. | cs.CL | Fast Vocabulary Transfer for Language Model Compression |
2024-02-15T14:21:30Z | http://arxiv.org/pdf/2402.09967v1 | http://arxiv.org/abs/2402.09967v1 | Min Zhang, Sato Takumi, Jack Zhang, Jun Wang | 2024-02-15T14:21:30Z | cs.CL | Large Language Models (LLMs) excel in generating personalized content and
facilitating interactive dialogues, showcasing their remarkable aptitude for a
myriad of applications. However, their capabilities in reasoning and providing
explainable outputs, especially within the context of reasoning abilities,
remain areas for improvement. In this study, we delve into the reasoning
abilities of LLMs, highlighting the current challenges and limitations that
hinder their effectiveness in complex reasoning scenarios. | cs.CL | Case Study: Testing Model Capabilities in Some Reasoning Tasks |
2024-02-15T14:03:33Z | http://arxiv.org/pdf/2402.09954v2 | http://arxiv.org/abs/2402.09954v2 | Jiashu Pu, Yajing Wan, Yuru Zhang, Jing Chen, Ling Cheng, Qian Shao, Yongzhu Chang, Tangjie Lv, Rongsheng Zhang | 2024-02-17T06:11:58Z | cs.CL, cs.LG | Previous in-context learning (ICL) research has focused on tasks such as
classification, machine translation, text2table, etc., while studies on whether
ICL can improve human-like dialogue generation are scarce. Our work fills this
gap by systematically investigating the ICL capabilities of large language
models (LLMs) in persona-based dialogue generation, conducting extensive
experiments on high-quality real human Chinese dialogue datasets. From
experimental results, we draw three conclusions: 1) adjusting prompt
instructions is the most direct, effective, and economical way to improve
generation quality; 2) randomly retrieving demonstrations (demos) achieves the
best results, possibly due to the greater diversity and the amount of effective
information; counter-intuitively, retrieving demos with a context identical to
the query performs the worst; 3) even when we destroy the multi-turn
associations and single-turn semantics in the demos, increasing the number of
demos still improves dialogue performance, proving that LLMs can learn from
corrupted dialogue demos. Previous explanations of the ICL mechanism, such as
$n$-gram induction head, cannot fully account for this phenomenon. | cs.CL | Crafting a Good Prompt or Providing Exemplary Dialogues? A Study of In-Context Learning for Persona-based Dialogue Generation |
2024-02-15T13:52:23Z | http://arxiv.org/pdf/2402.09949v2 | http://arxiv.org/abs/2402.09949v2 | Leonidas Gee, Leonardo Rigutini, Marco Ernandes, Andrea Zugarini | 2024-04-04T22:50:25Z | cs.CL, cs.LG | Large Language Models have proven highly successful at modelling a variety of
tasks. However, this comes at a steep computational cost that hinders wider
industrial uptake. In this paper, we present MWT: a Multi-Word Tokenizer that
goes beyond word boundaries by representing frequent multi-word expressions as
single tokens. MWTs produce a more compact and efficient tokenization that
yields two benefits: (1) Increase in performance due to a greater coverage of
input data given a fixed sequence length budget; (2) Faster and lighter
inference due to the ability to reduce the sequence length with negligible
drops in performance. Our results show that MWT is more robust across shorter
sequence lengths, thus allowing for major speedups via early sequence
truncation. | cs.CL | Multi-word Tokenization for Sequence Compression |
2024-02-15T13:39:55Z | http://arxiv.org/pdf/2402.09939v1 | http://arxiv.org/abs/2402.09939v1 | Ridwan Taiwo, Idris Temitope Bello, Sulemana Fatoama Abdulai, Abdul-Mugis Yussif, Babatunde Abiodun Salami, Abdullahi Saka, Tarek Zayed | 2024-02-15T13:39:55Z | cs.AI, cs.CL, cs.HC, cs.IR, cs.LG | The construction industry is a vital sector of the global economy, but it
faces many productivity challenges in various processes, such as design,
planning, procurement, inspection, and maintenance. Generative artificial
intelligence (AI), which can create novel and realistic data or content, such
as text, image, video, or code, based on some input or prior knowledge, offers
innovative and disruptive solutions to address these challenges. However, there
is a gap in the literature on the current state, opportunities, and challenges
of generative AI in the construction industry. This study aims to fill this gap
by providing a state-of-the-art analysis of generative AI in construction, with
three objectives: (1) to review and categorize the existing and emerging
generative AI opportunities and challenges in the construction industry; (2) to
propose a framework for construction firms to build customized generative AI
solutions using their own data, comprising steps such as data collection,
dataset curation, training custom large language model (LLM), model evaluation,
and deployment; and (3) to demonstrate the framework via a case study of
developing a generative model for querying contract documents. The results show
that retrieval augmented generation (RAG) improves the baseline LLM by 5.2,
9.4, and 4.8% in terms of quality, relevance, and reproducibility. This study
provides academics and construction professionals with a comprehensive analysis
and practical framework to guide the adoption of generative AI techniques to
enhance productivity, quality, safety, and sustainability across the
construction industry. | cs.AI | Generative AI in the Construction Industry: A State-of-the-art Analysis |
2024-02-15T13:34:19Z | http://arxiv.org/pdf/2402.09934v1 | http://arxiv.org/abs/2402.09934v1 | Khiem Phi, Noushin Salek Faramarzi, Chenlu Wang, Ritwik Banerjee | 2024-02-15T13:34:19Z | cs.CL, cs.AI, I.2.7 | Whataboutism, a potent tool for disrupting narratives and sowing distrust,
remains under-explored in quantitative NLP research. Moreover, past work has
not distinguished its use as a strategy for misinformation and propaganda from
its use as a tool for pragmatic and semantic framing. We introduce new datasets
from Twitter and YouTube, revealing overlaps as well as distinctions between
whataboutism, propaganda, and the tu quoque fallacy. Furthermore, drawing on
recent work in linguistic semantics, we differentiate the `what about' lexical
construct from whataboutism. Our experiments bring to light unique challenges
in its accurate detection, prompting the introduction of a novel method using
attention weights for negative sample mining. We report significant
improvements of 4% and 10% over previous state-of-the-art methods in our
Twitter and YouTube collections, respectively. | cs.CL | Paying Attention to Deflections: Mining Pragmatic Nuances for Whataboutism Detection in Online Discourse |
2024-02-15T13:03:57Z | http://arxiv.org/pdf/2402.09923v1 | http://arxiv.org/abs/2402.09923v1 | Zhiyi Luo, Yingying Zhang, Shuyun Luo, Ying Zhao, Wentao Lyu | 2024-02-15T13:03:57Z | cs.CL, cs.AI | Multi-span answer extraction, also known as the task of multi-span question
answering (MSQA), is critical for real-world applications, as it requires
extracting multiple pieces of information from a text to answer complex
questions. Despite the active studies and rapid progress in English MSQA
research, there is a notable lack of publicly available MSQA benchmark in
Chinese. Previous efforts for constructing MSQA datasets predominantly
emphasized entity-centric contextualization, resulting in a bias towards
collecting factoid questions and potentially overlooking questions requiring
more detailed descriptive responses. To overcome these limitations, we present
CLEAN, a comprehensive Chinese multi-span question answering dataset that
involves a wide range of open-domain subjects with a substantial number of
instances requiring descriptive answers. Additionally, we provide established
models from relevant literature as baselines for CLEAN. Experimental results
and analysis show the characteristics and challenge of the newly proposed CLEAN
dataset for the community. Our dataset, CLEAN, will be publicly released at
zhiyiluo.site/misc/clean_v1.0_ sample.json. | cs.CL | A Dataset of Open-Domain Question Answering with Multiple-Span Answers |
2024-02-15T12:39:57Z | http://arxiv.org/pdf/2402.09916v1 | http://arxiv.org/abs/2402.09916v1 | Andrea Zugarini, Andrew Zamai, Marco Ernandes, Leonardo Rigutini | 2024-02-15T12:39:57Z | cs.CL, cs.LG | Albeit Natural Language Processing has seen major breakthroughs in the last
few years, transferring such advances into real-world business cases can be
challenging. One of the reasons resides in the displacement between popular
benchmarks and actual data. Lack of supervision, unbalanced classes, noisy data
and long documents often affect real problems in vertical domains such as
finance, law and health. To support industry-oriented research, we present
BUSTER, a BUSiness Transaction Entity Recognition dataset. The dataset consists
of 3779 manually annotated documents on financial transactions. We establish
several baselines exploiting both general-purpose and domain-specific language
models. The best performing model is also used to automatically annotate 6196
documents, which we release as an additional silver corpus to BUSTER. | cs.CL | BUSTER: a "BUSiness Transaction Entity Recognition" dataset |
2024-02-15T12:20:02Z | http://arxiv.org/pdf/2402.09911v1 | http://arxiv.org/abs/2402.09911v1 | Jiaxiang Liu, Tong Zhou, Yubo Chen, Kang Liu, Jun Zhao | 2024-02-15T12:20:02Z | cs.CL, cs.AI | Mitigating the hallucinations of Large Language Models (LLMs) and enhancing
them is a crucial task. Although some existing methods employ model
self-enhancement techniques, they fall short of effectively addressing unknown
factual hallucinations. Using Knowledge Graph (KG) enhancement approaches fails
to address the generalization across different KG sources and the enhancement
of open-ended answer questions simultaneously. To tackle these limitations,
there is a framework that combines Pseudo-Graph Generation and Atomic Knowledge
Verification proposed. The enhancement of LLM using KG in an open-ended
question-answering setting is implemented by leveraging the Pseudo-Graph
Generation. Atomic Knowledge Verification utilizes atomic-level knowledge
querying and verification to achieve generalizability under different KG
sources. Compared to the baseline, this approach yields a minimum improvement
of 11.5 in the ROUGE-L score for open-ended questions. For precise questions,
we observe a minimum accuracy improvement of 7.5. Moreover, there is also
demonstration that this framework exhibits generalizability across different KG
sources. In summary, our results pave the way for enhancing LLMs by
incorporating Pseudo- and Multisource-KGs, particularly in the context of
open-ended questions. | cs.CL | Enhancing Large Language Models with Pseudo- and Multisource- Knowledge Graphs for Open-ended Question Answering |
2024-02-15T12:17:15Z | http://arxiv.org/pdf/2402.09910v2 | http://arxiv.org/abs/2402.09910v2 | André V. Duarte, Xuandong Zhao, Arlindo L. Oliveira, Lei Li | 2024-06-25T10:33:41Z | cs.CL, cs.LG, I.2 | How can we detect if copyrighted content was used in the training process of
a language model, considering that the training data is typically undisclosed?
We are motivated by the premise that a language model is likely to identify
verbatim excerpts from its training text. We propose DE-COP, a method to
determine whether a piece of copyrighted content was included in training.
DE-COP's core approach is to probe an LLM with multiple-choice questions, whose
options include both verbatim text and their paraphrases. We construct
BookTection, a benchmark with excerpts from 165 books published prior and
subsequent to a model's training cutoff, along with their paraphrases. Our
experiments show that DE-COP surpasses the prior best method by 9.6% in
detection performance (AUC) on models with logits available. Moreover, DE-COP
also achieves an average accuracy of 72% for detecting suspect books on fully
black-box models where prior methods give approximately 4% accuracy. The code
and datasets are available at https://github.com/LeiLiLab/DE-COP. | cs.CL | DE-COP: Detecting Copyrighted Content in Language Models Training Data |
2024-02-15T12:12:19Z | http://arxiv.org/pdf/2402.09906v2 | http://arxiv.org/abs/2402.09906v2 | Niklas Muennighoff, Hongjin Su, Liang Wang, Nan Yang, Furu Wei, Tao Yu, Amanpreet Singh, Douwe Kiela | 2024-04-17T17:12:05Z | cs.CL, cs.AI, cs.LG | All text-based language problems can be reduced to either generation or
embedding. Current models only perform well at one or the other. We introduce
generative representational instruction tuning (GRIT) whereby a large language
model is trained to handle both generative and embedding tasks by
distinguishing between them through instructions. Compared to other open
models, our resulting GritLM 7B sets a new state of the art on the Massive Text
Embedding Benchmark (MTEB) and outperforms all models up to its size on a range
of generative tasks. By scaling up further, GritLM 8x7B outperforms all open
generative language models that we tried while still being among the best
embedding models. Notably, we find that GRIT matches training on only
generative or embedding data, thus we can unify both at no performance loss.
Among other benefits, the unification via GRIT speeds up Retrieval-Augmented
Generation (RAG) by > 60% for long documents, by no longer requiring separate
retrieval and generation models. Models, code, etc. are freely available at
https://github.com/ContextualAI/gritlm. | cs.CL | Generative Representational Instruction Tuning |
2024-02-15T11:39:11Z | http://arxiv.org/pdf/2402.09894v2 | http://arxiv.org/abs/2402.09894v2 | Tao Long, Katy Ilonka Gero, Lydia B. Chilton | 2024-05-31T16:00:05Z | cs.HC, cs.AI, cs.CL, cs.CY | Generative AI brings novel and impressive abilities to help people in
everyday tasks. There are many AI workflows that solve real and complex
problems by chaining AI outputs together with human interaction. Although there
is an undeniable lure of AI, it is uncertain how useful generative AI workflows
are after the novelty wears off. Additionally, workflows built with generative
AI have the potential to be easily customized to fit users' individual needs,
but do users take advantage of this? We conducted a three-week longitudinal
study with 12 users to understand the familiarization and customization of
generative AI tools for science communication. Our study revealed that there
exists a familiarization phase, during which users were exploring the novel
capabilities of the workflow and discovering which aspects they found useful.
After this phase, users understood the workflow and were able to anticipate the
outputs. Surprisingly, after familiarization the perceived utility of the
system was rated higher than before, indicating that the perceived utility of
AI is not just a novelty effect. The increase in benefits mainly comes from
end-users' ability to customize prompts, and thus potentially appropriate the
system to their own needs. This points to a future where generative AI systems
can allow us to design for appropriation. | cs.HC | Not Just Novelty: A Longitudinal Study on Utility and Customization of an AI Workflow |
2024-02-15T11:08:10Z | http://arxiv.org/pdf/2402.09880v1 | http://arxiv.org/abs/2402.09880v1 | Timothy R. McIntosh, Teo Susnjak, Tong Liu, Paul Watters, Malka N. Halgamuge | 2024-02-15T11:08:10Z | cs.AI, cs.CL, cs.CY, cs.HC | The rapid rise in popularity of Large Language Models (LLMs) with emerging
capabilities has spurred public curiosity to evaluate and compare different
LLMs, leading many researchers to propose their LLM benchmarks. Noticing
preliminary inadequacies in those benchmarks, we embarked on a study to
critically assess 23 state-of-the-art LLM benchmarks, using our novel unified
evaluation framework through the lenses of people, process, and technology,
under the pillars of functionality and security. Our research uncovered
significant limitations, including biases, difficulties in measuring genuine
reasoning, adaptability, implementation inconsistencies, prompt engineering
complexity, evaluator diversity, and the overlooking of cultural and
ideological norms in one comprehensive assessment. Our discussions emphasized
the urgent need for standardized methodologies, regulatory certainties, and
ethical guidelines in light of Artificial Intelligence (AI) advancements,
including advocating for an evolution from static benchmarks to dynamic
behavioral profiling to accurately capture LLMs' complex behaviors and
potential risks. Our study highlighted the necessity for a paradigm shift in
LLM evaluation methodologies, underlining the importance of collaborative
efforts for the development of universally accepted benchmarks and the
enhancement of AI systems' integration into society. | cs.AI | Inadequacies of Large Language Model Benchmarks in the Era of Generative Artificial Intelligence |
2024-02-15T10:58:22Z | http://arxiv.org/pdf/2402.09874v1 | http://arxiv.org/abs/2402.09874v1 | Álvaro Huertas-García, Alejandro Martín, Javier Huertas-Tato, David Camacho | 2024-02-15T10:58:22Z | cs.CL | Adversarial attacks represent a substantial challenge in Natural Language
Processing (NLP). This study undertakes a systematic exploration of this
challenge in two distinct phases: vulnerability evaluation and resilience
enhancement of Transformer-based models under adversarial attacks.
In the evaluation phase, we assess the susceptibility of three Transformer
configurations, encoder-decoder, encoder-only, and decoder-only setups, to
adversarial attacks of escalating complexity across datasets containing
offensive language and misinformation. Encoder-only models manifest a 14% and
21% performance drop in offensive language detection and misinformation
detection tasks, respectively. Decoder-only models register a 16% decrease in
both tasks, while encoder-decoder models exhibit a maximum performance drop of
14% and 26% in the respective tasks.
The resilience-enhancement phase employs adversarial training, integrating
pre-camouflaged and dynamically altered data. This approach effectively reduces
the performance drop in encoder-only models to an average of 5% in offensive
language detection and 2% in misinformation detection tasks. Decoder-only
models, occasionally exceeding original performance, limit the performance drop
to 7% and 2% in the respective tasks. Although not surpassing the original
performance, Encoder-decoder models can reduce the drop to an average of 6% and
2% respectively.
Results suggest a trade-off between performance and robustness, with some
models maintaining similar performance while gaining robustness. Our study and
adversarial training techniques have been incorporated into an open-source tool
for generating camouflaged datasets. However, methodology effectiveness depends
on the specific camouflage technique and data encountered, emphasizing the need
for continued exploration. | cs.CL | Camouflage is all you need: Evaluating and Enhancing Language Model Robustness Against Camouflage Adversarial Attacks |
2024-02-15T10:00:49Z | http://arxiv.org/pdf/2402.09841v1 | http://arxiv.org/abs/2402.09841v1 | Marcel Lamott, Yves-Noel Weweler, Adrian Ulges, Faisal Shafait, Dirk Krechel, Darko Obradovic | 2024-02-15T10:00:49Z | cs.CL, cs.CV, cs.LG | Recent advances in training large language models (LLMs) using massive
amounts of solely textual data lead to strong generalization across many
domains and tasks, including document-specific tasks. Opposed to that there is
a trend to train multi-modal transformer architectures tailored for document
understanding that are designed specifically to fuse textual inputs with the
corresponding document layout. This involves a separate fine-tuning step for
which additional training data is required. At present, no document
transformers with comparable generalization to LLMs are available That raises
the question which type of model is to be preferred for document understanding
tasks. In this paper we investigate the possibility to use purely text-based
LLMs for document-specific tasks by using layout enrichment. We explore drop-in
modifications and rule-based methods to enrich purely textual LLM prompts with
layout information. In our experiments we investigate the effects on the
commercial ChatGPT model and the open-source LLM Solar. We demonstrate that
using our approach both LLMs show improved performance on various standard
document benchmarks. In addition, we study the impact of noisy OCR and layout
errors, as well as the limitations of LLMs when it comes to utilizing document
layout. Our results indicate that layout enrichment can improve the performance
of purely text-based LLMs for document understanding by up to 15% compared to
just using plain document text. In conclusion, this approach should be
considered for the best model choice between text-based LLM or multi-modal
document transformers. | cs.CL | LAPDoc: Layout-Aware Prompting for Documents |
2024-02-15T09:14:53Z | http://arxiv.org/pdf/2402.09808v2 | http://arxiv.org/abs/2402.09808v2 | Tatsuya Hiraoka, Naoaki Okazaki | 2024-02-22T15:11:57Z | cs.CL | Do pretrained language models have knowledge regarding the surface
information of tokens? We examined the surface information stored in word or
subword embeddings acquired by pretrained language models from the perspectives
of token length, substrings, and token constitution. Additionally, we evaluated
the ability of models to generate knowledge regarding token surfaces. We
focused on 12 pretrained language models that were mainly trained on English
and Japanese corpora. Experimental results demonstrate that pretrained language
models have knowledge regarding token length and substrings but not token
constitution. Additionally, the results imply that there is a bottleneck on the
decoder side in terms of effectively utilizing acquired knowledge. | cs.CL | Knowledge of Pretrained Language Models on Surface Information of Tokens |
2024-02-15T08:58:03Z | http://arxiv.org/pdf/2402.09801v2 | http://arxiv.org/abs/2402.09801v2 | Shangyu Xing, Fei Zhao, Zhen Wu, Tuo An, Weihao Chen, Chunhui Li, Jianbing Zhang, Xinyu Dai | 2024-06-24T00:50:58Z | cs.CL, cs.CV | Multimodal large language models (MLLMs) have attracted increasing attention
in the past few years, but they may still generate descriptions that include
objects not present in the corresponding images, a phenomenon known as object
hallucination. To eliminate hallucinations, existing methods manually annotate
paired responses with and without hallucinations, and then employ various
alignment algorithms to improve the alignment capability between images and
text. However, they not only demand considerable computation resources during
the finetuning stage but also require expensive human annotation to construct
paired data needed by the alignment algorithms. To address these issues, we
borrow the idea of unlearning and propose an efficient fine-grained unlearning
framework (EFUF), which can eliminate hallucinations without the need for
paired data. Extensive experiments show that our method consistently reduces
hallucinations while preserving the generation quality with modest
computational overhead. Our code and datasets will be publicly available. | cs.CL | EFUF: Efficient Fine-grained Unlearning Framework for Mitigating Hallucinations in Multimodal Large Language Models |
2024-02-15T08:03:12Z | http://arxiv.org/pdf/2402.09773v2 | http://arxiv.org/abs/2402.09773v2 | Shengrui Li, Junzhe Chen, Xueting Han, Jing Bai | 2024-06-27T04:49:11Z | cs.CL | The considerable size of Large Language Models (LLMs) presents notable
deployment challenges, particularly on resource-constrained hardware.
Structured pruning, offers an effective means to compress LLMs, thereby
reducing storage costs and enhancing inference speed for more efficient
utilization. In this work, we study data-efficient and resource-efficient
structure pruning methods to obtain smaller yet still powerful models.
Knowledge Distillation is well-suited for pruning, as the intact model can
serve as an excellent teacher for pruned students. However, it becomes
challenging in the context of LLMs due to memory constraints. To address this,
we propose an efficient progressive Numerous-teacher pruning method
(NutePrune). NutePrune mitigates excessive memory costs by loading only one
intact model and integrating it with various masks and LoRA modules, enabling
it to seamlessly switch between teacher and student roles. This approach allows
us to leverage numerous teachers with varying capacities to progressively guide
the pruned model, enhancing overall performance. Extensive experiments across
various tasks demonstrate the effectiveness of NutePrune. In LLaMA-7B zero-shot
experiments, NutePrune retains 97.17% of the performance of the original model
at 20% sparsity and 95.07% at 25% sparsity. Our code is available at
https://github.com/Lucius-lsr/NutePrune. | cs.CL | NutePrune: Efficient Progressive Pruning with Numerous Teachers for Large Language Models |
2024-02-15T07:22:04Z | http://arxiv.org/pdf/2402.09760v1 | http://arxiv.org/abs/2402.09760v1 | Hongjin Qian, Zheng Liu, Kelong Mao, Yujia Zhou, Zhicheng Dou | 2024-02-15T07:22:04Z | cs.CL, cs.AI, cs.IR | This paper presents a novel Chunking-Free In-Context (CFIC) retrieval
approach, specifically tailored for Retrieval-Augmented Generation (RAG)
systems. Traditional RAG systems often struggle with grounding responses using
precise evidence text due to the challenges of processing lengthy documents and
filtering out irrelevant content. Commonly employed solutions, such as document
chunking and adapting language models to handle longer contexts, have their
limitations. These methods either disrupt the semantic coherence of the text or
fail to effectively address the issues of noise and inaccuracy in evidence
retrieval.
CFIC addresses these challenges by circumventing the conventional chunking
process. It utilizes the encoded hidden states of documents for in-context
retrieval, employing auto-aggressive decoding to accurately identify the
specific evidence text required for user queries, eliminating the need for
chunking. CFIC is further enhanced by incorporating two decoding strategies,
namely Constrained Sentence Prefix Decoding and Skip Decoding. These strategies
not only improve the efficiency of the retrieval process but also ensure that
the fidelity of the generated grounding text evidence is maintained. Our
evaluations of CFIC on a range of open QA datasets demonstrate its superiority
in retrieving relevant and accurate evidence, offering a significant
improvement over traditional methods. By doing away with the need for document
chunking, CFIC presents a more streamlined, effective, and efficient retrieval
solution, making it a valuable advancement in the field of RAG systems. | cs.CL | Grounding Language Model with Chunking-Free In-Context Retrieval |
2024-02-15T07:17:10Z | http://arxiv.org/pdf/2402.09759v1 | http://arxiv.org/abs/2402.09759v1 | Szymon Ruciński | 2024-02-15T07:17:10Z | cs.CL, cs.AI | This study explores the potential of fine-tuning foundational English Large
Language Models (LLMs) for generating Polish text. The first step involves
Language Adaptive Pre-training (LAPT) on a high-quality dataset of 3.11 GB,
consisting of 276 million Polish tokens. The LAPT is followed by additional
fine-tuning aimed at solving nine KLEJ challenges. Our trained model
Curie-7B-v1 not only generates Polish text with the lowest perplexity of 3.02
among decoder-based Polish models but also closely rivals the performance of
the best Polish encoder-decoder models with a less than 2% gap on 8 out of 9
tasks. Curie-7B-v1 used approximately 2-3% of a typical dataset size to learn
Polish. The LAPT was completed in less than five days using a consumer GPU,
highlighting the method's efficiency. The proficiency of the model in Polish
was significantly enhanced, demonstrating the viability of this approach for
adding new languages to existing LLMs by training just 1.2% of its parameters.
To contribute to the community's collaborative progress, the model has been
released as open-source. | cs.CL | Efficient Language Adaptive Pre-training: Extending State-of-the-Art Large Language Models for Polish |
2024-02-15T06:58:30Z | http://arxiv.org/pdf/2402.09748v1 | http://arxiv.org/abs/2402.09748v1 | Wenxiao Wang, Wei Chen, Yicong Luo, Yongliu Long, Zhengkai Lin, Liye Zhang, Binbin Lin, Deng Cai, Xiaofei He | 2024-02-15T06:58:30Z | cs.CL, cs.AI, cs.LG, cs.PF | Transformer based large language models have achieved tremendous success.
However, the significant memory and computational costs incurred during the
inference process make it challenging to deploy large models on
resource-constrained devices. In this paper, we investigate compression and
efficient inference methods for large language models from an algorithmic
perspective. Regarding taxonomy, similar to smaller models, compression and
acceleration algorithms for large language models can still be categorized into
quantization, pruning, distillation, compact architecture design, dynamic
networks. However, Large language models have two prominent characteristics
compared to smaller models: (1) Most of compression algorithms require
finetuning or even retraining the model after compression. The most notable
aspect of large models is the very high cost associated with model finetuning
or training. Therefore, many algorithms for large models, such as quantization
and pruning, start to explore tuning-free algorithms. (2) Large models
emphasize versatility and generalization rather than performance on a single
task. Hence, many algorithms, such as knowledge distillation, focus on how to
preserving their versatility and generalization after compression. Since these
two characteristics were not very pronounced in early large models, we further
distinguish large language models into medium models and ``real'' large models.
Additionally, we also provide an introduction to some mature frameworks for
efficient inference of large models, which can support basic compression or
acceleration algorithms, greatly facilitating model deployment for users. | cs.CL | Model Compression and Efficient Inference for Large Language Models: A Survey |
2024-02-15T06:46:48Z | http://arxiv.org/pdf/2402.09742v4 | http://arxiv.org/abs/2402.09742v4 | Zhihao Fan, Jialong Tang, Wei Chen, Siyuan Wang, Zhongyu Wei, Jun Xi, Fei Huang, Jingren Zhou | 2024-06-28T03:11:48Z | cs.CL | Artificial intelligence has significantly advanced healthcare, particularly
through large language models (LLMs) that excel in medical question answering
benchmarks. However, their real-world clinical application remains limited due
to the complexities of doctor-patient interactions. To address this, we
introduce \textbf{AI Hospital}, a multi-agent framework simulating dynamic
medical interactions between \emph{Doctor} as player and NPCs including
\emph{Patient}, \emph{Examiner}, \emph{Chief Physician}. This setup allows for
realistic assessments of LLMs in clinical scenarios. We develop the Multi-View
Medical Evaluation (MVME) benchmark, utilizing high-quality Chinese medical
records and NPCs to evaluate LLMs' performance in symptom collection,
examination recommendations, and diagnoses. Additionally, a dispute resolution
collaborative mechanism is proposed to enhance diagnostic accuracy through
iterative discussions. Despite improvements, current LLMs exhibit significant
performance gaps in multi-turn interactions compared to one-step approaches.
Our findings highlight the need for further research to bridge these gaps and
improve LLMs' clinical diagnostic capabilities. Our data, code, and
experimental results are all open-sourced at
\url{https://github.com/LibertFan/AI_Hospital}. | cs.CL | AI Hospital: Benchmarking Large Language Models in a Multi-agent Medical Interaction Simulator |
2024-02-15T06:36:07Z | http://arxiv.org/pdf/2402.09739v2 | http://arxiv.org/abs/2402.09739v2 | Alexander Wettig, Aatmik Gupta, Saumya Malik, Danqi Chen | 2024-06-13T18:55:23Z | cs.CL, cs.LG | Selecting high-quality pre-training data is important for creating capable
language models, but existing methods rely on simple heuristics. We introduce
QuRating, a method for selecting pre-training data that can capture human
intuitions about data quality. In this paper, we investigate four qualities -
writing style, required expertise, facts & trivia, and educational value - and
find that LLMs are able to discern these qualities, especially when making
pairwise judgments of texts. We train a QuRater model to learn scalar ratings
from pairwise judgments, and use it to annotate a 260B training corpus with
quality ratings for each of the four criteria. In our experiments, we select
30B tokens according to the different quality ratings and train 1.3B-parameter
language models on the selected data. We find that it is important to balance
quality and diversity. When we sample using quality ratings as logits over
documents, our models obtain lower perplexity and stronger in-context learning
performance than baselines. Our best model is based on educational value and
performs similarly to a model trained with uniform sampling for 50% more steps.
Beyond data selection, we use the quality ratings to construct a training
curriculum which improves performance without changing the training dataset. We
extensively analyze the quality ratings and discuss their characteristics,
biases, and wider implications. | cs.CL | QuRating: Selecting High-Quality Data for Training Language Models |
2024-02-15T06:34:15Z | http://arxiv.org/pdf/2402.09738v1 | http://arxiv.org/abs/2402.09738v1 | Eftekhar Hossain, Omar Sharif, Mohammed Moshiul Hoque, Sarah M. Preum | 2024-02-15T06:34:15Z | cs.CL | Multimodal hateful content detection is a challenging task that requires
complex reasoning across visual and textual modalities. Therefore, creating a
meaningful multimodal representation that effectively captures the interplay
between visual and textual features through intermediate fusion is critical.
Conventional fusion techniques are unable to attend to the modality-specific
features effectively. Moreover, most studies exclusively concentrated on
English and overlooked other low-resource languages. This paper proposes a
context-aware attention framework for multimodal hateful content detection and
assesses it for both English and non-English languages. The proposed approach
incorporates an attention layer to meaningfully align the visual and textual
features. This alignment enables selective focus on modality-specific features
before fusing them. We evaluate the proposed approach on two benchmark hateful
meme datasets, viz. MUTE (Bengali code-mixed) and MultiOFF (English).
Evaluation results demonstrate our proposed approach's effectiveness with
F1-scores of $69.7$% and $70.3$% for the MUTE and MultiOFF datasets. The scores
show approximately $2.5$% and $3.2$% performance improvement over the
state-of-the-art systems on these datasets. Our implementation is available at
https://github.com/eftekhar-hossain/Bengali-Hateful-Memes. | cs.CL | Align before Attend: Aligning Visual and Textual Features for Multimodal Hateful Content Detection |
2024-02-15T06:14:55Z | http://arxiv.org/pdf/2402.09733v1 | http://arxiv.org/abs/2402.09733v1 | Hanyu Duan, Yi Yang, Kar Yan Tam | 2024-02-15T06:14:55Z | cs.CL | Large Language Models (LLMs) can make up answers that are not real, and this
is known as hallucination. This research aims to see if, how, and to what
extent LLMs are aware of hallucination. More specifically, we check whether and
how an LLM reacts differently in its hidden states when it answers a question
right versus when it hallucinates. To do this, we introduce an experimental
framework which allows examining LLM's hidden states in different hallucination
situations. Building upon this framework, we conduct a series of experiments
with language models in the LLaMA family (Touvron et al., 2023). Our empirical
findings suggest that LLMs react differently when processing a genuine response
versus a fabricated one. We then apply various model interpretation techniques
to help understand and explain the findings better. Moreover, informed by the
empirical observations, we show great potential of using the guidance derived
from LLM's hidden representation space to mitigate hallucination. We believe
this work provides insights into how LLMs produce hallucinated answers and how
to make them occur less often. | cs.CL | Do LLMs Know about Hallucination? An Empirical Investigation of LLM's Hidden States |
2024-02-15T05:40:21Z | http://arxiv.org/pdf/2402.09727v2 | http://arxiv.org/abs/2402.09727v2 | Kuang-Huei Lee, Xinyun Chen, Hiroki Furuta, John Canny, Ian Fischer | 2024-02-23T18:21:28Z | cs.CL, cs.AI, cs.IR | Current Large Language Models (LLMs) are not only limited to some maximum
context length, but also are not able to robustly consume long inputs. To
address these limitations, we propose ReadAgent, an LLM agent system that
increases effective context length up to 20x in our experiments. Inspired by
how humans interactively read long documents, we implement ReadAgent as a
simple prompting system that uses the advanced language capabilities of LLMs to
(1) decide what content to store together in a memory episode, (2) compress
those memory episodes into short episodic memories called gist memories, and
(3) take actions to look up passages in the original text if ReadAgent needs to
remind itself of relevant details to complete a task. We evaluate ReadAgent
against baselines using retrieval methods, using the original long contexts,
and using the gist memories. These evaluations are performed on three
long-document reading comprehension tasks: QuALITY, NarrativeQA, and QMSum.
ReadAgent outperforms the baselines on all three tasks while extending the
effective context window by 3-20x. | cs.CL | A Human-Inspired Reading Agent with Gist Memory of Very Long Contexts |
2024-02-15T05:35:04Z | http://arxiv.org/pdf/2402.09725v1 | http://arxiv.org/abs/2402.09725v1 | Xinran Chen, Sufeng Duan, Gongshen Liu | 2024-02-15T05:35:04Z | cs.CL, cs.AI | Being one of the IR-NAT (Iterative-refinemennt-based NAT) frameworks, the
Conditional Masked Language Model (CMLM) adopts the mask-predict paradigm to
re-predict the masked low-confidence tokens. However, CMLM suffers from the
data distribution discrepancy between training and inference, where the
observed tokens are generated differently in the two cases. In this paper, we
address this problem with the training approaches of error exposure and
consistency regularization (EECR). We construct the mixed sequences based on
model prediction during training, and propose to optimize over the masked
tokens under imperfect observation conditions. We also design a consistency
learning method to constrain the data distribution for the masked tokens under
different observing situations to narrow down the gap between training and
inference. The experiments on five translation benchmarks obtains an average
improvement of 0.68 and 0.40 BLEU scores compared to the base models,
respectively, and our CMLMC-EECR achieves the best performance with a
comparable translation quality with the Transformer. The experiments results
demonstrate the effectiveness of our method. | cs.CL | Improving Non-autoregressive Machine Translation with Error Exposure and Consistency Regularization |
2024-02-15T05:31:13Z | http://arxiv.org/pdf/2402.09723v3 | http://arxiv.org/abs/2402.09723v3 | Chengshuai Shi, Kun Yang, Zihan Chen, Jundong Li, Jing Yang, Cong Shen | 2024-05-30T19:40:21Z | stat.ML, cs.AI, cs.CL, cs.LG | The remarkable instruction-following capability of large language models
(LLMs) has sparked a growing interest in automatically finding good prompts,
i.e., prompt optimization. Most existing works follow the scheme of selecting
from a pre-generated pool of candidate prompts. However, these designs mainly
focus on the generation strategy, while limited attention has been paid to the
selection method. Especially, the cost incurred during the selection (e.g.,
accessing LLM and evaluating the responses) is rarely explicitly considered. To
overcome this limitation, this work provides a principled framework, TRIPLE, to
efficiently perform prompt selection under an explicit budget constraint.
TRIPLE is built on a novel connection established between prompt optimization
and fixed-budget best arm identification (BAI-FB) in multi-armed bandits (MAB);
thus, it is capable of leveraging the rich toolbox from BAI-FB systematically
and also incorporating unique characteristics of prompt optimization. Extensive
experiments on multiple well-adopted tasks using various LLMs demonstrate the
remarkable performance improvement of TRIPLE over baselines while satisfying
the limited budget constraints. As an extension, variants of TRIPLE are
proposed to efficiently select examples for few-shot prompts, also achieving
superior empirical performance. | stat.ML | Efficient Prompt Optimization Through the Lens of Best Arm Identification |
2024-02-15T04:10:25Z | http://arxiv.org/pdf/2402.09696v2 | http://arxiv.org/abs/2402.09696v2 | Junhong Liang | 2024-02-16T02:19:49Z | cs.CL | Current Grammar Error Correction (GEC) initiatives tend to focus on major
languages, with less attention given to low-resource languages like Esperanto.
In this article, we begin to bridge this gap by first conducting a
comprehensive frequency analysis using the Eo-GP dataset, created explicitly
for this purpose. We then introduce the Eo-GEC dataset, derived from authentic
user cases and annotated with fine-grained linguistic details for error
identification. Leveraging GPT-3.5 and GPT-4, our experiments show that GPT-4
outperforms GPT-3.5 in both automated and human evaluations, highlighting its
efficacy in addressing Esperanto's grammatical peculiarities and illustrating
the potential of advanced language models to enhance GEC strategies for less
commonly studied languages. | cs.CL | An Analysis of Language Frequency and Error Correction for Esperanto |
2024-02-15T02:54:49Z | http://arxiv.org/pdf/2402.09674v1 | http://arxiv.org/abs/2402.09674v1 | Chawin Sitawarin, Norman Mu, David Wagner, Alexandre Araujo | 2024-02-15T02:54:49Z | cs.CL, cs.AI, cs.CR, cs.LG | Large Language Models (LLMs) have surged in popularity in recent months, but
they have demonstrated concerning capabilities to generate harmful content when
manipulated. While techniques like safety fine-tuning aim to minimize harmful
use, recent works have shown that LLMs remain vulnerable to attacks that elicit
toxic responses. In this work, we introduce the Proxy-Guided Attack on LLMs
(PAL), the first optimization-based attack on LLMs in a black-box query-only
setting. In particular, it relies on a surrogate model to guide the
optimization and a sophisticated loss designed for real-world LLM APIs. Our
attack achieves 84% attack success rate (ASR) on GPT-3.5-Turbo and 48% on
Llama-2-7B, compared to 4% for the current state of the art. We also propose
GCG++, an improvement to the GCG attack that reaches 94% ASR on white-box
Llama-2-7B, and the Random-Search Attack on LLMs (RAL), a strong but simple
baseline for query-based attacks. We believe the techniques proposed in this
work will enable more comprehensive safety testing of LLMs and, in the long
term, the development of better security guardrails. The code can be found at
https://github.com/chawins/pal. | cs.CL | PAL: Proxy-Guided Black-Box Attack on Large Language Models |
2024-02-15T02:27:57Z | http://arxiv.org/pdf/2402.09668v1 | http://arxiv.org/abs/2402.09668v1 | Noveen Sachdeva, Benjamin Coleman, Wang-Cheng Kang, Jianmo Ni, Lichan Hong, Ed H. Chi, James Caverlee, Julian McAuley, Derek Zhiyuan Cheng | 2024-02-15T02:27:57Z | cs.LG, cs.AI, cs.CL | The training of large language models (LLMs) is expensive. In this paper, we
study data-efficient approaches for pre-training LLMs, i.e., techniques that
aim to optimize the Pareto frontier of model quality and training resource/data
consumption. We seek to understand the tradeoffs associated with data selection
routines based on (i) expensive-to-compute data-quality estimates, and (ii)
maximization of coverage and diversity-based measures in the feature space. Our
first technique, Ask-LLM, leverages the zero-shot reasoning capabilities of
instruction-tuned LLMs to directly assess the quality of a training example. To
target coverage, we propose Density sampling, which models the data
distribution to select a diverse sample. In our comparison of 19 samplers,
involving hundreds of evaluation tasks and pre-training runs, we find that
Ask-LLM and Density are the best methods in their respective categories.
Coverage sampling can recover the performance of the full data, while models
trained on Ask-LLM data consistently outperform full-data training -- even when
we reject 90% of the original dataset, while converging up to 70% faster. | cs.LG | How to Train Data-Efficient LLMs |
2024-02-15T02:27:23Z | http://arxiv.org/pdf/2402.09666v1 | http://arxiv.org/abs/2402.09666v1 | Ying Su, Tianqing Fang, Huiru Xiao, Weiqi Wang, Yangqiu Song, Tong Zhang, Lei Chen | 2024-02-15T02:27:23Z | cs.CL | Commonsense knowledge graph completion is a new challenge for commonsense
knowledge graph construction and application. In contrast to factual knowledge
graphs such as Freebase and YAGO, commonsense knowledge graphs (CSKGs; e.g.,
ConceptNet) utilize free-form text to represent named entities, short phrases,
and events as their nodes. Such a loose structure results in large and sparse
CSKGs, which makes the semantic understanding of these nodes more critical for
learning rich commonsense knowledge graph embedding. While current methods
leverage semantic similarities to increase the graph density, the semantic
plausibility of the nodes and their relations are under-explored. Previous
works adopt conceptual abstraction to improve the consistency of modeling
(event) plausibility, but they are not scalable enough and still suffer from
data sparsity. In this paper, we propose to adopt textual entailment to find
implicit entailment relations between CSKG nodes, to effectively densify the
subgraph connecting nodes within the same conceptual class, which indicates a
similar level of plausibility. Each node in CSKG finds its top entailed nodes
using a finetuned transformer over natural language inference (NLI) tasks,
which sufficiently capture textual entailment signals. The entailment relation
between these nodes are further utilized to: 1) build new connections between
source triplets and entailed nodes to densify the sparse CSKGs; 2) enrich the
generalization ability of node representations by comparing the node embeddings
with a contrastive loss. Experiments on two standard CSKGs demonstrate that our
proposed framework EntailE can improve the performance of CSKG completion tasks
under both transductive and inductive settings. | cs.CL | EntailE: Introducing Textual Entailment in Commonsense Knowledge Graph Completion |
2024-02-15T02:24:46Z | http://arxiv.org/pdf/2402.09664v4 | http://arxiv.org/abs/2402.09664v4 | Changshu Liu, Shizhuo Dylan Zhang, Ali Reza Ibrahimzada, Reyhaneh Jabbarvand | 2024-04-03T06:23:48Z | cs.SE, cs.AI, cs.CL, cs.PL | Solely relying on test passing to evaluate Large Language Models (LLMs) for
code synthesis may result in unfair assessment or promoting models with data
leakage. As an alternative, we introduce CodeMind, a framework designed to
gauge the code reasoning abilities of LLMs. CodeMind currently supports three
code reasoning tasks: Independent Execution Reasoning (IER), Dependent
Execution Reasoning (DER), and Specification Reasoning (SR). The first two
evaluate models to predict the execution output of an arbitrary code or code
the model could correctly synthesize. The third one evaluates the extent to
which LLMs implement the specified expected behavior.
Our extensive evaluation of nine LLMs across five benchmarks in two different
programming languages using CodeMind shows that LLMs fairly follow control flow
constructs and, in general, explain how inputs evolve to output, specifically
for simple programs and the ones they can correctly synthesize. However, their
performance drops for code with higher complexity, non-trivial logical and
arithmetic operators, non-primitive types, and API calls. Furthermore, we
observe that, while correlated, specification reasoning (essential for code
synthesis) does not imply execution reasoning (essential for broader
programming tasks such as testing and debugging): ranking LLMs based on test
passing can be different compared to code reasoning. | cs.SE | CodeMind: A Framework to Challenge Large Language Models for Code Reasoning |
2024-02-15T01:38:50Z | http://arxiv.org/pdf/2402.09654v2 | http://arxiv.org/abs/2402.09654v2 | Uttam Dhakal, Aniket Kumar Singh, Suman Devkota, Yogesh Sapkota, Bishal Lamichhane, Suprinsa Paudyal, Chandra Dhakal | 2024-03-26T20:12:18Z | cs.AI, cs.CL, cs.HC, cs.MA, stat.ML | This study investigates GPT-4's assessment of its performance in healthcare
applications. A simple prompting technique was used to prompt the LLM with
questions taken from the United States Medical Licensing Examination (USMLE)
questionnaire and it was tasked to evaluate its confidence score before posing
the question and after asking the question. The questionnaire was categorized
into two groups-questions with feedback (WF) and questions with no feedback(NF)
post-question. The model was asked to provide absolute and relative confidence
scores before and after each question. The experimental findings were analyzed
using statistical tools to study the variability of confidence in WF and NF
groups. Additionally, a sequential analysis was conducted to observe the
performance variation for the WF and NF groups. Results indicate that feedback
influences relative confidence but doesn't consistently increase or decrease
it. Understanding the performance of LLM is paramount in exploring its utility
in sensitive areas like healthcare. This study contributes to the ongoing
discourse on the reliability of AI, particularly of LLMs like GPT-4, within
healthcare, offering insights into how feedback mechanisms might be optimized
to enhance AI-assisted medical education and decision support. | cs.AI | GPT-4's assessment of its performance in a USMLE-based case study |
2024-02-15T01:02:41Z | http://arxiv.org/pdf/2402.09642v1 | http://arxiv.org/abs/2402.09642v1 | Letian Peng, Yuwei Zhang, Zilong Wang, Jayanth Srinivasa, Gaowen Liu, Zihan Wang, Jingbo Shang | 2024-02-15T01:02:41Z | cs.CL | This work aims to build a text embedder that can capture characteristics of
texts specified by user instructions. Despite its tremendous potential to
deploy user-oriented embeddings, none of previous approaches provides a
concrete solution for it. This paper offers a new viewpoint, which treats the
instruction as a question about the input text and encodes the expected answers
to obtain the representation accordingly. Intuitively, texts with the same
(implicit) semantics would share similar answers following the instruction,
thus leading to more similar embeddings. Specifically, we propose InBedder that
instantiates this embed-via-answering idea by only fine-tuning language models
on abstractive question answering tasks. InBedder demonstrates significantly
improved instruction-following capabilities according to our proposed
instruction awareness tests and instruction robustness tests, when applied to
both large language models (LLMs) (e.g., llama-2-7b) and smaller encoder-based
LMs (e.g., roberta-large). Additionally, our qualitative analysis of clustering
outcomes, achieved by applying different instructions to the same corpus,
demonstrates a high degree of interpretability. | cs.CL | Answer is All You Need: Instruction-following Text Embedding via Answering the Question |
2024-02-15T00:20:30Z | http://arxiv.org/pdf/2402.09631v5 | http://arxiv.org/abs/2402.09631v5 | Shashwat Singh, Shauli Ravfogel, Jonathan Herzig, Roee Aharoni, Ryan Cotterell, Ponnurangam Kumaraguru | 2024-06-25T13:00:08Z | cs.LG, cs.CL, cs.CY | Language models often exhibit undesirable behavior, e.g., generating toxic or
gender-biased text. In the case of neural language models, an encoding of the
undesirable behavior is often present in the model's representations. Thus, one
natural (and common) approach to prevent the model from exhibiting undesirable
behavior is to steer the model's representations in a manner that reduces the
probability of it generating undesirable text. This paper investigates the
formal and empirical properties of steering functions, i.e., transformation of
the neural language model's representations that alter its behavior. First, we
derive two optimal, in the least-squares sense, affine steering functions under
different constraints. Our theory provides justification for existing
approaches and offers a novel, improved steering approach. Second, we offer a
series of experiments that demonstrate the empirical effectiveness of the
methods in mitigating bias and reducing toxic generation. | cs.LG | Representation Surgery: Theory and Practice of Affine Steering |
2024-02-14T23:09:15Z | http://arxiv.org/pdf/2402.09615v4 | http://arxiv.org/abs/2402.09615v4 | Zhen Guo, Adriana Meza Soria, Wei Sun, Yikang Shen, Rameswar Panda | 2024-06-03T22:38:04Z | cs.CL, cs.AI, cs.LG | We introduce API Pack, a massive multi-programming language dataset
containing more than 1 million instruction-API call pairs to improve the API
call generation capabilities of large language models. By fine-tuning
CodeLlama-13B on 20,000 Python instances from API Pack, we enable it to
outperform GPT-3.5 and GPT-4 in generating unseen API calls. Fine-tuning on API
Pack also facilitates cross-programming language generalization by leveraging a
large amount of data in one language and small amounts of data from other
languages. Scaling the training data to 1 million instances further improves
the model's ability to generalize to new APIs not used in training. To
facilitate further research, we open-source the API Pack dataset, trained
model, and associated source code at https://github.com/zguo0525/API-Pack. | cs.CL | API Pack: A Massive Multi-Programming Language Dataset for API Call Generation |
2024-02-14T23:05:44Z | http://arxiv.org/pdf/2402.09614v2 | http://arxiv.org/abs/2402.09614v2 | Aliakbar Nafar, Kristen Brent Venable, Parisa Kordjamshidi | 2024-06-17T05:13:33Z | cs.CL, cs.AI, I.2.7 | This paper considers the challenges Large Language Models (LLMs) face when
reasoning over text that includes information involving uncertainty explicitly
quantified via probability values. This type of reasoning is relevant to a
variety of contexts ranging from everyday conversations to medical
decision-making. Despite improvements in the mathematical reasoning
capabilities of LLMs, they still exhibit significant difficulties when it comes
to probabilistic reasoning. To deal with this problem, we introduce the
Bayesian Linguistic Inference Dataset (BLInD), a new dataset specifically
designed to test the probabilistic reasoning capabilities of LLMs. We use BLInD
to find out the limitations of LLMs for tasks involving probabilistic
reasoning. In addition, we present several prompting strategies that map the
problem to different formal representations, including Python code,
probabilistic algorithms, and probabilistic logical programming. We conclude by
providing an evaluation of our methods on BLInD and an adaptation of a causal
reasoning question-answering dataset. Our empirical results highlight the
effectiveness of our proposed strategies for multiple LLMs. | cs.CL | Probabilistic Reasoning in Generative Large Language Models |
2024-02-14T22:57:03Z | http://arxiv.org/pdf/2402.09611v1 | http://arxiv.org/abs/2402.09611v1 | Phillip Rust, Bowen Shi, Skyler Wang, Necati Cihan Camgöz, Jean Maillard | 2024-02-14T22:57:03Z | cs.CL, cs.AI, cs.CV, cs.LG | A major impediment to the advancement of sign language translation (SLT) is
data scarcity. Much of the sign language data currently available on the web
cannot be used for training supervised models due to the lack of aligned
captions. Furthermore, scaling SLT using large-scale web-scraped datasets bears
privacy risks due to the presence of biometric information, which the
responsible development of SLT technologies should account for. In this work,
we propose a two-stage framework for privacy-aware SLT at scale that addresses
both of these issues. We introduce SSVP-SLT, which leverages self-supervised
video pretraining on anonymized and unannotated videos, followed by supervised
SLT finetuning on a curated parallel dataset. SSVP-SLT achieves
state-of-the-art finetuned and zero-shot gloss-free SLT performance on the
How2Sign dataset, outperforming the strongest respective baselines by over 3
BLEU-4. Based on controlled experiments, we further discuss the advantages and
limitations of self-supervised pretraining and anonymization via facial
obfuscation for SLT. | cs.CL | Towards Privacy-Aware Sign Language Translation at Scale |
2024-02-14T22:36:07Z | http://arxiv.org/pdf/2402.09609v1 | http://arxiv.org/abs/2402.09609v1 | Zhexiong Liu, Jing Zhang, Jiaying Lu, Wenjing Ma, Joyce C Ho | 2024-02-14T22:36:07Z | cs.CL, cs.AI | Logic reasoning has been critically needed in problem-solving and
decision-making. Although Language Models (LMs) have demonstrated capabilities
of handling multiple reasoning tasks (e.g., commonsense reasoning), their
ability to reason complex mathematical problems, specifically propositional
logic, remains largely underexplored. This lack of exploration can be
attributed to the limited availability of annotated corpora. Here, we present a
well-labeled propositional logic corpus, LogicPrpBank, containing 7093
Propositional Logic Statements (PLSs) across six mathematical subjects, to
study a brand-new task of reasoning logical implication and equivalence. We
benchmark LogicPrpBank with widely-used LMs to show that our corpus offers a
useful resource for this challenging task and there is ample room for model
improvement. | cs.CL | LogicPrpBank: A Corpus for Logical Implication and Equivalence |
2024-02-14T21:33:13Z | http://arxiv.org/pdf/2402.09588v2 | http://arxiv.org/abs/2402.09588v2 | David Oniani, Jordan Hilsman, Chengxi Zang, Junmei Wang, Lianjin Cai, Jan Zawala, Yanshan Wang | 2024-02-16T20:55:08Z | cs.AI, cs.CL | A drug molecule is a substance that changes the organism's mental or physical
state. Every approved drug has an indication, which refers to the therapeutic
use of that drug for treating a particular medical condition. While the Large
Language Model (LLM), a generative Artificial Intelligence (AI) technique, has
recently demonstrated effectiveness in translating between molecules and their
textual descriptions, there remains a gap in research regarding their
application in facilitating the translation between drug molecules and
indications, or vice versa, which could greatly benefit the drug discovery
process. The capability of generating a drug from a given indication would
allow for the discovery of drugs targeting specific diseases or targets and
ultimately provide patients with better treatments. In this paper, we first
propose a new task, which is the translation between drug molecules and
corresponding indications, and then test existing LLMs on this new task.
Specifically, we consider nine variations of the T5 LLM and evaluate them on
two public datasets obtained from ChEMBL and DrugBank. Our experiments show the
early results of using LLMs for this task and provide a perspective on the
state-of-the-art. We also emphasize the current limitations and discuss future
work that has the potential to improve the performance on this task. The
creation of molecules from indications, or vice versa, will allow for more
efficient targeting of diseases and significantly reduce the cost of drug
discovery, with the potential to revolutionize the field of drug discovery in
the era of generative AI. | cs.AI | Emerging Opportunities of Using Large Language Models for Translation Between Drug Molecules and Indications |
2024-02-14T20:48:58Z | http://arxiv.org/pdf/2402.09573v2 | http://arxiv.org/abs/2402.09573v2 | Md Kowsher, Abdul Rafae Khan, Jia Xu | 2024-06-13T21:22:02Z | cs.LG, cs.CL | In Chaos, a minor divergence between two initial conditions exhibits
exponential amplification over time, leading to far-away outcomes, known as the
butterfly effect. Thus, the distant future is full of uncertainty and hard to
forecast. We introduce Group Reservoir Transformer to predict long-term events
more accurately and robustly by overcoming two challenges in Chaos: (1) the
extensive historical sequences and (2) the sensitivity to initial conditions. A
reservoir is attached to a Transformer to efficiently handle arbitrarily long
historical lengths, with an extension of a group of reservoirs to reduce the
sensitivity to the initialization variations. Our architecture consistently
outperforms state-of-the-art models in multivariate time series, including
TimeLLM, GPT2TS, PatchTST, DLinear, TimeNet, and the baseline Transformer, with
an error reduction of up to -59\% in various fields such as ETTh, ETTm, and air
quality, demonstrating that an ensemble of butterfly learning can improve the
adequacy and certainty of event prediction, despite of the traveling time to
the unknown future. | cs.LG | Changes by Butterflies: Farsighted Forecasting with Group Reservoir Transformer |
2024-02-14T20:05:26Z | http://arxiv.org/pdf/2402.09552v2 | http://arxiv.org/abs/2402.09552v2 | Narun Raman, Taylor Lundy, Samuel Amouyal, Yoav Levine, Kevin Leyton-Brown, Moshe Tennenholtz | 2024-05-28T16:27:56Z | cs.CL, econ.GN, q-fin.EC | There is increasing interest in using LLMs as decision-making "agents." Doing
so includes many degrees of freedom: which model should be used; how should it
be prompted; should it be asked to introspect, conduct chain-of-thought
reasoning, etc? Settling these questions -- and more broadly, determining
whether an LLM agent is reliable enough to be trusted -- requires a methodology
for assessing such an agent's economic rationality. In this paper, we provide
one. We begin by surveying the economic literature on rational decision making,
taxonomizing a large set of fine-grained "elements" that an agent should
exhibit, along with dependencies between them. We then propose a benchmark
distribution that quantitatively scores an LLMs performance on these elements
and, combined with a user-provided rubric, produces a "STEER report card."
Finally, we describe the results of a large-scale empirical experiment with 14
different LLMs, characterizing the both current state of the art and the impact
of different model sizes on models' ability to exhibit rational behavior. | cs.CL | STEER: Assessing the Economic Rationality of Large Language Models |
2024-02-14T18:59:33Z | http://arxiv.org/pdf/2402.09404v1 | http://arxiv.org/abs/2402.09404v1 | Siwei Yang, Bingchen Zhao, Cihang Xie | 2024-02-14T18:59:33Z | cs.CL, cs.AI, cs.LG | This paper introduces AQA-Bench, a novel benchmark to assess the sequential
reasoning capabilities of large language models (LLMs) in algorithmic contexts,
such as depth-first search (DFS). The key feature of our evaluation benchmark
lies in its interactive evaluation protocol -- for example, in DFS, the
availability of each node's connected edge is contingent upon the model's
traversal to that node, thereby necessitating the LLM's ability to effectively
remember visited nodes and strategize subsequent moves. We comprehensively
build AQA-Bench with three different algorithms, namely binary search,
depth-first search, and breadth-first search, and to evaluate the sequential
reasoning ability of 12 different LLMs. Our investigations reveal several
interesting findings: (1) Closed-source models like GPT-4 and Gemini generally
show strong sequential reasoning ability, significantly outperforming
open-source LLMs. (2) Naively providing interactive examples may inadvertently
hurt few-shot performance. (3) A very limited number of predecessor steps
following the optimal policy can substantially boost small models' performance.
(4) The scaling correlation between performance and model size is not always
significant, sometimes even showcasing an inverse trend. We hope our study can
catalyze future work on advancing the understanding and enhancement of LLMs'
capabilities in sequential reasoning. The code is available at
https://github.com/UCSC-VLAA/AQA-Bench. | cs.CL | AQA-Bench: An Interactive Benchmark for Evaluating LLMs' Sequential Reasoning Ability |
2024-02-14T18:58:40Z | http://arxiv.org/pdf/2402.09401v1 | http://arxiv.org/abs/2402.09401v1 | Kaixuan Ji, Jiafan He, Quanquan Gu | 2024-02-14T18:58:40Z | cs.LG, cs.AI, cs.CL, math.OC, stat.ML | Aligning large language models (LLM) with human preference plays a key role
in building modern generative models and can be achieved by reinforcement
learning from human feedback (RLHF). Despite their superior performance,
current RLHF approaches often require a large amount of human-labelled
preference data, which is expensive to collect. In this paper, inspired by the
success of active learning, we address this problem by proposing
query-efficient RLHF methods. We first formalize the alignment problem as a
contextual dueling bandit problem and design an active-query-based proximal
policy optimization (APPO) algorithm with an $\tilde{O}(d^2/\Delta)$ regret
bound and an $\tilde{O}(d^2/\Delta^2)$ query complexity, where $d$ is the
dimension of feature space and $\Delta$ is the sub-optimality gap over all the
contexts. We then propose ADPO, a practical version of our algorithm based on
direct preference optimization (DPO) and apply it to fine-tuning LLMs. Our
experiments show that ADPO, while only making about half of queries for human
preference, matches the performance of the state-of-the-art DPO method. | cs.LG | Reinforcement Learning from Human Feedback with Active Queries |
2024-02-14T18:45:14Z | http://arxiv.org/pdf/2402.09394v2 | http://arxiv.org/abs/2402.09394v2 | Domenic Rosati, Robie Gonzales, Jinkun Chen, Xuemin Yu, Melis Erkan, Yahya Kayani, Satya Deepika Chavatapalli, Frank Rudzicz, Hassan Sajjad | 2024-03-29T21:17:23Z | cs.CL | Evaluations of model editing currently only use the `next few token'
completions after a prompt. As a result, the impact of these methods on longer
natural language generation is largely unknown. We introduce long-form
evaluation of model editing (LEME) a novel evaluation protocol that measures
the efficacy and impact of model editing in long-form generative settings. Our
protocol consists of a machine-rated survey and a classifier which correlates
well with human ratings. Importantly, we find that our protocol has very little
relationship with previous short-form metrics (despite being designed to extend
efficacy, generalization, locality, and portability into a long-form setting),
indicating that our method introduces a novel set of dimensions for
understanding model editing methods. Using this protocol, we benchmark a number
of model editing techniques and present several findings including that, while
some methods (ROME and MEMIT) perform well in making consistent edits within a
limited scope, they suffer much more from factual drift than other methods.
Finally, we present a qualitative analysis that illustrates common failure
modes in long-form generative settings including internal consistency, lexical
cohesion, and locality issues. | cs.CL | Long-form evaluation of model editing |
2024-02-14T18:42:25Z | http://arxiv.org/pdf/2402.09391v3 | http://arxiv.org/abs/2402.09391v3 | Botao Yu, Frazier N. Baker, Ziqi Chen, Xia Ning, Huan Sun | 2024-04-01T17:28:16Z | cs.AI, cs.CE, cs.CL | Chemistry plays a crucial role in many domains, such as drug discovery and
material science. While large language models (LLMs) such as GPT-4 exhibit
remarkable capabilities on natural language processing tasks, existing research
indicates that their performance on chemistry tasks is discouragingly low. In
this paper, however, we demonstrate that our developed LLMs can achieve very
strong results on a comprehensive set of chemistry tasks, outperforming the
most advanced GPT-4 and Claude 3 Opus by a substantial margin. To accomplish
this, we propose SMolInstruct, a large-scale, comprehensive, and high-quality
dataset for instruction tuning. It contains 14 selected chemistry tasks and
over three million samples, laying a solid foundation for training and
evaluating LLMs for chemistry. Using SMolInstruct, we fine-tune a set of
open-source LLMs, among which, we find that Mistral serves as the best base
model for chemistry tasks. Our analysis further demonstrates the critical role
of the proposed dataset in driving the performance improvements. | cs.AI | LlaSMol: Advancing Large Language Models for Chemistry with a Large-Scale, Comprehensive, High-Quality Instruction Tuning Dataset |
2024-02-14T18:41:19Z | http://arxiv.org/pdf/2402.09390v2 | http://arxiv.org/abs/2402.09390v2 | Yihao Fang, Stephen W. Thomas, Xiaodan Zhu | 2024-07-02T12:42:59Z | cs.AI, cs.CL | With the widespread adoption of large language models (LLMs) in numerous
applications, the challenge of factuality and the propensity for hallucinations
has emerged as a significant concern. To address this issue, particularly in
retrieval-augmented in-context learning, we introduce the hierarchical graph of
thoughts (HGOT), a structured, multi-layered graph approach designed to enhance
the retrieval of pertinent passages during in-context learning. The framework
utilizes the emergent planning capabilities of LLMs, employing the
divide-and-conquer strategy to break down complex queries into manageable
sub-queries. It refines self-consistency majority voting for answer selection,
which incorporates the recently proposed citation recall and precision metrics
to assess the quality of thoughts, linking an answer's credibility
intrinsically to the thought's quality. This methodology introduces a weighted
system in majority voting, prioritizing answers based on the citation quality
of their thoughts. Additionally, we propose a scoring mechanism for evaluating
retrieved passages, considering factors such as citation frequency and quality,
self-consistency confidence, and the retrieval module's ranking. Experiments
indicate that HGOT excels as a versatile approach, outperforming competing
models in FEVER by up to $7\%$ and matching leading models such as
Retrieve-then-Read in Open-SQuAD, and DSP in HotPotQA, demonstrating its
efficacy in enhancing LLMs' factuality. | cs.AI | HGOT: Hierarchical Graph of Thoughts for Retrieval-Augmented In-Context Learning in Factuality Evaluation |
2024-02-14T18:18:29Z | http://arxiv.org/pdf/2402.09371v1 | http://arxiv.org/abs/2402.09371v1 | Yongchao Zhou, Uri Alon, Xinyun Chen, Xuezhi Wang, Rishabh Agarwal, Denny Zhou | 2024-02-14T18:18:29Z | cs.LG, cs.AI, cs.CL | Length generalization, defined as the ability to extrapolate from shorter
training sequences to longer test ones, is a significant challenge for language
models. This issue persists even with large-scale Transformers handling
relatively straightforward tasks. In this paper, we test the Transformer's
ability of length generalization using the task of addition of two integers. We
show that the success of length generalization is intricately linked to the
data format and the type of position encoding. Using the right combination of
data format and position encodings, we show for the first time that standard
Transformers can extrapolate to a sequence length that is 2.5x the input
length. Nevertheless, unlike in-distribution generalization, length
generalization remains fragile, significantly influenced by factors like random
weight initialization and training data order, leading to large variances
across different random seeds. | cs.LG | Transformers Can Achieve Length Generalization But Not Robustly |
2024-02-14T18:16:54Z | http://arxiv.org/pdf/2402.09369v1 | http://arxiv.org/abs/2402.09369v1 | Yi Fung, Ruining Zhao, Jae Doo, Chenkai Sun, Heng Ji | 2024-02-14T18:16:54Z | cs.CL | Pretrained large language models have revolutionized many applications but
still face challenges related to cultural bias and a lack of cultural
commonsense knowledge crucial for guiding cross-culture communication and
interactions. Recognizing the shortcomings of existing methods in capturing the
diverse and rich cultures across the world, this paper introduces a novel
approach for massively multicultural knowledge acquisition. Specifically, our
method strategically navigates from densely informative Wikipedia documents on
cultural topics to an extensive network of linked pages. Leveraging this
valuable source of data collection, we construct the CultureAtlas dataset,
which covers a wide range of sub-country level geographical regions and
ethnolinguistic groups, with data cleaning and preprocessing to ensure textual
assertion sentence self-containment, as well as fine-grained cultural profile
information extraction. Our dataset not only facilitates the evaluation of
language model performance in culturally diverse contexts but also serves as a
foundational tool for the development of culturally sensitive and aware
language models. Our work marks an important step towards deeper understanding
and bridging the gaps of cultural disparities in AI, to promote a more
inclusive and balanced representation of global cultures in the digital domain. | cs.CL | Massively Multi-Cultural Knowledge Acquisition & LM Benchmarking |
2024-02-14T18:09:53Z | http://arxiv.org/pdf/2402.09363v2 | http://arxiv.org/abs/2402.09363v2 | Matthieu Meeus, Igor Shilov, Manuel Faysse, Yves-Alexandre de Montjoye | 2024-06-04T21:07:11Z | cs.CL, cs.CR | Questions of fair use of copyright-protected content to train Large Language
Models (LLMs) are being actively debated. Document-level inference has been
proposed as a new task: inferring from black-box access to the trained model
whether a piece of content has been seen during training. SOTA methods however
rely on naturally occurring memorization of (part of) the content. While very
effective against models that memorize significantly, we hypothesize--and later
confirm--that they will not work against models that do not naturally memorize,
e.g. medium-size 1B models. We here propose to use copyright traps, the
inclusion of fictitious entries in original content, to detect the use of
copyrighted materials in LLMs with a focus on models where memorization does
not naturally occur. We carefully design a randomized controlled experimental
setup, inserting traps into original content (books) and train a 1.3B LLM from
scratch. We first validate that the use of content in our target model would be
undetectable using existing methods. We then show, contrary to intuition, that
even medium-length trap sentences repeated a significant number of times (100)
are not detectable using existing methods. However, we show that longer
sequences repeated a large number of times can be reliably detected (AUC=0.75)
and used as copyright traps. Beyond copyright applications, our findings
contribute to the study of LLM memorization: the randomized controlled setup
enables us to draw causal relationships between memorization and certain
sequence properties such as repetition in model training data and perplexity. | cs.CL | Copyright Traps for Large Language Models |
2024-02-14T17:59:34Z | http://arxiv.org/pdf/2402.09353v5 | http://arxiv.org/abs/2402.09353v5 | Shih-Yang Liu, Chien-Yi Wang, Hongxu Yin, Pavlo Molchanov, Yu-Chiang Frank Wang, Kwang-Ting Cheng, Min-Hung Chen | 2024-06-03T07:27:15Z | cs.CL, cs.CV | Among the widely used parameter-efficient fine-tuning (PEFT) methods, LoRA
and its variants have gained considerable popularity because of avoiding
additional inference costs. However, there still often exists an accuracy gap
between these methods and full fine-tuning (FT). In this work, we first
introduce a novel weight decomposition analysis to investigate the inherent
differences between FT and LoRA. Aiming to resemble the learning capacity of FT
from the findings, we propose Weight-Decomposed Low-Rank Adaptation (DoRA).
DoRA decomposes the pre-trained weight into two components, magnitude and
direction, for fine-tuning, specifically employing LoRA for directional updates
to efficiently minimize the number of trainable parameters. By employing \ours,
we enhance both the learning capacity and training stability of LoRA while
avoiding any additional inference overhead. \ours~consistently outperforms LoRA
on fine-tuning LLaMA, LLaVA, and VL-BART on various downstream tasks, such as
commonsense reasoning, visual instruction tuning, and image/video-text
understanding. Code is available at https://github.com/NVlabs/DoRA. | cs.CL | DoRA: Weight-Decomposed Low-Rank Adaptation |
2024-02-14T17:46:46Z | http://arxiv.org/pdf/2402.09344v1 | http://arxiv.org/abs/2402.09344v1 | Yuto Nishida, Makoto Morishita, Hidetaka Kamigaito, Taro Watanabe | 2024-02-14T17:46:46Z | cs.CL | Generating multiple translation candidates would enable users to choose the
one that satisfies their needs. Although there has been work on diversified
generation, there exists room for improving the diversity mainly because the
previous methods do not address the overcorrection problem -- the model
underestimates a prediction that is largely different from the training data,
even if that prediction is likely. This paper proposes methods that generate
more diverse translations by introducing perturbed k-nearest neighbor machine
translation (kNN-MT). Our methods expand the search space of kNN-MT and help
incorporate diverse words into candidates by addressing the overcorrection
problem. Our experiments show that the proposed methods drastically improve
candidate diversity and control the degree of diversity by tuning the
perturbation's magnitude. | cs.CL | Generating Diverse Translation with Perturbed kNN-MT |
2024-02-14T17:14:34Z | http://arxiv.org/pdf/2402.09320v1 | http://arxiv.org/abs/2402.09320v1 | Feifan Song, Yuxuan Fan, Xin Zhang, Peiyi Wang, Houfeng Wang | 2024-02-14T17:14:34Z | cs.CL, cs.AI | Large Language Models (LLMs) rely on Human Preference Alignment (HPA) to
ensure the generation of safe content. Due to the heavy cost associated with
fine-tuning, fine-tuning-free methods have emerged, typically modifying LLM
decoding with external auxiliary methods. However, these methods do not
essentially enhance the LLM itself. In this paper, we rethink the derivation
procedures of DPO, based on which we conversely build an instant scorer using
the states of the LLM before and after In-context Learning (ICL). Accordingly,
we propose a novel approach called In-Context Direct Preference Optimization
(ICDPO). It enables LLMs to borrow the HPA capabilities from superior LLMs with
ICL, generating well-aligned responses as estimated by the aforementioned
instant scorer, thereby enhancing the final performance. ICDPO can be further
enhanced with a two-stage retriever and an upgraded scorer, both offering
benefits. Extensive experiments show its effectiveness, particularly in
outperforming two fine-tuning-free baselines, and it exhibits competitiveness
with SFT + LoRA. We also conduct detailed analyses to offer comprehensive
insights into ICDPO. | cs.CL | ICDPO: Effectively Borrowing Alignment Capability of Others via In-context Direct Preference Optimization |
2024-02-14T16:14:03Z | http://arxiv.org/pdf/2402.09283v3 | http://arxiv.org/abs/2402.09283v3 | Zhichen Dong, Zhanhui Zhou, Chao Yang, Jing Shao, Yu Qiao | 2024-03-27T13:55:14Z | cs.CL, cs.AI, cs.CY, cs.LG | Large Language Models (LLMs) are now commonplace in conversation
applications. However, their risks of misuse for generating harmful responses
have raised serious societal concerns and spurred recent research on LLM
conversation safety. Therefore, in this survey, we provide a comprehensive
overview of recent studies, covering three critical aspects of LLM conversation
safety: attacks, defenses, and evaluations. Our goal is to provide a structured
summary that enhances understanding of LLM conversation safety and encourages
further investigation into this important subject. For easy reference, we have
categorized all the studies mentioned in this survey according to our taxonomy,
available at: https://github.com/niconi19/LLM-conversation-safety. | cs.CL | Attacks, Defenses and Evaluations for LLM Conversation Safety: A Survey |
2024-02-14T16:10:45Z | http://arxiv.org/pdf/2402.09282v4 | http://arxiv.org/abs/2402.09282v4 | Yining Huang, Keke Tang, Meilian Chen | 2024-03-24T07:06:19Z | cs.CL | Emerging Large Language Models (LLMs) like GPT-4 have revolutionized Natural
Language Processing (NLP), showing potential in traditional tasks such as Named
Entity Recognition (NER). Our study explores a three-phase training strategy
that harnesses GPT-4's capabilities to enhance the BERT model's performance on
NER. Initially, GPT-4 annotates a subset of the CONLL2003 and additional BBC
dataset without fine-tuning. We then train BERT using a mix of original and
LLM-annotated data, analyzing the efficacy of LLM annotations against
traditional methods. The second phase involves comparative experiments with
different training regimens, assessing the synergy between distilled and
original data. We observe that sequential strategies, particularly a simple mix
of training first with distilled data followed by original data, significantly
boost performance. In the third phase, we investigate various data blending
techniques, including sigmoid and power decay functions, to optimize the
training process further. Our results indicate that a strategic mix of
distilled and original data markedly elevates the NER capabilities of BERT. Our
approach presents a scalable methodology that reduces manual annotation costs
and increases efficiency, making it especially pertinent in resource-limited
and closed-network environments. The study concludes that while the 'Simple
Mix' strategy yields the best results, understanding its underlying mechanisms
requires further research. Future work will also focus on refining prompt
designs and enhancing annotation selection processes, aiming to extend our
methodology to diverse NLP tasks. | cs.CL | Leveraging Large Language Models for Enhanced NLP Task Performance through Knowledge Distillation and Optimized Training Strategies |
2024-02-14T15:55:30Z | http://arxiv.org/pdf/2402.09269v1 | http://arxiv.org/abs/2402.09269v1 | Stanisław Woźniak, Bartłomiej Koptyra, Arkadiusz Janz, Przemysław Kazienko, Jan Kocoń | 2024-02-14T15:55:30Z | cs.CL, cs.AI | Large language models (LLMs) have significantly advanced Natural Language
Processing (NLP) tasks in recent years. However, their universal nature poses
limitations in scenarios requiring personalized responses, such as
recommendation systems and chatbots. This paper investigates methods to
personalize LLMs, comparing fine-tuning and zero-shot reasoning approaches on
subjective tasks. Results demonstrate that personalized fine-tuning improves
model reasoning compared to non-personalized models. Experiments on datasets
for emotion recognition and hate speech detection show consistent performance
gains with personalized methods across different LLM architectures. These
findings underscore the importance of personalization for enhancing LLM
capabilities in subjective text perception tasks. | cs.CL | Personalized Large Language Models |
2024-02-14T15:52:42Z | http://arxiv.org/pdf/2402.09267v2 | http://arxiv.org/abs/2402.09267v2 | Xiaoying Zhang, Baolin Peng, Ye Tian, Jingyan Zhou, Lifeng Jin, Linfeng Song, Haitao Mi, Helen Meng | 2024-06-11T12:22:14Z | cs.CL, cs.AI | Despite showing increasingly human-like abilities, large language models
(LLMs) often struggle with factual inaccuracies, i.e. "hallucinations", even
when they hold relevant knowledge. To address these hallucinations, current
approaches typically necessitate high-quality human factuality annotations. In
this work, we explore Self-Alignment for Factuality, where we leverage the
self-evaluation capability of an LLM to provide training signals that steer the
model towards factuality. Specifically, we incorporate Self-Eval, a
self-evaluation component, to prompt an LLM to validate the factuality of its
own generated responses solely based on its internal knowledge. Additionally,
we design Self-Knowledge Tuning (SK-Tuning) to augment the LLM's
self-evaluation ability by improving the model's confidence estimation and
calibration. We then utilize these self-annotated responses to fine-tune the
model via Direct Preference Optimization algorithm. We show that the proposed
self-alignment approach substantially enhances factual accuracy over Llama
family models across three key knowledge-intensive tasks on TruthfulQA and
BioGEN. | cs.CL | Self-Alignment for Factuality: Mitigating Hallucinations in LLMs via Self-Evaluation |
2024-02-14T15:45:56Z | http://arxiv.org/pdf/2402.09259v2 | http://arxiv.org/abs/2402.09259v2 | Kenza Amara, Rita Sevastjanova, Mennatallah El-Assady | 2024-06-03T10:30:00Z | cs.CL, cs.AI | To harness the power of large language models in safety-critical domains, we
need to ensure the explainability of their predictions. However, despite the
significant attention to model interpretability, there remains an unexplored
domain in explaining sequence-to-sequence tasks using methods tailored for
textual data. This paper introduces SyntaxShap, a local, model-agnostic
explainability method for text generation that takes into consideration the
syntax in the text data. The presented work extends Shapley values to account
for parsing-based syntactic dependencies. Taking a game theoric approach,
SyntaxShap only considers coalitions constraint by the dependency tree. We
adopt a model-based evaluation to compare SyntaxShap and its weighted form to
state-of-the-art explainability methods adapted to text generation tasks, using
diverse metrics including faithfulness, coherency, and semantic alignment of
the explanations to the model. We show that our syntax-aware method produces
explanations that help build more faithful and coherent explanations for
predictions by autoregressive models. Confronted with the misalignment of human
and AI model reasoning, this paper also highlights the need for cautious
evaluation strategies in explainable AI. | cs.CL | SyntaxShap: Syntax-aware Explainability Method for Text Generation |
2024-02-14T15:01:07Z | http://arxiv.org/pdf/2402.09221v1 | http://arxiv.org/abs/2402.09221v1 | Nicola Cancedda | 2024-02-14T15:01:07Z | cs.AI, cs.CL | Projecting intermediate representations onto the vocabulary is an
increasingly popular interpretation tool for transformer-based LLMs, also known
as the logit lens. We propose a quantitative extension to this approach and
define spectral filters on intermediate representations based on partitioning
the singular vectors of the vocabulary embedding and unembedding matrices into
bands. We find that the signals exchanged in the tail end of the spectrum are
responsible for attention sinking (Xiao et al. 2023), of which we provide an
explanation. We find that the loss of pretrained models can be kept low despite
suppressing sizable parts of the embedding spectrum in a layer-dependent way,
as long as attention sinking is preserved. Finally, we discover that the
representation of tokens that draw attention from many tokens have large
projections on the tail end of the spectrum. | cs.AI | Spectral Filters, Dark Signals, and Attention Sinks |
2024-02-14T14:53:56Z | http://arxiv.org/pdf/2402.09216v3 | http://arxiv.org/abs/2402.09216v3 | Sankalan Pal Chowdhury, Vilém Zouhar, Mrinmaya Sachan | 2024-04-25T13:15:55Z | cs.CL, cs.HC | Large Language Models (LLMs) have found several use cases in education,
ranging from automatic question generation to essay evaluation. In this paper,
we explore the potential of using Large Language Models (LLMs) to author
Intelligent Tutoring Systems. A common pitfall of LLMs is their straying from
desired pedagogical strategies such as leaking the answer to the student, and
in general, providing no guarantees. We posit that while LLMs with certain
guardrails can take the place of subject experts, the overall pedagogical
design still needs to be handcrafted for the best learning results. Based on
this principle, we create a sample end-to-end tutoring system named MWPTutor,
which uses LLMs to fill in the state space of a pre-defined finite state
transducer. This approach retains the structure and the pedagogy of traditional
tutoring systems that has been developed over the years by learning scientists
but brings in additional flexibility of LLM-based approaches. Through a human
evaluation study on two datasets based on math word problems, we show that our
hybrid approach achieves a better overall tutoring score than an instructed,
but otherwise free-form, GPT-4. MWPTutor is completely modular and opens up the
scope for the community to improve its performance by improving individual
modules or using different teaching strategies that it can follow. | cs.CL | AutoTutor meets Large Language Models: A Language Model Tutor with Rich Pedagogy and Guardrails |
2024-02-14T14:36:30Z | http://arxiv.org/pdf/2402.09205v2 | http://arxiv.org/abs/2402.09205v2 | Cheng Qian, Bingxiang He, Zhong Zhuang, Jia Deng, Yujia Qin, Xin Cong, Zhong Zhang, Jie Zhou, Yankai Lin, Zhiyuan Liu, Maosong Sun | 2024-02-15T09:59:52Z | cs.CL, cs.AI, cs.HC | Current language model-driven agents often lack mechanisms for effective user
participation, which is crucial given the vagueness commonly found in user
instructions. Although adept at devising strategies and performing tasks, these
agents struggle with seeking clarification and grasping precise user
intentions. To bridge this gap, we introduce Intention-in-Interaction (IN3), a
novel benchmark designed to inspect users' implicit intentions through explicit
queries. Next, we propose the incorporation of model experts as the upstream in
agent designs to enhance user-agent interaction. Employing IN3, we empirically
train Mistral-Interact, a powerful model that proactively assesses task
vagueness, inquires user intentions, and refines them into actionable goals
before starting downstream agent task execution. Integrating it into the XAgent
framework, we comprehensively evaluate the enhanced agent system regarding user
instruction understanding and execution, revealing that our approach notably
excels at identifying vague user tasks, recovering and summarizing critical
missing information, setting precise and necessary agent execution goals, and
minimizing redundant tool usage, thus boosting overall efficiency. All the data
and codes are released. | cs.CL | Tell Me More! Towards Implicit User Intention Understanding of Language Model Driven Agents |
2024-02-14T14:32:16Z | http://arxiv.org/pdf/2402.09199v1 | http://arxiv.org/abs/2402.09199v1 | Yuhui Shi, Qiang Sheng, Juan Cao, Hao Mi, Beizhe Hu, Danding Wang | 2024-02-14T14:32:16Z | cs.CL, cs.AI, cs.LG | With the rapidly increasing application of large language models (LLMs),
their abuse has caused many undesirable societal problems such as fake news,
academic dishonesty, and information pollution. This makes AI-generated text
(AIGT) detection of great importance. Among existing methods, white-box methods
are generally superior to black-box methods in terms of performance and
generalizability, but they require access to LLMs' internal states and are not
applicable to black-box settings. In this paper, we propose to estimate word
generation probabilities as pseudo white-box features via multiple re-sampling
to help improve AIGT detection under the black-box setting. Specifically, we
design POGER, a proxy-guided efficient re-sampling method, which selects a
small subset of representative words (e.g., 10 words) for performing multiple
re-sampling in black-box AIGT detection. Experiments on datasets containing
texts from humans and seven LLMs show that POGER outperforms all baselines in
macro F1 under black-box, partial white-box, and out-of-distribution settings
and maintains lower re-sampling costs than its existing counterparts. | cs.CL | Ten Words Only Still Help: Improving Black-Box AI-Generated Text Detection via Proxy-Guided Efficient Re-Sampling |
2024-02-14T14:17:21Z | http://arxiv.org/pdf/2402.09193v2 | http://arxiv.org/abs/2402.09193v2 | Olivia Macmillan-Scott, Mirco Musolesi | 2024-02-15T11:09:09Z | cs.CL, cs.AI, cs.HC | Do large language models (LLMs) display rational reasoning? LLMs have been
shown to contain human biases due to the data they have been trained on;
whether this is reflected in rational reasoning remains less clear. In this
paper, we answer this question by evaluating seven language models using tasks
from the cognitive psychology literature. We find that, like humans, LLMs
display irrationality in these tasks. However, the way this irrationality is
displayed does not reflect that shown by humans. When incorrect answers are
given by LLMs to these tasks, they are often incorrect in ways that differ from
human-like biases. On top of this, the LLMs reveal an additional layer of
irrationality in the significant inconsistency of the responses. Aside from the
experimental results, this paper seeks to make a methodological contribution by
showing how we can assess and compare different capabilities of these types of
models, in this case with respect to rational reasoning. | cs.CL | (Ir)rationality and Cognitive Biases in Large Language Models |
2024-02-14T13:45:19Z | http://arxiv.org/pdf/2402.09177v1 | http://arxiv.org/abs/2402.09177v1 | Yixin Cheng, Markos Georgopoulos, Volkan Cevher, Grigorios G. Chrysos | 2024-02-14T13:45:19Z | cs.LG, cs.AI, cs.CL | Large Language Models (LLMs) are susceptible to Jailbreaking attacks, which
aim to extract harmful information by subtly modifying the attack query. As
defense mechanisms evolve, directly obtaining harmful information becomes
increasingly challenging for Jailbreaking attacks. In this work, inspired by
human practices of indirect context to elicit harmful information, we focus on
a new attack form called Contextual Interaction Attack. The idea relies on the
autoregressive nature of the generation process in LLMs. We contend that the
prior context--the information preceding the attack query--plays a pivotal role
in enabling potent Jailbreaking attacks. Specifically, we propose an approach
that leverages preliminary question-answer pairs to interact with the LLM. By
doing so, we guide the responses of the model toward revealing the 'desired'
harmful information. We conduct experiments on four different LLMs and
demonstrate the efficacy of this attack, which is black-box and can also
transfer across LLMs. We believe this can lead to further developments and
understanding of the context vector in LLMs. | cs.LG | Leveraging the Context through Multi-Round Interactions for Jailbreaking Attacks |
2024-02-14T13:08:25Z | http://arxiv.org/pdf/2402.09151v2 | http://arxiv.org/abs/2402.09151v2 | Wei Zhai, Hongzhi Qi, Qing Zhao, Jianqiang Li, Ziqi Wang, Han Wang, Bing Xiang Yang, Guanghui Fu | 2024-06-12T16:03:31Z | cs.CL, cs.LG | In the current environment, psychological issues are prevalent and
widespread, with social media serving as a key outlet for individuals to share
their feelings. This results in the generation of vast quantities of data
daily, where negative emotions have the potential to precipitate crisis
situations. There is a recognized need for models capable of efficient
analysis. While pre-trained language models have demonstrated their
effectiveness broadly, there's a noticeable gap in pre-trained models tailored
for specialized domains like psychology. To address this, we have collected a
huge dataset from Chinese social media platforms and enriched it with publicly
available datasets to create a comprehensive database encompassing 3.36 million
text entries. To enhance the model's applicability to psychological text
analysis, we integrated psychological lexicons into the pre-training masking
mechanism. Building on an existing Chinese language model, we performed
adaptive training to develop a model specialized for the psychological domain.
We evaluated our model's performance across six public datasets, where it
demonstrated improvements compared to eight other models. Additionally, in the
qualitative comparison experiment, our model provided psychologically relevant
predictions given the masked sentences. Due to concerns regarding data privacy,
the dataset will not be made publicly available. However, we have made the
pre-trained models and codes publicly accessible to the community via:
https://github.com/zwzzzQAQ/Chinese-MentalBERT. | cs.CL | Chinese MentalBERT: Domain-Adaptive Pre-training on Social Media for Chinese Mental Health Text Analysis |
2024-02-14T12:41:09Z | http://arxiv.org/pdf/2402.09141v1 | http://arxiv.org/abs/2402.09141v1 | Himmet Toprak Kesgin, Mehmet Fatih Amasyali | 2024-02-14T12:41:09Z | cs.CL, cs.AI | This study conducts a thorough evaluation of text augmentation techniques
across a variety of datasets and natural language processing (NLP) tasks to
address the lack of reliable, generalized evidence for these methods. It
examines the effectiveness of these techniques in augmenting training sets to
improve performance in tasks such as topic classification, sentiment analysis,
and offensive language detection. The research emphasizes not only the
augmentation methods, but also the strategic order in which real and augmented
instances are introduced during training. A major contribution is the
development and evaluation of Modified Cyclical Curriculum Learning (MCCL) for
augmented datasets, which represents a novel approach in the field. Results
show that specific augmentation methods, especially when integrated with MCCL,
significantly outperform traditional training approaches in NLP model
performance. These results underscore the need for careful selection of
augmentation techniques and sequencing strategies to optimize the balance
between speed and quality improvement in various NLP tasks. The study concludes
that the use of augmentation methods, especially in conjunction with MCCL,
leads to improved results in various classification tasks, providing a
foundation for future advances in text augmentation strategies in NLP. | cs.CL | Advancing NLP Models with Strategic Text Augmentation: A Comprehensive Study of Augmentation Methods and Curriculum Strategies |
2024-02-14T12:34:58Z | http://arxiv.org/pdf/2402.09136v1 | http://arxiv.org/abs/2402.09136v1 | Yejie Wang, Keqing He, Guanting Dong, Pei Wang, Weihao Zeng, Muxi Diao, Yutao Mou, Mengdi Zhang, Jingang Wang, Xunliang Cai, Weiran Xu | 2024-02-14T12:34:58Z | cs.CL, cs.AI | Code Large Language Models (Code LLMs) have demonstrated outstanding
performance in code-related tasks. Several instruction tuning approaches have
been proposed to boost the code generation performance of pre-trained Code
LLMs. In this paper, we introduce a diverse instruction model (DolphCoder) with
self-evaluating for code generation. It learns diverse instruction targets and
combines a code evaluation objective to enhance its code generation ability.
Our model achieves superior performance on the HumanEval and MBPP benchmarks,
demonstrating new insights for future code instruction tuning work. Our key
findings are: (1) Augmenting more diverse responses with distinct reasoning
paths increases the code capability of LLMs. (2) Improving one's ability to
evaluate the correctness of code solutions also enhances their ability to
create it. | cs.CL | DolphCoder: Echo-Locating Code Large Language Models with Diverse and Multi-Objective Instruction Tuning |
2024-02-14T12:24:21Z | http://arxiv.org/pdf/2402.09126v2 | http://arxiv.org/abs/2402.09126v2 | Nadav Schneider, Niranjan Hasabnis, Vy A. Vo, Tal Kadosh, Neva Krien, Mihai Capotă, Guy Tamir, Ted Willke, Nesreen Ahmed, Yuval Pinter, Timothy Mattson, Gal Oren | 2024-04-23T16:59:46Z | cs.DC, cs.AI, cs.CL, cs.LG, cs.SE | The imperative need to scale computation across numerous nodes highlights the
significance of efficient parallel computing, particularly in the realm of
Message Passing Interface (MPI) integration. The challenging parallel
programming task of generating MPI-based parallel programs has remained
unexplored. This study first investigates the performance of state-of-the-art
language models in generating MPI-based parallel programs. Findings reveal that
widely used models such as GPT-3.5 and PolyCoder (specialized multi-lingual
code models) exhibit notable performance degradation, when generating MPI-based
programs compared to general-purpose programs. In contrast, domain-specific
models such as MonoCoder, which are pretrained on MPI-related programming
languages of C and C++, outperform larger models. Subsequently, we introduce a
dedicated downstream task of MPI-based program generation by fine-tuning
MonoCoder on HPCorpusMPI. We call the resulting model as MPIrigen. We propose
an innovative preprocessing for completion only after observing the whole code,
thus enabling better completion with a wider context. Comparative analysis
against GPT-3.5 zero-shot performance, using a novel HPC-oriented evaluation
method, demonstrates that MPIrigen excels in generating accurate MPI functions
up to 0.8 accuracy in location and function predictions, and with more than 0.9
accuracy for argument predictions. The success of this tailored solution
underscores the importance of domain-specific fine-tuning in optimizing
language models for parallel computing code generation, paving the way for a
new generation of automatic parallelization tools. The sources of this work are
available at our GitHub MPIrigen repository:
https://github.com/Scientific-Computing-Lab-NRCN/MPI-rigen | cs.DC | MPIrigen: MPI Code Generation through Domain-Specific Language Models |
2024-02-14T09:01:13Z | http://arxiv.org/pdf/2402.09025v4 | http://arxiv.org/abs/2402.09025v4 | Jiwon Song, Kyungseok Oh, Taesu Kim, Hyungjun Kim, Yulhwa Kim, Jae-Joon Kim | 2024-06-12T01:40:12Z | cs.CL, cs.LG | Large language models (LLMs) have proven to be highly effective across
various natural language processing tasks. However, their large number of
parameters poses significant challenges for practical deployment. Pruning, a
technique aimed at reducing the size and complexity of LLMs, offers a potential
solution by removing redundant components from the network. Despite the promise
of pruning, existing methods often struggle to achieve substantial end-to-end
LLM inference speedup. In this paper, we introduce SLEB, a novel approach
designed to streamline LLMs by eliminating redundant transformer blocks. We
choose the transformer block as the fundamental unit for pruning, because LLMs
exhibit block-level redundancy with high similarity between the outputs of
neighboring blocks. This choice allows us to effectively enhance the processing
speed of LLMs. Our experimental results demonstrate that SLEB outperforms
previous LLM pruning methods in accelerating LLM inference while also
maintaining superior perplexity and accuracy, making SLEB as a promising
technique for enhancing the efficiency of LLMs. The code is available at:
https://github.com/jiwonsong-dev/SLEB. | cs.CL | SLEB: Streamlining LLMs through Redundancy Verification and Elimination of Transformer Blocks |
2024-02-14T08:46:15Z | http://arxiv.org/pdf/2402.09015v3 | http://arxiv.org/abs/2402.09015v3 | Negar Arabzadeh, Julia Kiseleva, Qingyun Wu, Chi Wang, Ahmed Awadallah, Victor Dibia, Adam Fourney, Charles Clarke | 2024-02-22T23:49:10Z | cs.CL, cs.AI | The rapid development in the field of Large Language Models (LLMs) has led to
a surge in applications that facilitate collaboration among multiple agents to
assist humans in their daily tasks. However, a significant gap remains in
assessing whether LLM-powered applications genuinely enhance user experience
and task execution efficiency. This highlights the pressing need for methods to
verify utility of LLM-powered applications, particularly by ensuring alignment
between the application's functionality and end-user needs. We introduce
AgentEval provides an implementation for the math problems, a novel framework
designed to simplify the utility verification process by automatically
proposing a set of criteria tailored to the unique purpose of any given
application. This allows for a comprehensive assessment, quantifying the
utility of an application against the suggested criteria. We present a
comprehensive analysis of the robustness of quantifier's work. | cs.CL | Towards better Human-Agent Alignment: Assessing Task Utility in LLM-Powered Applications |
2024-02-14T08:22:58Z | http://arxiv.org/pdf/2402.09008v1 | http://arxiv.org/abs/2402.09008v1 | Philipp Seeberger, Korbinian Riedhammer | 2024-02-14T08:22:58Z | cs.CL | Automatic summarization of mass-emergency events plays a critical role in
disaster management. The second edition of CrisisFACTS aims to advance disaster
summarization based on multi-stream fact-finding with a focus on web sources
such as Twitter, Reddit, Facebook, and Webnews. Here, participants are asked to
develop systems that can extract key facts from several disaster-related
events, which ultimately serve as a summary. This paper describes our method to
tackle this challenging task. We follow previous work and propose to use a
combination of retrieval, reranking, and an embarrassingly simple
instruction-following summarization. The two-stage retrieval pipeline relies on
BM25 and MonoT5, while the summarizer module is based on the open-source Large
Language Model (LLM) LLaMA-13b. For summarization, we explore a Question
Answering (QA)-motivated prompting approach and find the evidence useful for
extracting query-relevant facts. The automatic metrics and human evaluation
show strong results but also highlight the gap between open-source and
proprietary systems. | cs.CL | Multi-Query Focused Disaster Summarization via Instruction-Based Prompting |
2024-02-14T06:54:31Z | http://arxiv.org/pdf/2402.08983v3 | http://arxiv.org/abs/2402.08983v3 | Zhangchen Xu, Fengqing Jiang, Luyao Niu, Jinyuan Jia, Bill Yuchen Lin, Radha Poovendran | 2024-06-07T17:25:04Z | cs.CR, cs.AI, cs.CL | As large language models (LLMs) become increasingly integrated into
real-world applications such as code generation and chatbot assistance,
extensive efforts have been made to align LLM behavior with human values,
including safety. Jailbreak attacks, aiming to provoke unintended and unsafe
behaviors from LLMs, remain a significant/leading LLM safety threat. In this
paper, we aim to defend LLMs against jailbreak attacks by introducing
SafeDecoding, a safety-aware decoding strategy for LLMs to generate helpful and
harmless responses to user queries. Our insight in developing SafeDecoding is
based on the observation that, even though probabilities of tokens representing
harmful contents outweigh those representing harmless responses, safety
disclaimers still appear among the top tokens after sorting tokens by
probability in descending order. This allows us to mitigate jailbreak attacks
by identifying safety disclaimers and amplifying their token probabilities,
while simultaneously attenuating the probabilities of token sequences that are
aligned with the objectives of jailbreak attacks. We perform extensive
experiments on five LLMs using six state-of-the-art jailbreak attacks and four
benchmark datasets. Our results show that SafeDecoding significantly reduces
the attack success rate and harmfulness of jailbreak attacks without
compromising the helpfulness of responses to benign user queries. SafeDecoding
outperforms six defense methods. | cs.CR | SafeDecoding: Defending against Jailbreak Attacks via Safety-Aware Decoding |
2024-02-14T06:33:22Z | http://arxiv.org/pdf/2402.08971v2 | http://arxiv.org/abs/2402.08971v2 | Minho Lee, Junghyun Min, Woochul Lee, Yeonsoo Lee | 2024-02-19T00:06:41Z | cs.CL | Previous work in structured prediction (e.g. NER, information extraction)
using single model make use of explicit dataset information, which helps boost
in-distribution performance but is orthogonal to robust generalization in
real-world situations. To overcome this limitation, we propose the Structured
Language Generation Model (SLGM), a framework that reduces sequence-to-sequence
problems to classification problems via methodologies in loss calibration and
decoding method. Our experimental results show that SLGM is able to maintain
performance without explicit dataset information, follow and potentially
replace dataset-specific fine-tuning. | cs.CL | Structured Language Generation Model for Robust Structure Prediction |
2024-02-14T06:24:52Z | http://arxiv.org/pdf/2402.10965v2 | http://arxiv.org/abs/2402.10965v2 | Salman Rahman, Lavender Yao Jiang, Saadia Gabriel, Yindalon Aphinyanaphongs, Eric Karl Oermann, Rumi Chunara | 2024-02-24T13:17:38Z | cs.CL, cs.CY, cs.LG | Advances in large language models (LLMs) provide new opportunities in
healthcare for improved patient care, clinical decision-making, and enhancement
of physician and administrator workflows. However, the potential of these
models importantly depends on their ability to generalize effectively across
clinical environments and populations, a challenge often underestimated in
early development. To better understand reasons for these challenges and inform
mitigation approaches, we evaluated ClinicLLM, an LLM trained on [HOSPITAL]'s
clinical notes, analyzing its performance on 30-day all-cause readmission
prediction focusing on variability across hospitals and patient
characteristics. We found poorer generalization particularly in hospitals with
fewer samples, among patients with government and unspecified insurance, the
elderly, and those with high comorbidities. To understand reasons for lack of
generalization, we investigated sample sizes for fine-tuning, note content
(number of words per note), patient characteristics (comorbidity level, age,
insurance type, borough), and health system aspects (hospital, all-cause 30-day
readmission, and mortality rates). We used descriptive statistics and
supervised classification to identify features. We found that, along with
sample size, patient age, number of comorbidities, and the number of words in
notes are all important factors related to generalization. Finally, we compared
local fine-tuning (hospital specific), instance-based augmented fine-tuning and
cluster-based fine-tuning for improving generalization. Among these, local
fine-tuning proved most effective, increasing AUC by 0.25% to 11.74% (most
helpful in settings with limited data). Overall, this study provides new
insights for enhancing the deployment of large language models in the
societally important domain of healthcare, and improving their performance for
broader populations. | cs.CL | Generalization in Healthcare AI: Evaluation of a Clinical Large Language Model |
2024-02-14T06:20:48Z | http://arxiv.org/pdf/2402.08966v2 | http://arxiv.org/abs/2402.08966v2 | Yeongjae Cho, Taehee Kim, Heejun Shin, Sungzoon Cho, Dongmyung Shin | 2024-06-17T12:57:55Z | cs.CV, cs.CL | Difference visual question answering (diff-VQA) is a challenging task that
requires answering complex questions based on differences between a pair of
images. This task is particularly important in reading chest X-ray images
because radiologists often compare multiple images of the same patient taken at
different times to track disease progression and changes in its severity in
their clinical practice. However, previous works focused on designing specific
network architectures for the diff-VQA task, missing opportunities to enhance
the model's performance using a pretrained vision-language model (VLM). Here,
we introduce a novel VLM called PLURAL, which is pretrained on natural and
longitudinal chest X-ray data for the diff-VQA task. The model is developed
using a step-by-step approach, starting with being pretrained on natural images
and texts, followed by being trained using longitudinal chest X-ray data. The
longitudinal data consist of pairs of X-ray images, along with question-answer
sets and radiologist's reports that describe the changes in lung abnormalities
and diseases over time. Our experimental results show that the PLURAL model
outperforms state-of-the-art methods not only in diff-VQA for longitudinal
X-rays but also in conventional VQA for a single X-ray image. Through extensive
experiments, we demonstrate the effectiveness of the proposed VLM architecture
and pretraining method in improving the model's performance. | cs.CV | Pretraining Vision-Language Model for Difference Visual Question Answering in Longitudinal Chest X-rays |
2024-02-14T05:57:58Z | http://arxiv.org/pdf/2402.08957v3 | http://arxiv.org/abs/2402.08957v3 | Yinya Huang, Xiaohan Lin, Zhengying Liu, Qingxing Cao, Huajian Xin, Haiming Wang, Zhenguo Li, Linqi Song, Xiaodan Liang | 2024-05-23T03:13:23Z | cs.AI, cs.CL, cs.FL, cs.LG, cs.PL | Recent large language models (LLMs) have witnessed significant advancement in
various tasks, including mathematical reasoning and theorem proving. As these
two tasks require strict and formal multi-step inference, they are appealing
domains for exploring the reasoning ability of LLMs but still face important
challenges. Previous studies such as Chain-of-Thought (CoT) have revealed the
effectiveness of intermediate steps guidance. However, such step-wise
annotation requires heavy labor, leading to insufficient training steps for
current benchmarks. To fill this gap, this work introduces MUSTARD, a data
generation framework that masters uniform synthesis of theorem and proof data
of high quality and diversity. MUSTARD synthesizes data in three stages: (1) It
samples a few mathematical concept seeds as the problem category. (2) Then, it
prompts a generative language model with the sampled concepts to obtain both
the problems and their step-wise formal solutions. (3) Lastly, the framework
utilizes a proof assistant (e.g., Lean Prover) to filter the valid proofs. With
the proposed MUSTARD, we present a theorem-and-proof benchmark MUSTARDSAUCE
with 5,866 valid data points. Each data point contains an informal statement,
an informal proof, and a translated formal proof that passes the prover
validation. We perform extensive analysis and demonstrate that MUSTARD
generates validated high-quality step-by-step data. We further apply the
MUSTARDSAUCE for fine-tuning smaller language models. The fine-tuned Llama 2-7B
achieves a 15.41% average relative performance gain in automated theorem
proving, and 8.18% in math word problems. Codes and data are available at
https://github.com/Eleanor-H/MUSTARD. | cs.AI | MUSTARD: Mastering Uniform Synthesis of Theorem and Proof Data |
2024-02-14T05:52:23Z | http://arxiv.org/pdf/2402.08955v1 | http://arxiv.org/abs/2402.08955v1 | Martha Lewis, Melanie Mitchell | 2024-02-14T05:52:23Z | cs.AI, cs.CL | Large language models (LLMs) have performed well on several reasoning
benchmarks, including ones that test analogical reasoning abilities. However,
it has been debated whether they are actually performing humanlike abstract
reasoning or instead employing less general processes that rely on similarity
to what has been seen in their training data. Here we investigate the
generality of analogy-making abilities previously claimed for LLMs (Webb,
Holyoak, & Lu, 2023). We take one set of analogy problems used to evaluate LLMs
and create a set of "counterfactual" variants-versions that test the same
abstract reasoning abilities but that are likely dissimilar from any
pre-training data. We test humans and three GPT models on both the original and
counterfactual problems, and show that, while the performance of humans remains
high for all the problems, the GPT models' performance declines sharply on the
counterfactual set. This work provides evidence that, despite previously
reported successes of LLMs on analogical reasoning, these models lack the
robustness and generality of human analogy-making. | cs.AI | Using Counterfactual Tasks to Evaluate the Generality of Analogical Reasoning in Large Language Models |
2024-02-14T04:50:18Z | http://arxiv.org/pdf/2402.08939v3 | http://arxiv.org/abs/2402.08939v3 | Xinyun Chen, Ryan A. Chi, Xuezhi Wang, Denny Zhou | 2024-05-28T04:32:09Z | cs.AI, cs.CL | Large language models (LLMs) have accomplished remarkable reasoning
performance in various domains. However, in the domain of reasoning tasks, we
discover a frailty: LLMs are surprisingly brittle to the ordering of the
premises, despite the fact that such ordering does not alter the underlying
task. In particular, we observe that LLMs achieve the best performance when the
premise order aligns with the context required in intermediate reasoning steps.
For example, in deductive reasoning tasks, presenting the premises in the same
order as the ground truth proof in the prompt (as opposed to random ordering)
drastically increases the model's accuracy. We first examine the effect of
premise ordering on deductive reasoning on a variety of LLMs, and our
evaluation shows that permuting the premise order can cause a performance drop
of over 30%. In addition, we release the benchmark R-GSM, based on GSM8K, to
examine the ordering effect for mathematical problem-solving, and we again
observe a significant drop in accuracy, relative to the original GSM8K
benchmark. | cs.AI | Premise Order Matters in Reasoning with Large Language Models |
2024-02-14T03:56:27Z | http://arxiv.org/pdf/2402.08925v1 | http://arxiv.org/abs/2402.08925v1 | Souradip Chakraborty, Jiahao Qiu, Hui Yuan, Alec Koppel, Furong Huang, Dinesh Manocha, Amrit Singh Bedi, Mengdi Wang | 2024-02-14T03:56:27Z | cs.CL, cs.AI, cs.LG, cs.RO | Reinforcement Learning from Human Feedback (RLHF) aligns language models to
human preferences by employing a singular reward model derived from preference
data. However, such an approach overlooks the rich diversity of human
preferences inherent in data collected from multiple users. In this work, we
first derive an impossibility result of alignment with single reward RLHF,
thereby highlighting its insufficiency in representing diverse human
preferences. To provide an equitable solution to the problem, we learn a
mixture of preference distributions via an expectation-maximization algorithm
and propose a MaxMin alignment objective for policy learning inspired by the
Egalitarian principle in social choice theory to better represent diverse human
preferences. We elucidate the connection of our proposed approach to
distributionally robust optimization and general utility RL, thereby
highlighting the generality and robustness of our proposed solution. We present
comprehensive experimental results on small-scale (GPT-2) and large-scale
language models (with Tulu2-7B) and show the efficacy of the proposed approach
in the presence of diversity among human preferences. Our algorithm achieves an
average improvement of more than 16% in win-rates over conventional RLHF
algorithms and improves the win-rate (accuracy) for minority groups by over 33%
without compromising the performance of majority groups, showcasing the
robustness and fairness of our approach. We remark that our findings in this
work are not only limited to language models but also extend to reinforcement
learning in general. | cs.CL | MaxMin-RLHF: Towards Equitable Alignment of Large Language Models with Diverse Human Preferences |
2024-02-14T02:33:17Z | http://arxiv.org/pdf/2403.00774v2 | http://arxiv.org/abs/2403.00774v2 | Vasilii Chsherbakov, Ilia Karpov | 2024-03-14T11:34:28Z | q-fin.ST, cs.CL, cs.SI | Inflation is one of the most important macroeconomic indicators that have a
great impact on the population of any country and region. Inflation is
influenced by range of factors, one of which is inflation expectations. Many
central banks take this factor into consideration while implementing monetary
policy within the inflation targeting regime. Nowadays, a lot of people are
active users of the Internet, especially social networks. There is a hypothesis
that people search, read, and discuss mainly only those issues that are of
particular interest to them. It is logical to assume that the dynamics of
prices may also be in the focus of user discussions. So, such discussions could
be regarded as an alternative source of more rapid information about inflation
expectations. This study is based on unstructured data from Vkontakte social
network to analyze upward and downward inflationary trends (on the example of
the Omsk region). The sample of more than 8.5 million posts was collected
between January 2010 and May 2022. The authors used BERT neural networks to
solve the problem. These models demonstrated better results than the benchmarks
(e.g., logistic regression, decision tree classifier, etc.). It makes possible
to define pro-inflationary and disinflationary types of keywords in different
contexts and get their visualization with SHAP method. This analysis provides
additional operational information about inflationary processes at the regional
level The proposed approach can be scaled for other regions. At the same time
the limitation of the work is the time and power costs for the initial training
of similar models for all regions of Russia. | q-fin.ST | Regional inflation analysis using social network data |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.