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-04-17T16:25:19Z | http://arxiv.org/pdf/2404.11532v1 | http://arxiv.org/abs/2404.11532v1 | Harry Walsh, Ben Saunders, Richard Bowden | 2024-04-17T16:25:19Z | cs.CL | Sign languages, often categorised as low-resource languages, face significant
challenges in achieving accurate translation due to the scarcity of parallel
annotated datasets. This paper introduces Select and Reorder (S&R), a novel
approach that addresses data scarcity by breaking down the translation process
into two distinct steps: Gloss Selection (GS) and Gloss Reordering (GR). Our
method leverages large spoken language models and the substantial lexical
overlap between source spoken languages and target sign languages to establish
an initial alignment. Both steps make use of Non-AutoRegressive (NAR) decoding
for reduced computation and faster inference speeds. Through this
disentanglement of tasks, we achieve state-of-the-art BLEU and Rouge scores on
the Meine DGS Annotated (mDGS) dataset, demonstrating a substantial BLUE-1
improvement of 37.88% in Text to Gloss (T2G) Translation. This innovative
approach paves the way for more effective translation models for sign
languages, even in resource-constrained settings. | cs.CL | Select and Reorder: A Novel Approach for Neural Sign Language Production |
2024-04-17T16:24:07Z | http://arxiv.org/pdf/2404.11531v1 | http://arxiv.org/abs/2404.11531v1 | Costas Mavromatis, Petros Karypis, George Karypis | 2024-04-17T16:24:07Z | cs.CL | Fusing knowledge from multiple Large Language Models (LLMs) can combine their
diverse strengths to achieve improved performance on a given task. However,
current fusion approaches either rely on learning-based fusers that do not
generalize to new LLMs, or do not take into account how well each LLM
understands the input. In this work, we study LLM fusion at test-time, which
enables leveraging knowledge from arbitrary user-specified LLMs during
inference. We introduce Pack of LLMs (PackLLM), an effective method for
test-time fusion that leverages each LLM's expertise, given an input prompt.
PackLLM performs model fusion by solving an optimization problem for
determining each LLM's importance, so that perplexity over the input prompt is
minimized. First, our simple PackLLM-sim variant validates that perplexity is a
good indicator for measuring each LLM's expertise. Second, our PackLLM-opt
variant approximately solves the perplexity minimization problem via a greedy
algorithm. The derived importance weights are used to combine the LLMs during
inference. We conduct experiments with over 100 total LLMs on a diverse set of
tasks. Experimental results show that (i) perplexity is a reliable measure for
LLM fusion, (ii) PackLLM outperforms test-time fusion baselines by 1.89%
accuracy points, and (iii) PackLLM can leverage new LLMs to improve performance
over learning-based fusion approaches by 3.92-11.94% accuracy points. | cs.CL | Pack of LLMs: Model Fusion at Test-Time via Perplexity Optimization |
2024-04-17T15:57:50Z | http://arxiv.org/pdf/2404.11502v1 | http://arxiv.org/abs/2404.11502v1 | Yushuo Chen, Tianyi Tang, Erge Xiang, Linjiang Li, Wayne Xin Zhao, Jing Wang, Yunpeng Chai, Ji-Rong Wen | 2024-04-17T15:57:50Z | cs.CL, cs.AI | In real world, large language models (LLMs) can serve as the assistant to
help users accomplish their jobs, and also support the development of advanced
applications. For the wide application of LLMs, the inference efficiency is an
essential concern, which has been widely studied in existing work, and numerous
optimization algorithms and code libraries have been proposed to improve it.
Nonetheless, users still find it challenging to compare the effectiveness of
all the above methods and understand the underlying mechanisms. In this work,
we perform a detailed coarse-to-fine analysis of the inference performance of
various code libraries. To evaluate the overall effectiveness, we examine four
usage scenarios within two practical applications. We further provide both
theoretical and empirical fine-grained analyses of each module in the
Transformer architecture. Our experiments yield comprehensive results that are
invaluable for researchers to evaluate code libraries and improve inference
strategies. | cs.CL | Towards Coarse-to-Fine Evaluation of Inference Efficiency for Large Language Models |
2024-04-17T15:53:49Z | http://arxiv.org/pdf/2404.11500v1 | http://arxiv.org/abs/2404.11500v1 | Yue Zhou, Yada Zhu, Diego Antognini, Yoon Kim, Yang Zhang | 2024-04-17T15:53:49Z | cs.CL, cs.AI | This paper studies the relationship between the surface form of a
mathematical problem and its solvability by large language models. We find that
subtle alterations in the surface form can significantly impact the answer
distribution and the solve rate, exposing the language model's lack of
robustness and sensitivity to the surface form in reasoning through complex
problems. To improve mathematical reasoning performance, we propose
Self-Consistency-over-Paraphrases (SCoP), which diversifies reasoning paths
from specific surface forms of the problem. We evaluate our approach on four
mathematics reasoning benchmarks over three large language models and show that
SCoP improves mathematical reasoning performance over vanilla self-consistency,
particularly for problems initially deemed unsolvable. Finally, we provide
additional experiments and discussion regarding problem difficulty and surface
forms, including cross-model difficulty agreement and paraphrasing
transferability, and Variance of Variations (VOV) for language model
evaluation. | cs.CL | Paraphrase and Solve: Exploring and Exploiting the Impact of Surface Form on Mathematical Reasoning in Large Language Models |
2024-04-17T15:52:38Z | http://arxiv.org/pdf/2404.11499v1 | http://arxiv.org/abs/2404.11499v1 | Harry Walsh, Abolfazl Ravanshad, Mariam Rahmani, Richard Bowden | 2024-04-17T15:52:38Z | cs.CL, cs.AI | Phonetic representations are used when recording spoken languages, but no
equivalent exists for recording signed languages. As a result, linguists have
proposed several annotation systems that operate on the gloss or sub-unit
level; however, these resources are notably irregular and scarce.
Sign Language Production (SLP) aims to automatically translate spoken
language sentences into continuous sequences of sign language. However, current
state-of-the-art approaches rely on scarce linguistic resources to work. This
has limited progress in the field. This paper introduces an innovative solution
by transforming the continuous pose generation problem into a discrete sequence
generation problem. Thus, overcoming the need for costly annotation. Although,
if available, we leverage the additional information to enhance our approach.
By applying Vector Quantisation (VQ) to sign language data, we first learn a
codebook of short motions that can be combined to create a natural sequence of
sign. Where each token in the codebook can be thought of as the lexicon of our
representation. Then using a transformer we perform a translation from spoken
language text to a sequence of codebook tokens. Each token can be directly
mapped to a sequence of poses allowing the translation to be performed by a
single network. Furthermore, we present a sign stitching method to effectively
join tokens together. We evaluate on the RWTH-PHOENIX-Weather-2014T
(PHOENIX14T) and the more challenging Meine DGS Annotated (mDGS) datasets. An
extensive evaluation shows our approach outperforms previous methods,
increasing the BLEU-1 back translation score by up to 72%. | cs.CL | A Data-Driven Representation for Sign Language Production |
2024-04-17T15:23:12Z | http://arxiv.org/pdf/2404.11470v1 | http://arxiv.org/abs/2404.11470v1 | Marcos Zampieri, Damith Premasiri, Tharindu Ranasinghe | 2024-04-17T15:23:12Z | cs.CL, cs.LG | The spread of various forms of offensive speech online is an important
concern in social media. While platforms have been investing heavily in ways of
coping with this problem, the question of privacy remains largely unaddressed.
Models trained to detect offensive language on social media are trained and/or
fine-tuned using large amounts of data often stored in centralized servers.
Since most social media data originates from end users, we propose a privacy
preserving decentralized architecture for identifying offensive language online
by introducing Federated Learning (FL) in the context of offensive language
identification. FL is a decentralized architecture that allows multiple models
to be trained locally without the need for data sharing hence preserving users'
privacy. We propose a model fusion approach to perform FL. We trained multiple
deep learning models on four publicly available English benchmark datasets
(AHSD, HASOC, HateXplain, OLID) and evaluated their performance in detail. We
also present initial cross-lingual experiments in English and Spanish. We show
that the proposed model fusion approach outperforms baselines in all the
datasets while preserving privacy. | cs.CL | A Federated Learning Approach to Privacy Preserving Offensive Language Identification |
2024-04-17T15:07:06Z | http://arxiv.org/pdf/2404.11459v2 | http://arxiv.org/abs/2404.11459v2 | Wei Chen, Zhiyuan Li | 2024-04-18T07:32:52Z | cs.CL, cs.CV | A multimodal AI agent is characterized by its ability to process and learn
from various types of data, including natural language, visual, and audio
inputs, to inform its actions. Despite advancements in large language models
that incorporate visual data, such as GPT-4V, effectively translating
image-based data into actionable outcomes for AI agents continues to be
challenging. In this paper, we introduce a multimodal model that incorporates
the concept of functional token specifically designed for AI agent
applications. To ensure compatibility with edge devices, our model is optimized
to a compact size of less than 1B parameters. Like GPT-4, our model can process
both English and Chinese. We demonstrate that this model is capable of
operating efficiently on a wide range of edge devices, including as constrained
as a Raspberry Pi. | cs.CL | Octopus v3: Technical Report for On-device Sub-billion Multimodal AI Agent |
2024-04-17T15:05:03Z | http://arxiv.org/pdf/2404.11457v1 | http://arxiv.org/abs/2404.11457v1 | Sunhao Dai, Chen Xu, Shicheng Xu, Liang Pang, Zhenhua Dong, Jun Xu | 2024-04-17T15:05:03Z | cs.IR, cs.AI, cs.CL | With the rapid advancement of large language models (LLMs), information
retrieval (IR) systems, such as search engines and recommender systems, have
undergone a significant paradigm shift. This evolution, while heralding new
opportunities, introduces emerging challenges, particularly in terms of biases
and unfairness, which may threaten the information ecosystem. In this paper, we
present a comprehensive survey of existing works on emerging and pressing bias
and unfairness issues in IR systems when the integration of LLMs. We first
unify bias and unfairness issues as distribution mismatch problems, providing a
groundwork for categorizing various mitigation strategies through distribution
alignment. Subsequently, we systematically delve into the specific bias and
unfairness issues arising from three critical stages of LLMs integration into
IR systems: data collection, model development, and result evaluation. In doing
so, we meticulously review and analyze recent literature, focusing on the
definitions, characteristics, and corresponding mitigation strategies
associated with these issues. Finally, we identify and highlight some open
problems and challenges for future work, aiming to inspire researchers and
stakeholders in the IR field and beyond to better understand and mitigate bias
and unfairness issues of IR in this LLM era. We also consistently maintain a
GitHub repository for the relevant papers and resources in this rising
direction at https://github.com/KID-22/LLM-IR-Bias-Fairness-Survey. | cs.IR | Unifying Bias and Unfairness in Information Retrieval: A Survey of Challenges and Opportunities with Large Language Models |
2024-04-17T14:55:27Z | http://arxiv.org/pdf/2404.11449v1 | http://arxiv.org/abs/2404.11449v1 | Meng Jiang, Yi Jing Yu, Qing Zhao, Jianqiang Li, Changwei Song, Hongzhi Qi, Wei Zhai, Dan Luo, Xiaoqin Wang, Guanghui Fu, Bing Xiang Yang | 2024-04-17T14:55:27Z | cs.CL, cs.LG | Cognitive Behavioral Therapy (CBT) is an effective technique for addressing
the irrational thoughts stemming from mental illnesses, but it necessitates
precise identification of cognitive pathways to be successfully implemented in
patient care. In current society, individuals frequently express negative
emotions on social media on specific topics, often exhibiting cognitive
distortions, including suicidal behaviors in extreme cases. Yet, there is a
notable absence of methodologies for analyzing cognitive pathways that could
aid psychotherapists in conducting effective interventions online. In this
study, we gathered data from social media and established the task of
extracting cognitive pathways, annotating the data based on a cognitive
theoretical framework. We initially categorized the task of extracting
cognitive pathways as a hierarchical text classification with four main
categories and nineteen subcategories. Following this, we structured a text
summarization task to help psychotherapists quickly grasp the essential
information. Our experiments evaluate the performance of deep learning and
large language models (LLMs) on these tasks. The results demonstrate that our
deep learning method achieved a micro-F1 score of 62.34% in the hierarchical
text classification task. Meanwhile, in the text summarization task, GPT-4
attained a Rouge-1 score of 54.92 and a Rouge-2 score of 30.86, surpassing the
experimental deep learning model's performance. However, it may suffer from an
issue of hallucination. We have made all models and codes publicly available to
support further research in this field. | cs.CL | AI-Enhanced Cognitive Behavioral Therapy: Deep Learning and Large Language Models for Extracting Cognitive Pathways from Social Media Texts |
2024-04-17T14:55:03Z | http://arxiv.org/pdf/2404.11447v1 | http://arxiv.org/abs/2404.11447v1 | Jin Wang, JinFei Wang, Shuying Dai, Jiqiang Yu, Keqin Li | 2024-04-17T14:55:03Z | cs.AI, cs.CL | Automated dialogue systems are important applications of artificial
intelligence, and traditional systems struggle to understand user emotions and
provide empathetic feedback. This study integrates emotional intelligence
technology into automated dialogue systems and creates a dialogue generation
model with emotional intelligence through deep learning and natural language
processing techniques. The model can detect and understand a wide range of
emotions and specific pain signals in real time, enabling the system to provide
empathetic interaction. By integrating the results of the study "Can artificial
intelligence detect pain and express pain empathy?", the model's ability to
understand the subtle elements of pain empathy has been enhanced, setting
higher standards for emotional intelligence dialogue systems. The project aims
to provide theoretical understanding and practical suggestions to integrate
advanced emotional intelligence capabilities into dialogue systems, thereby
improving user experience and interaction quality. | cs.AI | Research on emotionally intelligent dialogue generation based on automatic dialogue system |
2024-04-17T14:54:58Z | http://arxiv.org/pdf/2404.11446v1 | http://arxiv.org/abs/2404.11446v1 | Daniel P. Hogan, Andrea Brennen | 2024-04-17T14:54:58Z | cs.CL, cs.AI, cs.CY | Wargames are a powerful tool for understanding and rehearsing real-world
decision making. Automated play of wargames using artificial intelligence (AI)
enables possibilities beyond those of human-conducted games, such as playing
the game many times over to see a range of possible outcomes. There are two
categories of wargames: quantitative games, with discrete types of moves, and
qualitative games, which revolve around open-ended responses. Historically,
automation efforts have focused on quantitative games, but large language
models (LLMs) make it possible to automate qualitative wargames. We introduce
"Snow Globe," an LLM-powered multi-agent system for playing qualitative
wargames. With Snow Globe, every stage of a text-based qualitative wargame from
scenario preparation to post-game analysis can be optionally carried out by AI,
humans, or a combination thereof. We describe its software architecture
conceptually and release an open-source implementation alongside this
publication. As case studies, we simulate a tabletop exercise about an AI
incident response and a political wargame about a geopolitical crisis. We
discuss potential applications of the approach and how it fits into the broader
wargaming ecosystem. | cs.CL | Open-Ended Wargames with Large Language Models |
2024-04-17T13:44:29Z | http://arxiv.org/pdf/2404.11384v1 | http://arxiv.org/abs/2404.11384v1 | Xiao Li, Yong Jiang, Shen Huang, Pengjun Xie, Gong Cheng, Fei Huang | 2024-04-17T13:44:29Z | cs.CL, cs.LG | Key Point Analysis (KPA), the summarization of multiple arguments into a
concise collection of key points, continues to be a significant and unresolved
issue within the field of argument mining. Existing models adapt a two-stage
pipeline of clustering arguments or generating key points for argument
clusters. This approach rely on semantic similarity instead of measuring the
existence of shared key points among arguments. Additionally, it only models
the intra-cluster relationship among arguments, disregarding the inter-cluster
relationship between arguments that do not share key points. To address these
limitations, we propose a novel approach for KPA with pairwise generation and
graph partitioning. Our objective is to train a generative model that can
simultaneously provide a score indicating the presence of shared key point
between a pair of arguments and generate the shared key point. Subsequently, to
map generated redundant key points to a concise set of key points, we proceed
to construct an arguments graph by considering the arguments as vertices, the
generated key points as edges, and the scores as edge weights. We then propose
a graph partitioning algorithm to partition all arguments sharing the same key
points to the same subgraph. Notably, our experimental findings demonstrate
that our proposed model surpasses previous models when evaluated on both the
ArgKP and QAM datasets. | cs.CL | Exploring Key Point Analysis with Pairwise Generation and Graph Partitioning |
2024-04-17T13:07:56Z | http://arxiv.org/pdf/2404.11349v1 | http://arxiv.org/abs/2404.11349v1 | Gopichand Kanumolu, Lokesh Madasu, Nirmal Surange, Manish Shrivastava | 2024-04-17T13:07:56Z | cs.CL | News headline generation is a crucial task in increasing productivity for
both the readers and producers of news. This task can easily be aided by
automated News headline-generation models. However, the presence of irrelevant
headlines in scraped news articles results in sub-optimal performance of
generation models. We propose that relevance-based headline classification can
greatly aid the task of generating relevant headlines. Relevance-based headline
classification involves categorizing news headlines based on their relevance to
the corresponding news articles. While this task is well-established in
English, it remains under-explored in low-resource languages like Telugu due to
a lack of annotated data. To address this gap, we present TeClass, the
first-ever human-annotated Telugu news headline classification dataset,
containing 78,534 annotations across 26,178 article-headline pairs. We
experiment with various baseline models and provide a comprehensive analysis of
their results. We further demonstrate the impact of this work by fine-tuning
various headline generation models using TeClass dataset. The headlines
generated by the models fine-tuned on highly relevant article-headline pairs,
showed about a 5 point increment in the ROUGE-L scores. To encourage future
research, the annotated dataset as well as the annotation guidelines will be
made publicly available. | cs.CL | TeClass: A Human-Annotated Relevance-based Headline Classification and Generation Dataset for Telugu |
2024-04-17T12:26:52Z | http://arxiv.org/pdf/2404.11315v1 | http://arxiv.org/abs/2404.11315v1 | Yukiko Ishizuki, Tatsuki Kuribayashi, Yuichiroh Matsubayashi, Ryohei Sasano, Kentaro Inui | 2024-04-17T12:26:52Z | cs.CL | Speakers sometimes omit certain arguments of a predicate in a sentence; such
omission is especially frequent in pro-drop languages. This study addresses a
question about ellipsis -- what can explain the native speakers' ellipsis
decisions? -- motivated by the interest in human discourse processing and
writing assistance for this choice. To this end, we first collect large-scale
human annotations of whether and why a particular argument should be omitted
across over 2,000 data points in the balanced corpus of Japanese, a
prototypical pro-drop language. The data indicate that native speakers overall
share common criteria for such judgments and further clarify their quantitative
characteristics, e.g., the distribution of related linguistic factors in the
balanced corpus. Furthermore, the performance of the language model-based
argument ellipsis judgment model is examined, and the gap between the systems'
prediction and human judgments in specific linguistic aspects is revealed. We
hope our fundamental resource encourages further studies on natural human
ellipsis judgment. | cs.CL | To Drop or Not to Drop? Predicting Argument Ellipsis Judgments: A Case Study in Japanese |
2024-04-17T11:52:47Z | http://arxiv.org/pdf/2404.11288v1 | http://arxiv.org/abs/2404.11288v1 | Dawei Zhu, Sony Trenous, Xiaoyu Shen, Dietrich Klakow, Bill Byrne, Eva Hasler | 2024-04-17T11:52:47Z | cs.CL | Recent research has shown that large language models (LLMs) can achieve
remarkable translation performance through supervised fine-tuning (SFT) using
only a small amount of parallel data. However, SFT simply instructs the model
to imitate the reference translations at the token level, making it vulnerable
to the noise present in the references. Hence, the assistance from SFT often
reaches a plateau once the LLMs have achieved a certain level of translation
capability, and further increasing the size of parallel data does not provide
additional benefits. To overcome this plateau associated with imitation-based
SFT, we propose a preference-based approach built upon the Plackett-Luce model.
The objective is to steer LLMs towards a more nuanced understanding of
translation preferences from a holistic view, while also being more resilient
in the absence of gold translations. We further build a dataset named MAPLE to
verify the effectiveness of our approach, which includes multiple translations
of varying quality for each source sentence. Extensive experiments demonstrate
the superiority of our approach in "breaking the plateau" across diverse LLMs
and test settings. Our in-depth analysis underscores the pivotal role of
diverse translations and accurate preference scores in the success of our
approach. | cs.CL | A Preference-driven Paradigm for Enhanced Translation with Large Language Models |
2024-04-17T11:12:59Z | http://arxiv.org/pdf/2404.11262v1 | http://arxiv.org/abs/2404.11262v1 | Masahiro Kaneko, Youmi Ma, Yuki Wata, Naoaki Okazaki | 2024-04-17T11:12:59Z | cs.CL | Large Language Models (LLMs) are trained on large-scale web data, which makes
it difficult to grasp the contribution of each text. This poses the risk of
leaking inappropriate data such as benchmarks, personal information, and
copyrighted texts in the training data. Membership Inference Attacks (MIA),
which determine whether a given text is included in the model's training data,
have been attracting attention. Previous studies of MIAs revealed that
likelihood-based classification is effective for detecting leaks in LLMs.
However, the existing methods cannot be applied to some proprietary models like
ChatGPT or Claude 3 because the likelihood is unavailable to the user. In this
study, we propose a Sampling-based Pseudo-Likelihood (\textbf{SPL}) method for
MIA (\textbf{SaMIA}) that calculates SPL using only the text generated by an
LLM to detect leaks. The SaMIA treats the target text as the reference text and
multiple outputs from the LLM as text samples, calculates the degree of
$n$-gram match as SPL, and determines the membership of the text in the
training data. Even without likelihoods, SaMIA performed on par with existing
likelihood-based methods. | cs.CL | Sampling-based Pseudo-Likelihood for Membership Inference Attacks |
2024-04-17T10:19:15Z | http://arxiv.org/pdf/2404.11225v1 | http://arxiv.org/abs/2404.11225v1 | Dongfang Li, Zhenyu Liu, Xinshuo Hu, Zetian Sun, Baotian Hu, Min Zhang | 2024-04-17T10:19:15Z | cs.CL, cs.AI | Large Language Models (LLMs) have exhibited an impressive ability to perform
In-Context Learning (ICL) from only a few examples. Recent works have indicated
that the functions learned by ICL can be represented through compressed vectors
derived from the transformer. However, the working mechanisms and optimization
of these vectors are yet to be thoroughly explored. In this paper, we address
this gap by presenting a comprehensive analysis of these compressed vectors,
drawing parallels to the parameters trained with gradient descent, and
introduce the concept of state vector. Inspired by the works on model soup and
momentum-based gradient descent, we propose inner and momentum optimization
methods that are applied to refine the state vector progressively as test-time
adaptation. Moreover, we simulate state vector aggregation in the multiple
example setting, where demonstrations comprising numerous examples are usually
too lengthy for regular ICL, and further propose a divide-and-conquer
aggregation method to address this challenge. We conduct extensive experiments
using Llama-2 and GPT-J in both zero-shot setting and few-shot setting. The
experimental results show that our optimization method effectively enhances the
state vector and achieves the state-of-the-art performance on diverse tasks.
Code is available at https://github.com/HITsz-TMG/ICL-State-Vector | cs.CL | In-Context Learning State Vector with Inner and Momentum Optimization |
2024-04-17T10:00:56Z | http://arxiv.org/pdf/2404.11216v1 | http://arxiv.org/abs/2404.11216v1 | Zhiyuan He, Huiqiang Jiang, Zilong Wang, Yuqing Yang, Luna Qiu, Lili Qiu | 2024-04-17T10:00:56Z | cs.CL, cs.AI, cs.LG | The performance of large language models (LLMs) is significantly influenced
by the quality of the prompts provided. In response, researchers have developed
enormous prompt engineering strategies aimed at modifying the prompt text to
enhance task performance. In this paper, we introduce a novel technique termed
position engineering, which offers a more efficient way to guide large language
models. Unlike prompt engineering, which requires substantial effort to modify
the text provided to LLMs, position engineering merely involves altering the
positional information in the prompt without modifying the text itself. We have
evaluated position engineering in two widely-used LLM scenarios:
retrieval-augmented generation (RAG) and in-context learning (ICL). Our
findings show that position engineering substantially improves upon the
baseline in both cases. Position engineering thus represents a promising new
strategy for exploiting the capabilities of large language models. | cs.CL | Position Engineering: Boosting Large Language Models through Positional Information Manipulation |
2024-04-17T09:39:02Z | http://arxiv.org/pdf/2404.11206v1 | http://arxiv.org/abs/2404.11206v1 | Haoxiang Deng, Yi Zhu, Ye Wang, Jipeng Qiang, Yunhao Yuan, Yun Li, Runmei Zhang | 2024-04-17T09:39:02Z | cs.CL | Clickbaits are surprising social posts or deceptive news headlines that
attempt to lure users for more clicks, which have posted at unprecedented rates
for more profit or commercial revenue. The spread of clickbait has significant
negative impacts on the users, which brings users misleading or even
click-jacking attacks. Different from fake news, the crucial problem in
clickbait detection is determining whether the headline matches the
corresponding content. Most existing methods compute the semantic similarity
between the headlines and contents for detecting clickbait. However, due to
significant differences in length and semantic features between headlines and
contents, directly calculating semantic similarity is often difficult to
summarize the relationship between them. To address this problem, we propose a
prompt-tuning method for clickbait detection via text summarization in this
paper, text summarization is introduced to summarize the contents, and
clickbait detection is performed based on the similarity between the generated
summary and the contents. Specifically, we first introduce a two-stage text
summarization model to produce high-quality news summaries based on pre-trained
language models, and then both the headlines and new generated summaries are
incorporated as the inputs for prompt-tuning. Additionally, a variety of
strategies are conducted to incorporate external knowledge for improving the
performance of clickbait detection. The extensive experiments on well-known
clickbait detection datasets demonstrate that our method achieved
state-of-the-art performance. | cs.CL | Prompt-tuning for Clickbait Detection via Text Summarization |
2024-04-17T09:37:25Z | http://arxiv.org/pdf/2404.11205v2 | http://arxiv.org/abs/2404.11205v2 | Kavitha Raju, Nandini J. Warrier, Manu Madhavan, Selvi C., Arun B. Warrier, Thulasi Kumar | 2024-05-17T10:14:10Z | cs.CV, cs.CL | The classical dances from India utilize a set of hand gestures known as
Mudras, serving as the foundational elements of its posture vocabulary.
Identifying these mudras represents a primary task in digitizing the dance
performances. With Kathakali, a dance-drama, as the focus, this work addresses
mudra recognition by framing it as a 24-class classification problem and
proposes a novel vector-similarity-based approach leveraging pose estimation
techniques. This method obviates the need for extensive training or
fine-tuning, thus mitigating the issue of limited data availability common in
similar AI applications. Achieving an accuracy rate of 92%, our approach
demonstrates comparable or superior performance to existing
model-training-based methodologies in this domain. Notably, it remains
effective even with small datasets comprising just 1 or 5 samples, albeit with
a slightly diminished performance. Furthermore, our system supports processing
images, videos, and real-time streams, accommodating both hand-cropped and
full-body images. As part of this research, we have curated and released a
publicly accessible Hasta Mudra dataset, which applies to multiple South Indian
art forms including Kathakali. The implementation of the proposed method is
also made available as a web application. | cs.CV | Pose2Gest: A Few-Shot Model-Free Approach Applied In South Indian Classical Dance Gesture Recognition |
2024-04-17T09:33:19Z | http://arxiv.org/pdf/2404.11201v1 | http://arxiv.org/abs/2404.11201v1 | Shaomu Tan, Di Wu, Christof Monz | 2024-04-17T09:33:19Z | cs.CL | Training a unified multilingual model promotes knowledge transfer but
inevitably introduces negative interference. Language-specific modeling methods
show promise in reducing interference. However, they often rely on heuristics
to distribute capacity and struggle to foster cross-lingual transfer via
isolated modules. In this paper, we explore intrinsic task modularity within
multilingual networks and leverage these observations to circumvent
interference under multilingual translation. We show that neurons in the
feed-forward layers tend to be activated in a language-specific manner.
Meanwhile, these specialized neurons exhibit structural overlaps that reflect
language proximity, which progress across layers. Based on these findings, we
propose Neuron Specialization, an approach that identifies specialized neurons
to modularize feed-forward layers and then continuously updates them through
sparse networks. Extensive experiments show that our approach achieves
consistent performance gains over strong baselines with additional analyses
demonstrating reduced interference and increased knowledge transfer. | cs.CL | Neuron Specialization: Leveraging intrinsic task modularity for multilingual machine translation |
2024-04-17T09:01:02Z | http://arxiv.org/pdf/2404.11184v2 | http://arxiv.org/abs/2404.11184v2 | Joonho Yang, Seunghyun Yoon, Byeongjeong Kim, Hwanhee Lee | 2024-04-18T03:57:17Z | cs.CL | Through the advent of pre-trained language models, there have been notable
advancements in abstractive summarization systems. Simultaneously, a
considerable number of novel methods for evaluating factual consistency in
abstractive summarization systems has been developed. But these evaluation
approaches incorporate substantial limitations, especially on refinement and
interpretability. In this work, we propose highly effective and interpretable
factual inconsistency detection method metric Factual Inconsistency Detection
by Zoom-in Summary and Zoom-out Document for abstractive summarization systems
that is based on fine-grained atomic facts decomposition. Moreover, we align
atomic facts decomposed from the summary with the source document through
adaptive granularity expansion. These atomic facts represent a more
fine-grained unit of information, facilitating detailed understanding and
interpretability of the summary's factual inconsistency. Experimental results
demonstrate that our proposed factual consistency checking system significantly
outperforms existing systems. | cs.CL | FIZZ: Factual Inconsistency Detection by Zoom-in Summary and Zoom-out Document |
2024-04-17T07:36:40Z | http://arxiv.org/pdf/2404.11141v1 | http://arxiv.org/abs/2404.11141v1 | Barbara Gendron, Gaël Guibon | 2024-04-17T07:36:40Z | cs.CL | The advent of deep learning models has made a considerable contribution to
the achievement of Emotion Recognition in Conversation (ERC). However, this
task still remains an important challenge due to the plurality and subjectivity
of human emotions. Previous work on ERC provides predictive models using mostly
graph-based conversation representations. In this work, we propose a way to
model the conversational context that we incorporate into a metric learning
training strategy, with a two-step process. This allows us to perform ERC in a
flexible classification scenario and to end up with a lightweight yet efficient
model. Using metric learning through a Siamese Network architecture, we achieve
57.71 in macro F1 score for emotion classification in conversation on
DailyDialog dataset, which outperforms the related work. This state-of-the-art
result is promising regarding the use of metric learning for emotion
recognition, yet perfectible compared to the microF1 score obtained. | cs.CL | Context-Aware Siamese Networks for Efficient Emotion Recognition in Conversation |
2024-04-17T07:26:23Z | http://arxiv.org/pdf/2404.11132v1 | http://arxiv.org/abs/2404.11132v1 | Bin Zhang, Junli Wang | 2024-04-17T07:26:23Z | cs.CL | ICD(International Classification of Diseases) coding involves assigning ICD
codes to patients visit based on their medical notes. ICD coding is a
challenging multilabel text classification problem due to noisy medical
document inputs. Recent advancements in automated ICD coding have enhanced
performance by integrating additional data and knowledge bases with the
encoding of medical notes and codes. However, most of them ignore the code
hierarchy, leading to improper code assignments. To address these problems, we
propose a novel framework based on associated and hierarchical code description
distillation (AHDD) for better code representation learning and avoidance of
improper code assignment.we utilize the code description and the hierarchical
structure inherent to the ICD codes. Therefore, in this paper, we leverage the
code description and the hierarchical structure inherent to the ICD codes. The
code description is also applied to aware the attention layer and output layer.
Experimental results on the benchmark dataset show the superiority of the
proposed framework over several state-of-the-art baselines. | cs.CL | A Novel ICD Coding Framework Based on Associated and Hierarchical Code Description Distillation |
2024-04-17T07:15:07Z | http://arxiv.org/pdf/2404.11124v1 | http://arxiv.org/abs/2404.11124v1 | Frederic Kirstein, Jan Philip Wahle, Terry Ruas, Bela Gipp | 2024-04-17T07:15:07Z | cs.CL, cs.AI | Meeting summarization has become a critical task considering the increase in
online interactions. While new techniques are introduced regularly, their
evaluation uses metrics not designed to capture meeting-specific errors,
undermining effective evaluation. This paper investigates what the frequently
used automatic metrics capture and which errors they mask by correlating
automatic metric scores with human evaluations across a broad error taxonomy.
We commence with a comprehensive literature review on English meeting
summarization to define key challenges like speaker dynamics and contextual
turn-taking and error types such as missing information and linguistic
inaccuracy, concepts previously loosely defined in the field. We examine the
relationship between characteristic challenges and errors by using annotated
transcripts and summaries from Transformer-based sequence-to-sequence and
autoregressive models from the general summary QMSum dataset. Through
experimental validation, we find that different model architectures respond
variably to challenges in meeting transcripts, resulting in different
pronounced links between challenges and errors. Current default-used metrics
struggle to capture observable errors, showing weak to mid-correlations, while
a third of the correlations show trends of error masking. Only a subset reacts
accurately to specific errors, while most correlations show either
unresponsiveness or failure to reflect the error's impact on summary quality. | cs.CL | What's under the hood: Investigating Automatic Metrics on Meeting Summarization |
2024-04-17T06:49:14Z | http://arxiv.org/pdf/2404.11109v1 | http://arxiv.org/abs/2404.11109v1 | Hamed Hematian Hemati, Hamid Beigy | 2024-04-17T06:49:14Z | cs.CL | Efficiently modeling historical information is a critical component in
addressing user queries within a conversational question-answering (QA)
context, as historical context plays a vital role in clarifying the user's
questions. However, irrelevant history induces noise in the reasoning process,
especially for those questions with a considerable historical context. In our
novel model-agnostic approach, referred to as CoTaH (Consistency-Trained
augmented History), we augment the historical information with synthetic
questions and subsequently employ consistency training to train a model that
utilizes both real and augmented historical data to implicitly make the
reasoning robust to irrelevant history. To the best of our knowledge, this is
the first instance of research using question generation as a form of data
augmentation to model conversational QA settings. By citing a common modeling
error prevalent in previous research, we introduce a new baseline model and
compare our model's performance against it, demonstrating an improvement in
results, particularly when dealing with questions that include a substantial
amount of historical context. The source code can be found on our GitHub page. | cs.CL | Consistency Training by Synthetic Question Generation for Conversational Question Answering |
2024-04-17T06:26:32Z | http://arxiv.org/pdf/2404.11095v1 | http://arxiv.org/abs/2404.11095v1 | Jiao Ou, Jiayu Wu, Che Liu, Fuzheng Zhang, Di Zhang, Kun Gai | 2024-04-17T06:26:32Z | cs.CL, cs.AI | Aligning large language models (LLMs) with human expectations requires
high-quality instructional dialogues, which can be achieved by raising diverse,
in-depth, and insightful instructions that deepen interactions. Existing
methods target instructions from real instruction dialogues as a learning goal
and fine-tune a user simulator for posing instructions. However, the user
simulator struggles to implicitly model complex dialogue flows and pose
high-quality instructions. In this paper, we take inspiration from the
cognitive abilities inherent in human learning and propose the explicit
modeling of complex dialogue flows through instructional strategy reuse.
Specifically, we first induce high-level strategies from various real
instruction dialogues. These strategies are applied to new dialogue scenarios
deductively, where the instructional strategies facilitate high-quality
instructions. Experimental results show that our method can generate diverse,
in-depth, and insightful instructions for a given dialogue history. The
constructed multi-turn instructional dialogues can outperform competitive
baselines on the downstream chat model. | cs.CL | Inductive-Deductive Strategy Reuse for Multi-Turn Instructional Dialogues |
2024-04-17T05:57:17Z | http://arxiv.org/pdf/2404.11086v2 | http://arxiv.org/abs/2404.11086v2 | Trong-Hieu Nguyen, Anh-Cuong Le, Viet-Cuong Nguyen | 2024-04-18T07:41:23Z | cs.CL, cs.AI | The rapid advancement of large language models (LLMs) necessitates the
development of new benchmarks to accurately assess their capabilities. To
address this need for Vietnamese, this work aims to introduce ViLLM-Eval, the
comprehensive evaluation suite designed to measure the advanced knowledge and
reasoning abilities of foundation models within a Vietnamese context.
ViLLM-Eval consists of multiple-choice questions and predict next word tasks
spanning various difficulty levels and diverse disciplines, ranging from
humanities to science and engineering. A thorough evaluation of the most
advanced LLMs on ViLLM-Eval revealed that even the best performing models have
significant room for improvement in understanding and responding to Vietnamese
language tasks. ViLLM-Eval is believed to be instrumental in identifying key
strengths and weaknesses of foundation models, ultimately promoting their
development and enhancing their performance for Vietnamese users. This paper
provides a thorough overview of ViLLM-Eval as part of the Vietnamese Large
Language Model shared task, held within the 10th International Workshop on
Vietnamese Language and Speech Processing (VLSP 2023). | cs.CL | ViLLM-Eval: A Comprehensive Evaluation Suite for Vietnamese Large Language Models |
2024-04-17T05:56:49Z | http://arxiv.org/pdf/2404.13082v1 | http://arxiv.org/abs/2404.13082v1 | Xuechen Zhang, Zijian Huang, Ege Onur Taga, Carlee Joe-Wong, Samet Oymak, Jiasi Chen | 2024-04-17T05:56:49Z | cs.CL, cs.AI, cs.LG | Recent successes in natural language processing have led to the proliferation
of large language models (LLMs) by multiple providers. Each LLM offering has
different inference accuracy, monetary cost, and latency, and their accuracy
further depends on the exact wording of the question (i.e., the specific
prompt). At the same time, users often have a limit on monetary budget and
latency to answer all their questions, and they do not know which LLMs to
choose for each question to meet their accuracy and long-term budget
requirements. To navigate this rich design space, we propose TREACLE (Thrifty
Reasoning via Context-Aware LLM and Prompt Selection), a reinforcement learning
policy that jointly selects the model and prompting scheme while respecting the
user's monetary cost and latency constraints. TREACLE uses the problem context,
including question text embeddings (reflecting the type or difficulty of a
query) and the response history (reflecting the consistency of previous
responses) to make smart decisions. Our evaluations on standard reasoning
datasets (GSM8K, CSQA, and LLC ) with various LLMs and prompts show that
TREACLE enables cost savings of up to 85% compared to baselines while
maintaining high accuracy. Importantly, it provides the user with the ability
to gracefully trade off accuracy for cost. | cs.CL | TREACLE: Thrifty Reasoning via Context-Aware LLM and Prompt Selection |
2024-04-17T04:37:58Z | http://arxiv.org/pdf/2404.11061v1 | http://arxiv.org/abs/2404.11061v1 | Nicolas Ong, Hassan Shavarani, Anoop Sarkar | 2024-04-17T04:37:58Z | cs.CL | Despite remarkable strides made in the development of entity linking systems
in recent years, a comprehensive comparative analysis of these systems using a
unified framework is notably absent. This paper addresses this oversight by
introducing a new black-box benchmark and conducting a comprehensive evaluation
of all state-of-the-art entity linking methods. We use an ablation study to
investigate the impact of candidate sets on the performance of entity linking.
Our findings uncover exactly how much such entity linking systems depend on
candidate sets, and how much this limits the general applicability of each
system. We present an alternative approach to candidate sets, demonstrating
that leveraging the entire in-domain candidate set can serve as a viable
substitute for certain models. We show the trade-off between less restrictive
candidate sets, increased inference time and memory footprint for some models. | cs.CL | Unified Examination of Entity Linking in Absence of Candidate Sets |
2024-04-17T04:04:34Z | http://arxiv.org/pdf/2404.11055v1 | http://arxiv.org/abs/2404.11055v1 | Zhiheng Lyu, Zhijing Jin, Fernando Gonzalez, Rada Mihalcea, Bernhard Schoelkopf, Mrinmaya Sachan | 2024-04-17T04:04:34Z | cs.CL | Sentiment analysis (SA) aims to identify the sentiment expressed in a text,
such as a product review. Given a review and the sentiment associated with it,
this paper formulates SA as a combination of two tasks: (1) a causal discovery
task that distinguishes whether a review "primes" the sentiment (Causal
Hypothesis C1), or the sentiment "primes" the review (Causal Hypothesis C2);
and (2) the traditional prediction task to model the sentiment using the review
as input. Using the peak-end rule in psychology, we classify a sample as C1 if
its overall sentiment score approximates an average of all the sentence-level
sentiments in the review, and C2 if the overall sentiment score approximates an
average of the peak and end sentiments. For the prediction task, we use the
discovered causal mechanisms behind the samples to improve the performance of
LLMs by proposing causal prompts that give the models an inductive bias of the
underlying causal graph, leading to substantial improvements by up to 32.13 F1
points on zero-shot five-class SA. Our code is at
https://github.com/cogito233/causal-sa | cs.CL | On the Causal Nature of Sentiment Analysis |
2024-04-17T03:44:58Z | http://arxiv.org/pdf/2404.11049v2 | http://arxiv.org/abs/2404.11049v2 | Akifumi Wachi, Thien Q. Tran, Rei Sato, Takumi Tanabe, Youhei Akimoto | 2024-05-23T01:13:41Z | cs.LG, cs.AI, cs.CL | Safety and trustworthiness are indispensable requirements for real-world
applications of AI systems using large language models (LLMs). This paper
formulates human value alignment as an optimization problem of the language
model policy to maximize reward under a safety constraint, and then proposes an
algorithm, Stepwise Alignment for Constrained Policy Optimization (SACPO). One
key idea behind SACPO, supported by theory, is that the optimal policy
incorporating reward and safety can be directly obtained from a reward-aligned
policy. Building on this key idea, SACPO aligns LLMs step-wise with each metric
while leveraging simple yet powerful alignment algorithms such as direct
preference optimization (DPO). SACPO offers several advantages, including
simplicity, stability, computational efficiency, and flexibility of algorithms
and datasets. Under mild assumptions, our theoretical analysis provides the
upper bounds on optimality and safety constraint violation. Our experimental
results show that SACPO can fine-tune Alpaca-7B better than the
state-of-the-art method in terms of both helpfulness and harmlessness. | cs.LG | Stepwise Alignment for Constrained Language Model Policy Optimization |
2024-04-17T03:39:51Z | http://arxiv.org/pdf/2404.11045v1 | http://arxiv.org/abs/2404.11045v1 | James Y. Huang, Wenxuan Zhou, Fei Wang, Fred Morstatter, Sheng Zhang, Hoifung Poon, Muhao Chen | 2024-04-17T03:39:51Z | cs.CL | Despite the strong capabilities of Large Language Models (LLMs) to acquire
knowledge from their training corpora, the memorization of sensitive
information in the corpora such as copyrighted, harmful, and private content
has led to ethical and legal concerns. In response to these challenges,
unlearning has emerged as a potential remedy for LLMs affected by problematic
training data. However, previous unlearning techniques are either not
applicable to black-box LLMs due to required access to model internal weights,
or violate data protection principles by retaining sensitive data for
inference-time correction. We propose $\delta$-unlearning, an offset unlearning
framework for black-box LLMs. Instead of tuning the black-box LLM itself,
$\delta$-unlearning learns the logit offset needed for unlearning by
contrasting the logits from a pair of smaller models. Experiments demonstrate
that $\delta$-unlearning can effectively unlearn target data while maintaining
similar or even stronger performance on general out-of-forget-scope tasks.
$\delta$-unlearning also effectively incorporates different unlearning
algorithms, making our approach a versatile solution to adapting various
existing unlearning algorithms to black-box LLMs. | cs.CL | Offset Unlearning for Large Language Models |
2024-04-17T03:25:54Z | http://arxiv.org/pdf/2404.11036v1 | http://arxiv.org/abs/2404.11036v1 | Paras Sheth, Tharindu Kumarage, Raha Moraffah, Aman Chadha, Huan Liu | 2024-04-17T03:25:54Z | cs.LG, cs.CL | Content moderation faces a challenging task as social media's ability to
spread hate speech contrasts with its role in promoting global connectivity.
With rapidly evolving slang and hate speech, the adaptability of conventional
deep learning to the fluid landscape of online dialogue remains limited. In
response, causality inspired disentanglement has shown promise by segregating
platform specific peculiarities from universal hate indicators. However, its
dependency on available ground truth target labels for discerning these nuances
faces practical hurdles with the incessant evolution of platforms and the
mutable nature of hate speech. Using confidence based reweighting and
contrastive regularization, this study presents HATE WATCH, a novel framework
of weakly supervised causal disentanglement that circumvents the need for
explicit target labeling and effectively disentangles input features into
invariant representations of hate. Empirical validation across platforms two
with target labels and two without positions HATE WATCH as a novel method in
cross platform hate speech detection with superior performance. HATE WATCH
advances scalable content moderation techniques towards developing safer online
communities. | cs.LG | Cross-Platform Hate Speech Detection with Weakly Supervised Causal Disentanglement |
2024-04-17T02:57:42Z | http://arxiv.org/pdf/2404.11023v1 | http://arxiv.org/abs/2404.11023v1 | Leena Mathur, Paul Pu Liang, Louis-Philippe Morency | 2024-04-17T02:57:42Z | cs.HC, cs.CL, cs.LG | Building socially-intelligent AI agents (Social-AI) is a multidisciplinary,
multimodal research goal that involves creating agents that can sense,
perceive, reason about, learn from, and respond to affect, behavior, and
cognition of other agents (human or artificial). Progress towards Social-AI has
accelerated in the past decade across several computing communities, including
natural language processing, machine learning, robotics, human-machine
interaction, computer vision, and speech. Natural language processing, in
particular, has been prominent in Social-AI research, as language plays a key
role in constructing the social world. In this position paper, we identify a
set of underlying technical challenges and open questions for researchers
across computing communities to advance Social-AI. We anchor our discussion in
the context of social intelligence concepts and prior progress in Social-AI
research. | cs.HC | Advancing Social Intelligence in AI Agents: Technical Challenges and Open Questions |
2024-04-17T02:49:26Z | http://arxiv.org/pdf/2404.11018v2 | http://arxiv.org/abs/2404.11018v2 | Rishabh Agarwal, Avi Singh, Lei M. Zhang, Bernd Bohnet, Luis Rosias, Stephanie Chan, Biao Zhang, Ankesh Anand, Zaheer Abbas, Azade Nova, John D. Co-Reyes, Eric Chu, Feryal Behbahani, Aleksandra Faust, Hugo Larochelle | 2024-05-22T17:06:10Z | cs.LG, cs.AI, cs.CL | Large language models (LLMs) excel at few-shot in-context learning (ICL) --
learning from a few examples provided in context at inference, without any
weight updates. Newly expanded context windows allow us to investigate ICL with
hundreds or thousands of examples -- the many-shot regime. Going from few-shot
to many-shot, we observe significant performance gains across a wide variety of
generative and discriminative tasks. While promising, many-shot ICL can be
bottlenecked by the available amount of human-generated examples. To mitigate
this limitation, we explore two new settings: Reinforced and Unsupervised ICL.
Reinforced ICL uses model-generated chain-of-thought rationales in place of
human examples. Unsupervised ICL removes rationales from the prompt altogether,
and prompts the model only with domain-specific questions. We find that both
Reinforced and Unsupervised ICL can be quite effective in the many-shot regime,
particularly on complex reasoning tasks. Finally, we demonstrate that, unlike
few-shot learning, many-shot learning is effective at overriding pretraining
biases, can learn high-dimensional functions with numerical inputs, and
performs comparably to fine-tuning. Our analysis also reveals the limitations
of next-token prediction loss as an indicator of downstream ICL performance. | cs.LG | Many-Shot In-Context Learning |
2024-04-17T01:27:42Z | http://arxiv.org/pdf/2404.10981v1 | http://arxiv.org/abs/2404.10981v1 | Yizheng Huang, Jimmy Huang | 2024-04-17T01:27:42Z | cs.IR, cs.AI, cs.CL | Retrieval-Augmented Generation (RAG) merges retrieval methods with deep
learning advancements to address the static limitations of large language
models (LLMs) by enabling the dynamic integration of up-to-date external
information. This methodology, focusing primarily on the text domain, provides
a cost-effective solution to the generation of plausible but incorrect
responses by LLMs, thereby enhancing the accuracy and reliability of their
outputs through the use of real-world data. As RAG grows in complexity and
incorporates multiple concepts that can influence its performance, this paper
organizes the RAG paradigm into four categories: pre-retrieval, retrieval,
post-retrieval, and generation, offering a detailed perspective from the
retrieval viewpoint. It outlines RAG's evolution and discusses the field's
progression through the analysis of significant studies. Additionally, the
paper introduces evaluation methods for RAG, addressing the challenges faced
and proposing future research directions. By offering an organized framework
and categorization, the study aims to consolidate existing research on RAG,
clarify its technological underpinnings, and highlight its potential to broaden
the adaptability and applications of LLMs. | cs.IR | A Survey on Retrieval-Augmented Text Generation for Large Language Models |
2024-04-17T01:15:54Z | http://arxiv.org/pdf/2404.13081v1 | http://arxiv.org/abs/2404.13081v1 | Jaehyung Kim, Jaehyun Nam, Sangwoo Mo, Jongjin Park, Sang-Woo Lee, Minjoon Seo, Jung-Woo Ha, Jinwoo Shin | 2024-04-17T01:15:54Z | cs.CL, cs.AI, cs.LG | Large language models (LLMs) have made significant advancements in various
natural language processing tasks, including question answering (QA) tasks.
While incorporating new information with the retrieval of relevant passages is
a promising way to improve QA with LLMs, the existing methods often require
additional fine-tuning which becomes infeasible with recent LLMs. Augmenting
retrieved passages via prompting has the potential to address this limitation,
but this direction has been limitedly explored. To this end, we design a simple
yet effective framework to enhance open-domain QA (ODQA) with LLMs, based on
the summarized retrieval (SuRe). SuRe helps LLMs predict more accurate answers
for a given question, which are well-supported by the summarized retrieval that
could be viewed as an explicit rationale extracted from the retrieved passages.
Specifically, SuRe first constructs summaries of the retrieved passages for
each of the multiple answer candidates. Then, SuRe confirms the most plausible
answer from the candidate set by evaluating the validity and ranking of the
generated summaries. Experimental results on diverse ODQA benchmarks
demonstrate the superiority of SuRe, with improvements of up to 4.6% in exact
match (EM) and 4.0% in F1 score over standard prompting approaches. SuRe also
can be integrated with a broad range of retrieval methods and LLMs. Finally,
the generated summaries from SuRe show additional advantages to measure the
importance of retrieved passages and serve as more preferred rationales by
models and humans. | cs.CL | SuRe: Summarizing Retrievals using Answer Candidates for Open-domain QA of LLMs |
2024-04-17T01:13:04Z | http://arxiv.org/pdf/2404.10975v1 | http://arxiv.org/abs/2404.10975v1 | Jan-Philipp Fränken, Kanishk Gandhi, Tori Qiu, Ayesha Khawaja, Noah D. Goodman, Tobias Gerstenberg | 2024-04-17T01:13:04Z | cs.CL | As AI systems like language models are increasingly integrated into
decision-making processes affecting people's lives, it's critical to ensure
that these systems have sound moral reasoning. To test whether they do, we need
to develop systematic evaluations. We provide a framework that uses a language
model to translate causal graphs that capture key aspects of moral dilemmas
into prompt templates. With this framework, we procedurally generated a large
and diverse set of moral dilemmas -- the OffTheRails benchmark -- consisting of
50 scenarios and 400 unique test items. We collected moral permissibility and
intention judgments from human participants for a subset of our items and
compared these judgments to those from two language models (GPT-4 and Claude-2)
across eight conditions. We find that moral dilemmas in which the harm is a
necessary means (as compared to a side effect) resulted in lower permissibility
and higher intention ratings for both participants and language models. The
same pattern was observed for evitable versus inevitable harmful outcomes.
However, there was no clear effect of whether the harm resulted from an agent's
action versus from having omitted to act. We discuss limitations of our prompt
generation pipeline and opportunities for improving scenarios to increase the
strength of experimental effects. | cs.CL | Procedural Dilemma Generation for Evaluating Moral Reasoning in Humans and Language Models |
2024-04-16T23:56:38Z | http://arxiv.org/pdf/2404.10960v1 | http://arxiv.org/abs/2404.10960v1 | Christian Tomani, Kamalika Chaudhuri, Ivan Evtimov, Daniel Cremers, Mark Ibrahim | 2024-04-16T23:56:38Z | cs.CL, cs.AI | A major barrier towards the practical deployment of large language models
(LLMs) is their lack of reliability. Three situations where this is
particularly apparent are correctness, hallucinations when given unanswerable
questions, and safety. In all three cases, models should ideally abstain from
responding, much like humans, whose ability to understand uncertainty makes us
refrain from answering questions we don't know. Inspired by analogous
approaches in classification, this study explores the feasibility and efficacy
of abstaining while uncertain in the context of LLMs within the domain of
question-answering. We investigate two kinds of uncertainties, statistical
uncertainty metrics and a distinct verbalized measure, termed as In-Dialogue
Uncertainty (InDU). Using these uncertainty measures combined with models with
and without Reinforcement Learning with Human Feedback (RLHF), we show that in
all three situations, abstention based on the right kind of uncertainty measure
can boost the reliability of LLMs. By sacrificing only a few highly uncertain
samples we can improve correctness by 2% to 8%, avoid 50% hallucinations via
correctly identifying unanswerable questions and increase safety by 70% up to
99% with almost no additional computational overhead. | cs.CL | Uncertainty-Based Abstention in LLMs Improves Safety and Reduces Hallucinations |
2024-04-16T23:27:38Z | http://arxiv.org/pdf/2404.10952v1 | http://arxiv.org/abs/2404.10952v1 | Quan Shi, Michael Tang, Karthik Narasimhan, Shunyu Yao | 2024-04-16T23:27:38Z | cs.CL, cs.AI, cs.PL | Computing olympiads contain some of the most challenging problems for humans,
requiring complex algorithmic reasoning, puzzle solving, in addition to
generating efficient code. However, it has been understudied as a domain to
evaluate language models (LMs). In this paper, we introduce the USACO benchmark
with 307 problems from the USA Computing Olympiad, along with high-quality unit
tests, reference code, and official analyses for each problem. These resources
enable us to construct and test a range of LM inference methods for competitive
programming for the first time. We find GPT-4 only achieves a 8.7% pass@1
accuracy with zero-shot chain-of-thought prompting, and our best inference
method improves it to 20.2% using a combination of self-reflection and
retrieval over episodic knowledge. However, this is far from solving the
benchmark. To better understand the remaining challenges, we design a novel
human-in-the-loop study and surprisingly find that a small number of targeted
hints enable GPT-4 to solve 13 out of 15 problems previously unsolvable by any
model and method. Our benchmark, baseline methods, quantitative results, and
qualitative analysis serve as an initial step toward LMs with grounded,
creative, and algorithmic reasoning. | cs.CL | Can Language Models Solve Olympiad Programming? |
2024-04-16T22:43:48Z | http://arxiv.org/pdf/2404.10939v1 | http://arxiv.org/abs/2404.10939v1 | David Samuel, Lucas Georges Gabriel Charpentier, Sondre Wold | 2024-04-16T22:43:48Z | cs.CL | Retrieval-augmented language models pose a promising alternative to standard
language modeling. During pretraining, these models search in a corpus of
documents for contextually relevant information that could aid the language
modeling objective. We introduce an 'ideal retrieval' methodology to study
these models in a fully controllable setting. We conduct an extensive
evaluation to examine how retrieval augmentation affects the behavior of the
underlying language model. Among other things, we observe that these models: i)
save substantially less world knowledge in their weights, ii) are better at
understanding local context and inter-word dependencies, but iii) are worse at
comprehending global context. | cs.CL | More Room for Language: Investigating the Effect of Retrieval on Language Models |
2024-04-16T22:12:36Z | http://arxiv.org/pdf/2404.10934v1 | http://arxiv.org/abs/2404.10934v1 | J. Pablo Muñoz, Jinjie Yuan, Nilesh Jain | 2024-04-16T22:12:36Z | cs.LG, cs.AI, cs.CL | Recently, several approaches successfully demonstrated that weight-sharing
Neural Architecture Search (NAS) can effectively explore a search space of
elastic low-rank adapters (LoRA), allowing the parameter-efficient fine-tuning
(PEFT) and compression of large language models. In this paper, we introduce a
novel approach called Shears, demonstrating how the integration of
cost-effective sparsity and a proposed Neural Low-rank adapter Search (NLS)
algorithm can further improve the efficiency of PEFT approaches. Results
demonstrate the benefits of Shears compared to other methods, reaching high
sparsity levels while improving or with little drop in accuracy, utilizing a
single GPU for a pair of hours. | cs.LG | Shears: Unstructured Sparsity with Neural Low-rank Adapter Search |
2024-04-16T22:11:35Z | http://arxiv.org/pdf/2404.10933v1 | http://arxiv.org/abs/2404.10933v1 | Taeho Kim, Yanming Wang, Vatshank Chaturvedi, Lokesh Gupta, Seyeon Kim, Yongin Kwon, Sangtae Ha | 2024-04-16T22:11:35Z | cs.AI, cs.CL, cs.LG | Fine-tuning pre-trained large language models (LLMs) with limited hardware
presents challenges due to GPU memory constraints. Various distributed
fine-tuning methods have been proposed to alleviate memory constraints on GPU.
However, determining the most effective method for achieving rapid fine-tuning
while preventing GPU out-of-memory issues in a given environment remains
unclear. To address this challenge, we introduce LLMem, a solution that
estimates the GPU memory consumption when applying distributed fine-tuning
methods across multiple GPUs and identifies the optimal method. We conduct GPU
memory usage estimation prior to fine-tuning, leveraging the fundamental
structure of transformer-based decoder models and the memory usage distribution
of each method. Experimental results show that LLMem accurately estimates peak
GPU memory usage on a single GPU, with error rates of up to 1.6%. Additionally,
it shows an average error rate of 3.0% when applying distributed fine-tuning
methods to LLMs with more than a billion parameters on multi-GPU setups. | cs.AI | LLMem: Estimating GPU Memory Usage for Fine-Tuning Pre-Trained LLMs |
2024-04-16T21:52:55Z | http://arxiv.org/pdf/2404.10924v1 | http://arxiv.org/abs/2404.10924v1 | Croix Gyurek, Niloy Talukder, Mohammad Al Hasan | 2024-04-16T21:52:55Z | cs.CL, cs.AI | For natural language understanding and generation, embedding concepts using
an order-based representation is an essential task. Unlike traditional point
vector based representation, an order-based representation imposes geometric
constraints on the representation vectors for explicitly capturing various
semantic relationships that may exist between a pair of concepts. In existing
literature, several approaches on order-based embedding have been proposed,
mostly focusing on capturing hierarchical relationships; examples include
vectors in Euclidean space, complex, Hyperbolic, order, and Box Embedding. Box
embedding creates region-based rich representation of concepts, but along the
process it sacrifices simplicity, requiring a custom-made optimization scheme
for learning the representation. Hyperbolic embedding improves embedding
quality by exploiting the ever-expanding property of Hyperbolic space, but it
also suffers from the same fate as box embedding as gradient descent like
optimization is not simple in the Hyperbolic space. In this work, we propose
Binder, a novel approach for order-based representation. Binder uses binary
vectors for embedding, so the embedding vectors are compact with an order of
magnitude smaller footprint than other methods. Binder uses a simple and
efficient optimization scheme for learning representation vectors with a linear
time complexity. Our comprehensive experimental results show that Binder is
very accurate, yielding competitive results on the representation task. But
Binder stands out from its competitors on the transitive closure link
prediction task as it can learn concept embeddings just from the direct edges,
whereas all existing order-based approaches rely on the indirect edges. | cs.CL | Binder: Hierarchical Concept Representation through Order Embedding of Binary Vectors |
2024-04-16T21:45:59Z | http://arxiv.org/pdf/2404.10922v1 | http://arxiv.org/abs/2404.10922v1 | Pavel Denisov, Ngoc Thang Vu | 2024-04-16T21:45:59Z | cs.CL, cs.SD, eess.AS | Recent advancements in language modeling have led to the emergence of Large
Language Models (LLMs) capable of various natural language processing tasks.
Despite their success in text-based tasks, applying LLMs to the speech domain
remains limited and challenging. This paper presents BLOOMZMMS, a novel model
that integrates a multilingual LLM with a multilingual speech encoder, aiming
to harness the capabilities of LLMs for speech recognition and beyond.
Utilizing a multi-instructional training approach, we demonstrate the
transferability of linguistic knowledge from the text to the speech modality.
Our experiments, conducted on 1900 hours of transcribed data from 139
languages, establish that a multilingual speech representation can be
effectively learned and aligned with a multilingual LLM. While this learned
representation initially shows limitations in task generalization, we address
this issue by generating synthetic targets in a multi-instructional style. Our
zero-shot evaluation results confirm the robustness of our approach across
multiple tasks, including speech translation and multilingual spoken language
understanding, thereby opening new avenues for applying LLMs in the speech
domain. | cs.CL | Teaching a Multilingual Large Language Model to Understand Multilingual Speech via Multi-Instructional Training |
2024-04-16T21:33:05Z | http://arxiv.org/pdf/2404.10917v1 | http://arxiv.org/abs/2404.10917v1 | Yating Wu, Ritika Mangla, Alexandros G. Dimakis, Greg Durrett, Junyi Jessy Li | 2024-04-16T21:33:05Z | cs.CL | Inquisitive questions -- open-ended, curiosity-driven questions people ask as
they read -- are an integral part of discourse processing (Kehler and Rohde,
2017; Onea, 2016) and comprehension (Prince, 2004). Recent work in NLP has
taken advantage of question generation capabilities of LLMs to enhance a wide
range of applications. But the space of inquisitive questions is vast: many
questions can be evoked from a given context. So which of those should be
prioritized to find answers? Linguistic theories, unfortunately, have not yet
provided an answer to this question. This paper presents QSALIENCE, a salience
predictor of inquisitive questions. QSALIENCE is instruction-tuned over our
dataset of linguist-annotated salience scores of 1,766 (context, question)
pairs. A question scores high on salience if answering it would greatly enhance
the understanding of the text (Van Rooy, 2003). We show that highly salient
questions are empirically more likely to be answered in the same article,
bridging potential questions (Onea, 2016) with Questions Under Discussion
(Roberts, 2012). We further validate our findings by showing that answering
salient questions is an indicator of summarization quality in news. | cs.CL | Which questions should I answer? Salience Prediction of Inquisitive Questions |
2024-04-16T20:15:32Z | http://arxiv.org/pdf/2404.10887v1 | http://arxiv.org/abs/2404.10887v1 | Moghis Fereidouni, A. B. Siddique | 2024-04-16T20:15:32Z | cs.CL | Traditional search systems focus on query formulation for effective results
but face challenges in scenarios such as product searches where crucial product
details (e.g., size, color) remain concealed until users visit specific product
pages. This highlights the need for intelligent web navigation agents capable
of formulating queries and navigating web pages according to users' high-level
intents. In response to this need, this work introduces a Grounded Language
Agent for Intelligent Web Interactions, called GLAINTEL. Drawing upon
advancements in language modeling and reinforcement learning, GLAINTEL
investigates the efficacy of transformer-based models in enhancing the search
capabilities of interactive web environments. Given the dynamic action space
for each state in web navigation, GLAINTEL employs the Flan-T5 architecture and
incorporates language modeling and value estimation heads. This work focuses on
training smaller language models as agents across various scenarios,
systematically evaluating the impact of human demonstrations on the training
process. Specifically, we investigate scenarios where no human demonstrations
are available and subsequently assess the effective utilization of such
demonstrations. We also explore unsupervised domain adaptation for situations
where demonstrations are confined to a specific domain. Experimental
evaluations across diverse setups demonstrate the effectiveness of training
agents in unsupervised settings, outperforming in-context learning-based
approaches that employ larger models with up to 540 billion parameters.
Surprisingly, behavioral cloning-based methods that straightforwardly use human
demonstrations do not outperform unsupervised learning-based methods.
Additionally, combining human demonstrations with Reinforcement Learning-based
training yields results comparable to models utilizing GPT-4. | cs.CL | Search Beyond Queries: Training Smaller Language Models for Web Interactions via Reinforcement Learning |
2024-04-16T19:53:35Z | http://arxiv.org/pdf/2404.10877v2 | http://arxiv.org/abs/2404.10877v2 | Letian Peng, Jingbo Shang | 2024-05-20T07:42:53Z | cs.CL | In this paper, we aim to generate text classification data given arbitrary
class definitions (i.e., user instruction), so one can train a small text
classifier without any human annotation or raw corpus. Compared with pioneer
attempts, our proposed Incubator is the first framework that can handle
complicated and even mutually dependent classes (e.g., "TED Talk given by
Educator" and "Other"). Specifically, Incubator is an LLM firstly tuned on the
instruction-to-data mappings that we obtained from classification datasets and
descriptions on HuggingFace together with in-context augmentation by GPT-4. We
then refine Incubator by learning on the cluster centers of semantic textual
embeddings to emphasize the uniformity and semantic diversity in generations.
We compare Incubator on various classification tasks with strong baselines such
as direct LLM-based inference and training data generation by prompt
engineering. Experiments show Incubator is able to (1) perform well on
traditional benchmarks, (2) take label dependency and user preference into
consideration, and (3) enable logical text mining by incubating multiple
classifiers. | cs.CL | Incubating Text Classifiers Following User Instruction with Nothing but LLM |
2024-04-16T19:17:23Z | http://arxiv.org/pdf/2404.10859v1 | http://arxiv.org/abs/2404.10859v1 | Yiming Zhang, Avi Schwarzschild, Nicholas Carlini, Zico Kolter, Daphne Ippolito | 2024-04-16T19:17:23Z | cs.CL, cs.LG | Despite being trained specifically to follow user instructions, today's
language models perform poorly when instructed to produce random outputs. For
example, when prompted to pick a number uniformly between one and ten
Llama-2-13B-chat disproportionately favors the number five, and when tasked
with picking a first name at random, Mistral-7B-Instruct chooses Avery 40 times
more often than we would expect based on the U.S. population. When these
language models are used for real-world tasks where diversity of outputs is
crucial, such as language model assisted dataset construction, their inability
to produce diffuse distributions over valid choices is a major hurdle. In this
work, we propose a fine-tuning method that encourages language models to output
distributions that are diffuse over valid outcomes. The methods we introduce
generalize across a variety of tasks and distributions and make large language
models practical for synthetic dataset generation with little human
intervention. | cs.CL | Forcing Diffuse Distributions out of Language Models |
2024-04-16T19:12:03Z | http://arxiv.org/pdf/2404.10857v1 | http://arxiv.org/abs/2404.10857v1 | Aida Mostafazadeh Davani, Mark Díaz, Dylan Baker, Vinodkumar Prabhakaran | 2024-04-16T19:12:03Z | cs.CL | While human annotations play a crucial role in language technologies,
annotator subjectivity has long been overlooked in data collection. Recent
studies that have critically examined this issue are often situated in the
Western context, and solely document differences across age, gender, or racial
groups. As a result, NLP research on subjectivity have overlooked the fact that
individuals within demographic groups may hold diverse values, which can
influence their perceptions beyond their group norms. To effectively
incorporate these considerations into NLP pipelines, we need datasets with
extensive parallel annotations from various social and cultural groups. In this
paper we introduce the \dataset dataset: a large-scale cross-cultural dataset
of parallel annotations for offensive language in over 4.5K sentences annotated
by a pool of over 4k annotators, balanced across gender and age, from across 21
countries, representing eight geo-cultural regions. The dataset contains
annotators' moral values captured along six moral foundations: care, equality,
proportionality, authority, loyalty, and purity. Our analyses reveal
substantial regional variations in annotators' perceptions that are shaped by
individual moral values, offering crucial insights for building pluralistic,
culturally sensitive NLP models. | cs.CL | D3CODE: Disentangling Disagreements in Data across Cultures on Offensiveness Detection and Evaluation |
2024-04-16T18:50:57Z | http://arxiv.org/pdf/2404.10848v1 | http://arxiv.org/abs/2404.10848v1 | Wiam Adnan, Joel Tang, Yassine Bel Khayat Zouggari, Seif Edinne Laatiri, Laurent Lam, Fabien Caspani | 2024-04-16T18:50:57Z | cs.CL, cs.AI, cs.LG | Document Understanding is an evolving field in Natural Language Processing
(NLP). In particular, visual and spatial features are essential in addition to
the raw text itself and hence, several multimodal models were developed in the
field of Visual Document Understanding (VDU). However, while research is mainly
focused on Key Information Extraction (KIE), Relation Extraction (RE) between
identified entities is still under-studied. For instance, RE is crucial to
regroup entities or obtain a comprehensive hierarchy of data in a document. In
this paper, we present a model that, initialized from LayoutLMv3, can match or
outperform the current state-of-the-art results in RE applied to Visually-Rich
Documents (VRD) on FUNSD and CORD datasets, without any specific pre-training
and with fewer parameters. We also report an extensive ablation study performed
on FUNSD, highlighting the great impact of certain features and modelization
choices on the performances. | cs.CL | A LayoutLMv3-Based Model for Enhanced Relation Extraction in Visually-Rich Documents |
2024-04-16T18:22:49Z | http://arxiv.org/pdf/2404.10838v1 | http://arxiv.org/abs/2404.10838v1 | Zhengyang Liang, Meiyu Liang, Wei Huang, Yawen Li, Zhe Xue | 2024-04-16T18:22:49Z | cs.CV, cs.CL, cs.MM | In recent years, pre-trained multimodal large models have attracted
widespread attention due to their outstanding performance in various multimodal
applications. Nonetheless, the extensive computational resources and vast
datasets required for their training present significant hurdles for deployment
in environments with limited computational resources. To address this
challenge, we propose a novel dynamic self-adaptive multiscale distillation
from pre-trained multimodal large model for efficient cross-modal
representation learning for the first time. Unlike existing distillation
methods, our strategy employs a multiscale perspective, enabling the extraction
structural knowledge across from the pre-trained multimodal large model.
Ensuring that the student model inherits a comprehensive and nuanced
understanding of the teacher knowledge. To optimize each distillation loss in a
balanced and efficient manner, we propose a dynamic self-adaptive distillation
loss balancer, a novel component eliminating the need for manual loss weight
adjustments and dynamically balances each loss item during the distillation
process. Our methodology streamlines pre-trained multimodal large models using
only their output features and original image-level information, requiring
minimal computational resources. This efficient approach is suited for various
applications and allows the deployment of advanced multimodal technologies even
in resource-limited settings. Extensive experiments has demonstrated that our
method maintains high performance while significantly reducing model complexity
and training costs. Moreover, our distilled student model utilizes only
image-level information to achieve state-of-the-art performance on cross-modal
retrieval tasks, surpassing previous methods that relied on region-level
information. | cs.CV | Dynamic Self-adaptive Multiscale Distillation from Pre-trained Multimodal Large Model for Efficient Cross-modal Representation Learning |
2024-04-16T18:08:29Z | http://arxiv.org/pdf/2404.10830v2 | http://arxiv.org/abs/2404.10830v2 | Hantian Ding, Zijian Wang, Giovanni Paolini, Varun Kumar, Anoop Deoras, Dan Roth, Stefano Soatto | 2024-05-02T17:10:44Z | cs.CL, cs.AI, cs.LG | In large language model training, input documents are typically concatenated
together and then split into sequences of equal length to avoid padding tokens.
Despite its efficiency, the concatenation approach compromises data integrity
-- it inevitably breaks many documents into incomplete pieces, leading to
excessive truncations that hinder the model from learning to compose logically
coherent and factually consistent content that is grounded on the complete
context. To address the issue, we propose Best-fit Packing, a scalable and
efficient method that packs documents into training sequences through
length-aware combinatorial optimization. Our method completely eliminates
unnecessary truncations while retaining the same training efficiency as
concatenation. Empirical results from both text and code pre-training show that
our method achieves superior performance (e.g., relatively +4.7% on reading
comprehension; +16.8% in context following; and +9.2% on program synthesis),
and reduces closed-domain hallucination effectively by up to 58.3%. | cs.CL | Fewer Truncations Improve Language Modeling |
2024-04-16T17:59:10Z | http://arxiv.org/pdf/2404.10774v1 | http://arxiv.org/abs/2404.10774v1 | Liyan Tang, Philippe Laban, Greg Durrett | 2024-04-16T17:59:10Z | cs.CL, cs.AI | Recognizing if LLM output can be grounded in evidence is central to many
tasks in NLP: retrieval-augmented generation, summarization, document-grounded
dialogue, and more. Current approaches to this kind of "fact-checking" are
based on verifying each piece of a model generation against potential evidence
using an LLM. However, this process can be very computationally expensive,
requiring many calls to LLMs to check a single response. In this work, we show
how to build small models that have GPT-4-level performance but for 400x lower
cost. We do this by constructing synthetic training data with GPT-4, which
involves creating realistic yet challenging instances of factual errors via a
structured generation procedure. Training on this data teaches models to check
each fact in the claim and recognize synthesis of information across sentences.
For evaluation, we unify pre-existing datasets into a benchmark LLM-AggreFact,
collected from recent work on fact-checking and grounding LLM generations. Our
best system MiniCheck-FT5 (770M parameters) outperforms all systems of
comparable size and reaches GPT-4 accuracy. We release LLM-AggreFact, code for
data synthesis, and models. | cs.CL | MiniCheck: Efficient Fact-Checking of LLMs on Grounding Documents |
2024-04-16T17:47:16Z | http://arxiv.org/pdf/2404.10763v1 | http://arxiv.org/abs/2404.10763v1 | Yuchi Wang, Shuhuai Ren, Rundong Gao, Linli Yao, Qingyan Guo, Kaikai An, Jianhong Bai, Xu Sun | 2024-04-16T17:47:16Z | cs.AI, cs.CL, cs.CV | Diffusion models have exhibited remarkable capabilities in text-to-image
generation. However, their performance in image-to-text generation,
specifically image captioning, has lagged behind Auto-Regressive (AR) models,
casting doubt on their applicability for such tasks. In this work, we revisit
diffusion models, highlighting their capacity for holistic context modeling and
parallel decoding. With these benefits, diffusion models can alleviate the
inherent limitations of AR methods, including their slow inference speed, error
propagation, and unidirectional constraints. Furthermore, we identify the prior
underperformance of diffusion models stemming from the absence of an effective
latent space for image-text alignment, and the discrepancy between continuous
diffusion processes and discrete textual data. In response, we introduce a
novel architecture, LaDiC, which utilizes a split BERT to create a dedicated
latent space for captions and integrates a regularization module to manage
varying text lengths. Our framework also includes a diffuser for semantic
image-to-text conversion and a Back&Refine technique to enhance token
interactivity during inference. LaDiC achieves state-of-the-art performance for
diffusion-based methods on the MS COCO dataset with 38.2 BLEU@4 and 126.2
CIDEr, demonstrating exceptional performance without pre-training or ancillary
modules. This indicates strong competitiveness with AR models, revealing the
previously untapped potential of diffusion models in image-to-text generation. | cs.AI | LaDiC: Are Diffusion Models Really Inferior to Autoregressive Counterparts for Image-to-Text Generation? |
2024-04-16T17:35:25Z | http://arxiv.org/pdf/2404.10757v1 | http://arxiv.org/abs/2404.10757v1 | Yu-Yang Li, Yu Bai, Cunshi Wang, Mengwei Qu, Ziteng Lu, Roberto Soria, Jifeng Liu | 2024-04-16T17:35:25Z | astro-ph.IM, astro-ph.SR, cs.CL, cs.LG | Light curves serve as a valuable source of information on stellar formation
and evolution. With the rapid advancement of machine learning techniques, it
can be effectively processed to extract astronomical patterns and information.
In this study, we present a comprehensive evaluation of deep-learning and large
language model (LLM) based models for the automatic classification of variable
star light curves, based on large datasets from the Kepler and K2 missions.
Special emphasis is placed on Cepheids, RR Lyrae, and eclipsing binaries,
examining the influence of observational cadence and phase distribution on
classification precision. Employing AutoDL optimization, we achieve striking
performance with the 1D-Convolution+BiLSTM architecture and the Swin
Transformer, hitting accuracies of 94\% and 99\% correspondingly, with the
latter demonstrating a notable 83\% accuracy in discerning the elusive Type II
Cepheids-comprising merely 0.02\% of the total dataset.We unveil StarWhisper
LightCurve (LC), an innovative Series comprising three LLM-based models: LLM,
multimodal large language model (MLLM), and Large Audio Language Model (LALM).
Each model is fine-tuned with strategic prompt engineering and customized
training methods to explore the emergent abilities of these models for
astronomical data. Remarkably, StarWhisper LC Series exhibit high accuracies
around 90\%, significantly reducing the need for explicit feature engineering,
thereby paving the way for streamlined parallel data processing and the
progression of multifaceted multimodal models in astronomical applications. The
study furnishes two detailed catalogs illustrating the impacts of phase and
sampling intervals on deep learning classification accuracy, showing that a
substantial decrease of up to 14\% in observation duration and 21\% in sampling
points can be realized without compromising accuracy by more than 10\%. | astro-ph.IM | Deep Learning and LLM-based Methods Applied to Stellar Lightcurve Classification |
2024-04-16T16:51:53Z | http://arxiv.org/pdf/2404.10719v2 | http://arxiv.org/abs/2404.10719v2 | Shusheng Xu, Wei Fu, Jiaxuan Gao, Wenjie Ye, Weilin Liu, Zhiyu Mei, Guangju Wang, Chao Yu, Yi Wu | 2024-04-21T11:58:54Z | cs.CL | Reinforcement Learning from Human Feedback (RLHF) is currently the most
widely used method to align large language models (LLMs) with human
preferences. Existing RLHF methods can be roughly categorized as either
reward-based or reward-free. Novel applications such as ChatGPT and Claude
leverage reward-based methods that first learn a reward model and apply
actor-critic algorithms, such as Proximal Policy Optimization (PPO). However,
in academic benchmarks, state-of-the-art results are often achieved via
reward-free methods, such as Direct Preference Optimization (DPO). Is DPO truly
superior to PPO? Why does PPO perform poorly on these benchmarks? In this
paper, we first conduct both theoretical and empirical studies on the
algorithmic properties of DPO and show that DPO may have fundamental
limitations. Moreover, we also comprehensively examine PPO and reveal the key
factors for the best performances of PPO in fine-tuning LLMs. Finally, we
benchmark DPO and PPO across a collection of RLHF testbeds, ranging from
dialogue to code generation. Experiment results demonstrate that PPO is able to
surpass other alignment methods in all cases and achieve state-of-the-art
results in challenging code competitions. | cs.CL | Is DPO Superior to PPO for LLM Alignment? A Comprehensive Study |
2024-04-16T16:36:50Z | http://arxiv.org/pdf/2404.10710v2 | http://arxiv.org/abs/2404.10710v2 | Yekun Chai, Qingyi Liu, Jingwu Xiao, Shuohuan Wang, Yu Sun, Hua Wu | 2024-04-17T08:44:30Z | cs.CL, cs.CV | Harnessing visual texts represents a burgeoning frontier in the evolution of
language modeling. In this paper, we introduce a novel pre-training framework
for a suite of pixel-based autoregressive language models, pre-training on a
corpus of over 400 million documents rendered as RGB images. Our approach is
characterized by a dual-modality training regimen, engaging both visual data
through next patch prediction with a regression head and textual data via next
token prediction with a classification head. This study is particularly focused
on investigating the synergistic interplay between visual and textual
modalities of language. Our comprehensive evaluation across a diverse array of
benchmarks reveals that the confluence of visual and textual data substantially
augments the efficacy of pixel-based language models. Notably, our findings
show that a unidirectional pixel-based model, devoid of textual data during
training, can match the performance levels of advanced bidirectional
pixel-based models on various language understanding benchmarks. This work
highlights the considerable untapped potential of integrating visual and
textual information for language modeling purposes. We will release our code,
data, and checkpoints to inspire further research advancement. | cs.CL | Dual Modalities of Text: Visual and Textual Generative Pre-training |
2024-04-16T16:30:27Z | http://arxiv.org/pdf/2404.10706v1 | http://arxiv.org/abs/2404.10706v1 | H. Laurie Jones, Brian C. Keegan | 2024-04-16T16:30:27Z | cs.CY, cs.CL, cs.HC, cs.SI | The Arab Spring was a historic set of protests beginning in 2011 that toppled
governments and led to major conflicts. Collective memories of events like
these can vary significantly across social contexts in response to political,
cultural, and linguistic factors. While Wikipedia plays an important role in
documenting both historic and current events, little attention has been given
to how Wikipedia articles, created in the aftermath of major events, continue
to evolve over years or decades. Using the archived content of Arab
Spring-related topics across the Arabic and English Wikipedias between 2011 and
2024, we define and evaluate multilingual measures of event salience,
deliberation, contextualization, and consolidation of collective memory
surrounding the Arab Spring. Our findings about the temporal evolution of the
Wikipedia articles' content similarity across languages has implications for
theorizing about online collective memory processes and evaluating linguistic
models trained on these data. | cs.CY | Cross-Language Evolution of Divergent Collective Memory Around the Arab Spring |
2024-04-16T16:23:10Z | http://arxiv.org/pdf/2404.10704v1 | http://arxiv.org/abs/2404.10704v1 | Vatsal Raina, Mark Gales | 2024-04-16T16:23:10Z | cs.CL, cs.AI | Multiple-choice (MC) tests are an efficient method to assess English
learners. It is useful for test creators to rank candidate MC questions by
difficulty during exam curation. Typically, the difficulty is determined by
having human test takers trial the questions in a pretesting stage. However,
this is expensive and not scalable. Therefore, we explore automated approaches
to rank MC questions by difficulty. However, there is limited data for explicit
training of a system for difficulty scores. Hence, we compare task transfer and
zero-shot approaches: task transfer adapts level classification and reading
comprehension systems for difficulty ranking while zero-shot prompting of
instruction finetuned language models contrasts absolute assessment against
comparative. It is found that level classification transfers better than
reading comprehension. Additionally, zero-shot comparative assessment is more
effective at difficulty ranking than the absolute assessment and even the task
transfer approaches at question difficulty ranking with a Spearman's
correlation of 40.4%. Combining the systems is observed to further boost the
correlation. | cs.CL | Question Difficulty Ranking for Multiple-Choice Reading Comprehension |
2024-04-16T16:15:19Z | http://arxiv.org/pdf/2404.10696v1 | http://arxiv.org/abs/2404.10696v1 | Pengcheng Lu, Massimo Poesio | 2024-04-16T16:15:19Z | cs.CL | Resolving coreference and bridging relations in chemical patents is important
for better understanding the precise chemical process, where chemical domain
knowledge is very critical. We proposed an approach incorporating external
knowledge into a multi-task learning model for both coreference and bridging
resolution in the chemical domain. The results show that integrating external
knowledge can benefit both chemical coreference and bridging resolution. | cs.CL | Integrating knowledge bases to improve coreference and bridging resolution for the chemical domain |
2024-04-16T15:28:30Z | http://arxiv.org/pdf/2404.10652v1 | http://arxiv.org/abs/2404.10652v1 | Quan Van Nguyen, Dan Quang Tran, Huy Quang Pham, Thang Kien-Bao Nguyen, Nghia Hieu Nguyen, Kiet Van Nguyen, Ngan Luu-Thuy Nguyen | 2024-04-16T15:28:30Z | cs.CL | Visual Question Answering (VQA) is a complicated task that requires the
capability of simultaneously processing natural language and images. Initially,
this task was researched, focusing on methods to help machines understand
objects and scene contexts in images. However, some text appearing in the image
that carries explicit information about the full content of the image is not
mentioned. Along with the continuous development of the AI era, there have been
many studies on the reading comprehension ability of VQA models in the world.
As a developing country, conditions are still limited, and this task is still
open in Vietnam. Therefore, we introduce the first large-scale dataset in
Vietnamese specializing in the ability to understand text appearing in images,
we call it ViTextVQA (\textbf{Vi}etnamese \textbf{Text}-based \textbf{V}isual
\textbf{Q}uestion \textbf{A}nswering dataset) which contains \textbf{over
16,000} images and \textbf{over 50,000} questions with answers. Through
meticulous experiments with various state-of-the-art models, we uncover the
significance of the order in which tokens in OCR text are processed and
selected to formulate answers. This finding helped us significantly improve the
performance of the baseline models on the ViTextVQA dataset. Our dataset is
available at this
\href{https://github.com/minhquan6203/ViTextVQA-Dataset}{link} for research
purposes. | cs.CL | ViTextVQA: A Large-Scale Visual Question Answering Dataset for Evaluating Vietnamese Text Comprehension in Images |
2024-04-16T15:16:22Z | http://arxiv.org/pdf/2404.10642v2 | http://arxiv.org/abs/2404.10642v2 | Pengyu Cheng, Tianhao Hu, Han Xu, Zhisong Zhang, Yong Dai, Lei Han, Nan Du | 2024-05-23T06:38:15Z | cs.CL, cs.LG | We explore the self-play training procedure of large language models (LLMs)
in a two-player adversarial language game called Adversarial Taboo. In this
game, an attacker and a defender communicate around a target word only visible
to the attacker. The attacker aims to induce the defender to speak the target
word unconsciously, while the defender tries to infer the target word from the
attacker's utterances. To win the game, both players should have sufficient
knowledge about the target word and high-level reasoning ability to infer and
express in this information-reserved conversation. Hence, we are curious about
whether LLMs' reasoning ability can be further enhanced by self-play in this
adversarial language game (SPAG). With this goal, we select several open-source
LLMs and let each act as the attacker and play with a copy of itself as the
defender on an extensive range of target words. Through reinforcement learning
on the game outcomes, we observe that the LLMs' performances uniformly improve
on a broad range of reasoning benchmarks. Furthermore, iteratively adopting
this self-play process can continuously promote LLMs' reasoning abilities. The
code is at https://github.com/Linear95/SPAG. | cs.CL | Self-playing Adversarial Language Game Enhances LLM Reasoning |
2024-04-16T15:02:46Z | http://arxiv.org/pdf/2404.10630v1 | http://arxiv.org/abs/2404.10630v1 | Haozheng Fan, Hao Zhou, Guangtai Huang, Parameswaran Raman, Xinwei Fu, Gaurav Gupta, Dhananjay Ram, Yida Wang, Jun Huan | 2024-04-16T15:02:46Z | cs.CL, cs.LG | Getting large language models (LLMs) to perform well on the downstream tasks
requires pre-training over trillions of tokens. This typically demands a large
number of powerful computational devices in addition to a stable distributed
training framework to accelerate the training. The growing number of
applications leveraging AI/ML had led to a scarcity of the expensive
conventional accelerators (such as GPUs), which begs the need for the
alternative specialized-accelerators that are scalable and cost-efficient. AWS
Trainium is the second-generation machine learning accelerator that has been
purposely built for training large deep learning models. Its corresponding
instance, Amazon EC2 trn1, is an alternative to GPU instances for LLM training.
However, training LLMs with billions of parameters on trn1 is challenging due
to its relatively nascent software ecosystem. In this paper, we showcase HLAT:
a 7 billion parameter decoder-only LLM pre-trained using trn1 instances over
1.8 trillion tokens. The performance of HLAT is benchmarked against popular
open source baseline models including LLaMA and OpenLLaMA, which have been
trained on NVIDIA GPUs and Google TPUs, respectively. On various evaluation
tasks, we show that HLAT achieves model quality on par with the baselines. We
also share the best practice of using the Neuron Distributed Training Library
(NDTL), a customized distributed training library for AWS Trainium to achieve
efficient training. Our work demonstrates that AWS Trainium powered by the NDTL
is able to successfully pre-train state-of-the-art LLM models with high
performance and cost-effectiveness. | cs.CL | HLAT: High-quality Large Language Model Pre-trained on AWS Trainium |
2024-04-16T14:04:46Z | http://arxiv.org/pdf/2404.10579v1 | http://arxiv.org/abs/2404.10579v1 | Keqin Li, Peng Xirui, Jintong Song, Bo Hong, Jin Wang | 2024-04-16T14:04:46Z | cs.AI, cs.CL | With the rapid advancement of technology, Augmented Reality (AR) technology,
known for its ability to deeply integrate virtual information with the real
world, is gradually transforming traditional work modes and teaching methods.
Particularly in the realms of remote work and online education, AR technology
demonstrates a broad spectrum of application prospects. This paper delves into
the application potential and actual effects of AR technology in remote work
and education. Through a systematic literature review, this study outlines the
key features, advantages, and challenges of AR technology. Based on theoretical
analysis, it discusses the scientific basis and technical support that AR
technology provides for enhancing remote work efficiency and promoting
innovation in educational teaching models. Additionally, by designing an
empirical research plan and analyzing experimental data, this article reveals
the specific performance and influencing factors of AR technology in practical
applications. Finally, based on the results of the experiments, this research
summarizes the application value of AR technology in remote work and education,
looks forward to its future development trends, and proposes forward-looking
research directions and strategic suggestions, offering empirical foundation
and theoretical guidance for further promoting the in-depth application of AR
technology in related fields. | cs.AI | The application of Augmented Reality (AR) in Remote Work and Education |
2024-04-16T13:26:32Z | http://arxiv.org/pdf/2404.10555v1 | http://arxiv.org/abs/2404.10555v1 | Masanori Hirano, Kentaro Imajo | 2024-04-16T13:26:32Z | cs.CL, q-fin.CP | Large language models (LLMs) are now widely used in various fields, including
finance. However, Japanese financial-specific LLMs have not been proposed yet.
Hence, this study aims to construct a Japanese financial-specific LLM through
continual pre-training. Before tuning, we constructed Japanese
financial-focused datasets for continual pre-training. As a base model, we
employed a Japanese LLM that achieved state-of-the-art performance on Japanese
financial benchmarks among the 10-billion-class parameter models. After
continual pre-training using the datasets and the base model, the tuned model
performed better than the original model on the Japanese financial benchmarks.
Moreover, the outputs comparison results reveal that the tuned model's outputs
tend to be better than the original model's outputs in terms of the quality and
length of the answers. These findings indicate that domain-specific continual
pre-training is also effective for LLMs. The tuned model is publicly available
on Hugging Face. | cs.CL | Construction of Domain-specified Japanese Large Language Model for Finance through Continual Pre-training |
2024-04-16T13:22:54Z | http://arxiv.org/pdf/2404.10552v1 | http://arxiv.org/abs/2404.10552v1 | Xiao Wang, Tianze Chen, Xianjun Yang, Qi Zhang, Xun Zhao, Dahua Lin | 2024-04-16T13:22:54Z | cs.CL, cs.AI | The open-sourcing of large language models (LLMs) accelerates application
development, innovation, and scientific progress. This includes both base
models, which are pre-trained on extensive datasets without alignment, and
aligned models, deliberately designed to align with ethical standards and human
values. Contrary to the prevalent assumption that the inherent
instruction-following limitations of base LLMs serve as a safeguard against
misuse, our investigation exposes a critical oversight in this belief. By
deploying carefully designed demonstrations, our research demonstrates that
base LLMs could effectively interpret and execute malicious instructions. To
systematically assess these risks, we introduce a novel set of risk evaluation
metrics. Empirical results reveal that the outputs from base LLMs can exhibit
risk levels on par with those of models fine-tuned for malicious purposes. This
vulnerability, requiring neither specialized knowledge nor training, can be
manipulated by almost anyone, highlighting the substantial risk and the
critical need for immediate attention to the base LLMs' security protocols. | cs.CL | Unveiling the Misuse Potential of Base Large Language Models via In-Context Learning |
2024-04-16T12:37:10Z | http://arxiv.org/pdf/2404.10513v1 | http://arxiv.org/abs/2404.10513v1 | Moshe Berchansky, Daniel Fleischer, Moshe Wasserblat, Peter Izsak | 2024-04-16T12:37:10Z | cs.CL, cs.AI, cs.LG | State-of-the-art performance in QA tasks is currently achieved by systems
employing Large Language Models (LLMs), however these models tend to
hallucinate information in their responses. One approach focuses on enhancing
the generation process by incorporating attribution from the given input to the
output. However, the challenge of identifying appropriate attributions and
verifying their accuracy against a source is a complex task that requires
significant improvements in assessing such systems. We introduce an
attribution-oriented Chain-of-Thought reasoning method to enhance the accuracy
of attributions. This approach focuses the reasoning process on generating an
attribution-centric output. Evaluations on two context-enhanced
question-answering datasets using GPT-4 demonstrate improved accuracy and
correctness of attributions. In addition, the combination of our method with
finetuning enhances the response and attribution accuracy of two smaller LLMs,
showing their potential to outperform GPT-4 in some cases. | cs.CL | CoTAR: Chain-of-Thought Attribution Reasoning with Multi-level Granularity |
2024-04-16T12:27:54Z | http://arxiv.org/pdf/2404.10508v3 | http://arxiv.org/abs/2404.10508v3 | Yixin Wan, Kai-Wei Chang | 2024-06-20T07:44:17Z | cs.CL, cs.AI, cs.CY | Language agency is an important aspect of evaluating social biases in texts.
While several studies approached agency-related bias in human-written language,
very limited research has investigated such biases in Large Language Model
(LLM)-generated content. In addition, previous research often relies on
string-matching techniques to identify agentic and communal words within texts,
which fall short of accurately classifying language agency. We introduce the
novel Language Agency Bias Evaluation (LABE) benchmark, which comprehensively
evaluates biases in LLMs by analyzing agency levels attributed to different
demographic groups in model generations. LABE leverages 5,400 template-based
prompts, an accurate agency classifier, and corresponding bias metrics to test
for gender, racial, and intersectional language agency biases in LLMs on 3 text
generation tasks: biographies, professor reviews, and reference letters. To
build better and more accurate automated agency classifiers, we also contribute
and release the Language Agency Classification (LAC) dataset, consisting of
3,724 agentic and communal sentences. Using LABE, we unveil previously
under-explored language agency social biases in 3 recent LLMs: ChatGPT, Llama3,
and Mistral. We observe that: (1) For the same text category, LLM generations
demonstrate higher levels of gender bias than human-written texts; (2) On most
generation tasks, models show remarkably higher levels of intersectional bias
than the other bias aspects. Those who are at the intersection of gender and
racial minority groups -- such as Black females -- are consistently described
by texts with lower levels of agency; (3) Among the 3 LLMs investigated, Llama3
demonstrates greatest overall bias in language agency; (4) Not only does
prompt-based mitigation fail to resolve language agency bias in LLMs, but it
frequently leads to the exacerbation of biases in generated texts. | cs.CL | White Men Lead, Black Women Help? Benchmarking Language Agency Social Biases in LLMs |
2024-04-16T12:20:49Z | http://arxiv.org/pdf/2404.10503v1 | http://arxiv.org/abs/2404.10503v1 | Yinan Chen | 2024-04-16T12:20:49Z | cs.CL, cs.AI | The field of natural language processing (NLP) has made significant progress
with the rapid development of deep learning technologies. One of the research
directions in text sentiment analysis is sentiment analysis of medical texts,
which holds great potential for application in clinical diagnosis. However, the
medical field currently lacks sufficient text datasets, and the effectiveness
of sentiment analysis is greatly impacted by different model design approaches,
which presents challenges. Therefore, this paper focuses on the medical domain,
using bidirectional encoder representations from transformers (BERT) as the
basic pre-trained model and experimenting with modules such as convolutional
neural network (CNN), fully connected network (FCN), and graph convolutional
networks (GCN) at the output layer. Experiments and analyses were conducted on
the METS-CoV dataset to explore the training performance after integrating
different deep learning networks. The results indicate that CNN models
outperform other networks when trained on smaller medical text datasets in
combination with pre-trained models like BERT. This study highlights the
significance of model selection in achieving effective sentiment analysis in
the medical domain and provides a reference for future research to develop more
efficient model architectures. | cs.CL | A Sentiment Analysis of Medical Text Based on Deep Learning |
2024-04-16T12:19:54Z | http://arxiv.org/pdf/2404.10501v1 | http://arxiv.org/abs/2404.10501v1 | Ke Zhu, Liang Zhao, Zheng Ge, Xiangyu Zhang | 2024-04-16T12:19:54Z | cs.CV, cs.AI, cs.CL, cs.LG | This paper makes the first attempt towards unsupervised preference alignment
in Vision-Language Models (VLMs). We generate chosen and rejected responses
with regard to the original and augmented image pairs, and conduct preference
alignment with direct preference optimization. It is based on a core idea:
properly designed augmentation to the image input will induce VLM to generate
false but hard negative responses, which helps the model to learn from and
produce more robust and powerful answers. The whole pipeline no longer hinges
on supervision from GPT4 or human involvement during alignment, and is highly
efficient with few lines of code. With only 8k randomly sampled unsupervised
data, it achieves 90\% relative score to GPT-4 on complex reasoning in
LLaVA-Bench, and improves LLaVA-7B/13B by 6.7\%/5.6\% score on complex
multi-modal benchmark MM-Vet. Visualizations shows its improved ability to
align with user-intentions. A series of ablations are firmly conducted to
reveal the latent mechanism of the approach, which also indicates its potential
towards further scaling. Code will be available. | cs.CV | Self-Supervised Visual Preference Alignment |
2024-04-16T12:19:08Z | http://arxiv.org/pdf/2404.10500v1 | http://arxiv.org/abs/2404.10500v1 | Chenggian Ma, Xiangyu Zhao, Chunhui Zhang, Yanzhao Qin, Wentao Zhang | 2024-04-16T12:19:08Z | cs.CL, cs.AI, 68T20, I.2.7 | With the development of Large Language Models (LLM), numerous prompts have
been proposed, each with a rich set of features and their own merits. This
paper summarizes the prompt words for large language models (LLMs),
categorizing them into stimulating and framework types, and proposes an
Auto-Prompt Graphical Paradigm(APGP) that combines both stimulating and
framework prompts to enhance the problem-solving capabilities of LLMs across
multiple domains, then exemplifies it with a framework that adheres to this
paradigm. The framework involves automated prompt generation and consideration
of emotion-stimulus factors, guiding LLMs in problem abstraction, diversified
solutions generation, comprehensive optimization, and self-verification after
providing answers, ensuring solution accuracy. Compared to traditional stimuli
and framework prompts, this framework integrates the advantages of both by
adopting automated approaches inspired by APE work, overcoming the limitations
of manually designed prompts. Test results on the ruozhiba and BBH datasets
demonstrate that this framework can effectively improve the efficiency and
accuracy of LLMs in problem-solving, paving the way for new applications of
LLMs. | cs.CL | When Emotional Stimuli meet Prompt Designing: An Auto-Prompt Graphical Paradigm |
2024-04-16T11:33:36Z | http://arxiv.org/pdf/2404.10475v1 | http://arxiv.org/abs/2404.10475v1 | Donya Rooein, Dirk Hovy | 2024-04-16T11:33:36Z | cs.CL | Open conversations are one of the most engaging forms of teaching. However,
creating those conversations in educational software is a complex endeavor,
especially if we want to address the needs of different audiences. While
language models hold great promise for educational applications, there are
substantial challenges in training them to engage in meaningful and effective
conversational teaching, especially when considering the diverse needs of
various audiences. No official data sets exist for this task to facilitate the
training of language models for conversational teaching, considering the
diverse needs of various audiences. This paper presents a novel source for
facilitating conversational teaching of scientific concepts at various
difficulty levels (from preschooler to expert), namely dialogues taken from
video transcripts. We analyse this data source in various ways to show that it
offers a diverse array of examples that can be used to generate contextually
appropriate and natural responses to scientific topics for specific target
audiences. It is a freely available valuable resource for training and
evaluating conversation models, encompassing organically occurring dialogues.
While the raw data is available online, we provide additional metadata for
conversational analysis of dialogues at each level in all available videos. | cs.CL | Conversations as a Source for Teaching Scientific Concepts at Different Education Levels |
2024-04-16T11:07:48Z | http://arxiv.org/pdf/2404.10464v2 | http://arxiv.org/abs/2404.10464v2 | Yu Li, Zhihua Wei, Han Jiang, Chuanyang Gong | 2024-04-23T07:46:54Z | cs.CL, cs.AI | Despite the remarkable achievements of language models (LMs) across a broad
spectrum of tasks, their propensity for generating toxic outputs remains a
prevalent concern. Current solutions involving fine-tuning or auxiliary models
usually require extensive memory and computational resources, rendering them
less practical for deployment in large language models (LLMs). In this paper,
we propose DeStein, a novel method that detoxififies LMs by altering their
internal representations in the activation space with lower resource and time
cost. Specifically, we leverage self-induced steering pairs to identify
detoxification vectors through arithmetic operations in the activation space.
During inference, detoxification is achieved by blending the detoxification
vectors with the original representations. Empirical results demonstrate that
our method significantly outperforms previous state-of-the-art approaches on
popular detoxification metrics, while also maintaining satisfactory generation
quality and diversity. Furthermore, we extend our method to multiple LLMs,
demonstrating its practicality and scalability. We open-source our method at
https://github.com/LizLizLi/DeStein . Warning: Some example model outputs
contain highly offensive or disturbing text. | cs.CL | DESTEIN: Navigating Detoxification of Language Models via Universal Steering Pairs and Head-wise Activation Fusion |
2024-04-16T10:10:19Z | http://arxiv.org/pdf/2404.10440v1 | http://arxiv.org/abs/2404.10440v1 | Zheng Yuan, Štefan Beňuš, Alessandro D'Ausilio | 2024-04-16T10:10:19Z | cs.CL, eess.AS | This study explores F0 entrainment in second language (L2) English speech
imitation during an Alternating Reading Task (ART). Participants with Italian,
French, and Slovak native languages imitated English utterances, and their F0
entrainment was quantified using the Dynamic Time Warping (DTW) distance
between the parameterized F0 contours of the imitated utterances and those of
the model utterances. Results indicate a nuanced relationship between L2
English proficiency and entrainment: speakers with higher proficiency generally
exhibit less entrainment in pitch variation and declination. However, within
dyads, the more proficient speakers demonstrate a greater ability to mimic
pitch range, leading to increased entrainment. This suggests that proficiency
influences entrainment differently at individual and dyadic levels,
highlighting the complex interplay between language skill and prosodic
adaptation. | cs.CL | Language Proficiency and F0 Entrainment: A Study of L2 English Imitation in Italian, French, and Slovak Speakers |
2024-04-16T09:35:27Z | http://arxiv.org/pdf/2404.10419v1 | http://arxiv.org/abs/2404.10419v1 | Matthieu Futeral, Andrea Agostinelli, Marco Tagliasacchi, Neil Zeghidour, Eugene Kharitonov | 2024-04-16T09:35:27Z | eess.AS, cs.CL | Generative spoken language models produce speech in a wide range of voices,
prosody, and recording conditions, seemingly approaching the diversity of
natural speech. However, the extent to which generated speech is acoustically
diverse remains unclear due to a lack of appropriate metrics. We address this
gap by developing lightweight metrics of acoustic diversity, which we
collectively refer to as MAD Speech. We focus on measuring five facets of
acoustic diversity: voice, gender, emotion, accent, and background noise. We
construct the metrics as a composition of specialized, per-facet embedding
models and an aggregation function that measures diversity within the embedding
space. Next, we build a series of datasets with a priori known diversity
preferences for each facet. Using these datasets, we demonstrate that our
proposed metrics achieve a stronger agreement with the ground-truth diversity
than baselines. Finally, we showcase the applicability of our proposed metrics
across several real-life evaluation scenarios. MAD Speech will be made publicly
accessible. | eess.AS | MAD Speech: Measures of Acoustic Diversity of Speech |
2024-04-16T08:28:16Z | http://arxiv.org/pdf/2404.10384v1 | http://arxiv.org/abs/2404.10384v1 | Yuqi Wang, Boran Jiang, Yi Luo, Dawei He, Peng Cheng, Liangcai Gao | 2024-04-16T08:28:16Z | cs.CL, cs.AI, cs.IR | Large language models (LLMs), such as GPT3.5, GPT4 and LLAMA2 perform
surprisingly well and outperform human experts on many tasks. However, in many
domain-specific evaluations, these LLMs often suffer from hallucination
problems due to insufficient training of relevant corpus. Furthermore,
fine-tuning large models may face problems such as the LLMs are not open source
or the construction of high-quality domain instruction is difficult. Therefore,
structured knowledge databases such as knowledge graph can better provide
domain background knowledge for LLMs and make full use of the reasoning and
analysis capabilities of LLMs. In some previous works, LLM was called multiple
times to determine whether the current triplet was suitable for inclusion in
the subgraph when retrieving subgraphs through a question. Especially for the
question that require a multi-hop reasoning path, frequent calls to LLM will
consume a lot of computing power. Moreover, when choosing the reasoning path,
LLM will be called once for each step, and if one of the steps is selected
incorrectly, it will lead to the accumulation of errors in the following steps.
In this paper, we integrated and optimized a pipeline for selecting reasoning
paths from KG based on LLM, which can reduce the dependency on LLM. In
addition, we propose a simple and effective subgraph retrieval method based on
chain of thought (CoT) and page rank which can returns the paths most likely to
contain the answer. We conduct experiments on three datasets: GenMedGPT-5k
[14], WebQuestions [2], and CMCQA [21]. Finally, RoK can demonstrate that using
fewer LLM calls can achieve the same results as previous SOTAs models. | cs.CL | Reasoning on Efficient Knowledge Paths:Knowledge Graph Guides Large Language Model for Domain Question Answering |
2024-04-16T07:30:11Z | http://arxiv.org/pdf/2404.10346v3 | http://arxiv.org/abs/2404.10346v3 | Hyeonbin Hwang, Doyoung Kim, Seungone Kim, Seonghyeon Ye, Minjoon Seo | 2024-05-16T13:47:00Z | cs.CL | Training on large amounts of rationales (i.e., CoT Fine-tuning) is effective
at improving the reasoning capabilities of large language models (LLMs).
However, acquiring human-authored rationales or augmenting rationales from
proprietary models is costly and not scalable. In this paper, we study the
problem of whether LLMs could self-improve their reasoning capabilities. To
this end, we propose Self-Explore, where the LLM is tasked to explore the first
wrong step (i.e., the first pit) within the rationale and use such signals as
fine-grained rewards for further improvement. On the GSM8K and MATH test set,
Self-Explore achieves 11.57% and 2.89% improvement on average across three LLMs
compared to supervised fine-tuning (SFT). Our code is available at
https://github.com/hbin0701/Self-Explore. | cs.CL | Self-Explore to Avoid the Pit: Improving the Reasoning Capabilities of Language Models with Fine-grained Rewards |
2024-04-16T07:27:49Z | http://arxiv.org/pdf/2404.13079v1 | http://arxiv.org/abs/2404.13079v1 | Asal Khosravi, Zahed Rahmati, Ali Vefghi | 2024-04-16T07:27:49Z | cs.CL, cs.LG | With the growth of textual data across online platforms, sentiment analysis
has become crucial for extracting insights from user-generated content. While
traditional approaches and deep learning models have shown promise, they cannot
often capture complex relationships between entities. In this paper, we propose
leveraging Relational Graph Convolutional Networks (RGCNs) for sentiment
analysis, which offer interpretability and flexibility by capturing
dependencies between data points represented as nodes in a graph. We
demonstrate the effectiveness of our approach by using pre-trained language
models such as BERT and RoBERTa with RGCN architecture on product reviews from
Amazon and Digikala datasets and evaluating the results. Our experiments
highlight the effectiveness of RGCNs in capturing relational information for
sentiment analysis tasks. | cs.CL | Relational Graph Convolutional Networks for Sentiment Analysis |
2024-04-16T06:47:49Z | http://arxiv.org/pdf/2404.10315v1 | http://arxiv.org/abs/2404.10315v1 | Haixia Han, Tingyun Li, Shisong Chen, Jie Shi, Chengyu Du, Yanghua Xiao, Jiaqing Liang, Xin Lin | 2024-04-16T06:47:49Z | cs.CL | Large Language Models (LLMs) have exhibited remarkable performance across
various downstream tasks, but they may generate inaccurate or false information
with a confident tone. One of the possible solutions is to empower the LLM
confidence expression capability, in which the confidence expressed can be
well-aligned with the true probability of the generated answer being correct.
However, leveraging the intrinsic ability of LLMs or the signals from the
output logits of answers proves challenging in accurately capturing the
response uncertainty in LLMs. Therefore, drawing inspiration from cognitive
diagnostics, we propose a method of Learning from Past experience (LePe) to
enhance the capability for confidence expression. Specifically, we first
identify three key problems: (1) How to capture the inherent confidence of the
LLM? (2) How to teach the LLM to express confidence? (3) How to evaluate the
confidence expression of the LLM? Then we devise three stages in LePe to deal
with these problems. Besides, to accurately capture the confidence of an LLM
when constructing the training data, we design a complete pipeline including
question preparation and answer sampling. We also conduct experiments using the
Llama family of LLMs to verify the effectiveness of our proposed method on four
datasets. | cs.CL | Enhancing Confidence Expression in Large Language Models Through Learning from Past Experience |
2024-04-16T06:27:39Z | http://arxiv.org/pdf/2404.10306v4 | http://arxiv.org/abs/2404.10306v4 | Hengyuan Zhang, Yanru Wu, Dawei Li, Sak Yang, Rui Zhao, Yong Jiang, Fei Tan | 2024-06-03T10:42:36Z | cs.CL | Aligned Large Language Models (LLMs) showcase remarkable versatility, capable
of handling diverse real-world tasks. Meanwhile, aligned LLMs are also expected
to exhibit speciality, excelling in specific applications. However, fine-tuning
with extra data, a common practice to gain speciality, often leads to
catastrophic forgetting (CF) of previously acquired versatility, hindering the
model's performance across diverse tasks. In response to this challenge, we
propose CoFiTune, a coarse to fine framework in an attempt to strike the
balance between speciality and versatility. At the coarse-grained level, an
empirical tree-search algorithm is utilized to pinpoint and update specific
modules that are crucial for speciality, while keeping other parameters frozen;
at the fine-grained level, a soft-masking mechanism regulates the update to the
LLMs, mitigating the CF issue without harming speciality. In an overall
evaluation of both speciality and versatility, CoFiTune consistently
outperforms baseline methods across diverse tasks and model scales. Compared to
the full-parameter SFT, CoFiTune leads to about 14% versatility improvement and
marginal speciality loss on a 13B model. Lastly, based on further analysis, we
provide a speculative insight into the information forwarding process in LLMs,
which helps explain the effectiveness of the proposed method. The code is
available at https://github.com/rattlesnakey/CoFiTune. | cs.CL | Balancing Speciality and Versatility: a Coarse to Fine Framework for Supervised Fine-tuning Large Language Model |
2024-04-16T06:25:51Z | http://arxiv.org/pdf/2405.06656v1 | http://arxiv.org/abs/2405.06656v1 | Nandigramam Sai Harshit, Nilesh Kumar Sahu, Haroon R. Lone | 2024-04-16T06:25:51Z | cs.CL, cs.SI | Depression is one of the most common mental disorders affecting an
individual's personal and professional life. In this work, we investigated the
possibility of utilizing social media posts to identify depression in
individuals. To achieve this goal, we conducted a preliminary study where we
extracted and analyzed the top Reddit posts made in 2022 from
depression-related forums. The collected data were labeled as depressive and
non-depressive using UMLS Metathesaurus. Further, the pre-processed data were
fed to classical machine learning models, where we achieved an accuracy of
92.28\% in predicting the depressive and non-depressive posts. | cs.CL | Exploring Social Media Posts for Depression Identification: A Study on Reddit Dataset |
2024-04-16T05:45:52Z | http://arxiv.org/pdf/2404.10297v1 | http://arxiv.org/abs/2404.10297v1 | Changmao Li, Jeffrey Flanigan | 2024-04-16T05:45:52Z | cs.CL, cs.AI, I.2.7 | Predicting the future is of great interest across many aspects of human
activity. Businesses are interested in future trends, traders are interested in
future stock prices, and companies are highly interested in future
technological breakthroughs. While there are many automated systems for
predicting future numerical data, such as weather, stock prices, and demand for
products, there is relatively little work in automatically predicting textual
data. Humans are interested in textual data predictions because it is a natural
format for our consumption, and experts routinely make predictions in a textual
format (Christensen et al., 2004; Tetlock & Gardner, 2015; Frick, 2015).
However, there has been relatively little formalization of this general problem
in the machine learning or natural language processing communities. To address
this gap, we introduce the task of future language modeling: probabilistic
modeling of texts in the future based on a temporal history of texts. To our
knowledge, our work is the first work to formalize the task of predicting the
future in this way. We show that it is indeed possible to build future language
models that improve upon strong non-temporal language model baselines, opening
the door to working on this important, and widely applicable problem. | cs.CL | Future Language Modeling from Temporal Document History |
2024-04-16T05:21:47Z | http://arxiv.org/pdf/2404.13078v2 | http://arxiv.org/abs/2404.13078v2 | Darya Likhareva, Hamsini Sankaran, Sivakumar Thiyagarajan | 2024-04-23T05:15:18Z | cs.CL, cs.LG | Researchers must stay current in their fields by regularly reviewing academic
literature, a task complicated by the daily publication of thousands of papers.
Traditional multi-label text classification methods often ignore semantic
relationships and fail to address the inherent class imbalances. This paper
introduces a novel approach using the SciBERT model and CNNs to systematically
categorize academic abstracts from the Elsevier OA CC-BY corpus. We use a
multi-segment input strategy that processes abstracts, body text, titles, and
keywords obtained via BERT topic modeling through SciBERT. Here, the [CLS]
token embeddings capture the contextual representation of each segment,
concatenated and processed through a CNN. The CNN uses convolution and pooling
to enhance feature extraction and reduce dimensionality, optimizing the data
for classification. Additionally, we incorporate class weights based on label
frequency to address the class imbalance, significantly improving the
classification F1 score and enhancing text classification systems and
literature review efficiency. | cs.CL | Empowering Interdisciplinary Research with BERT-Based Models: An Approach Through SciBERT-CNN with Topic Modeling |
2024-04-16T03:59:33Z | http://arxiv.org/pdf/2404.10271v2 | http://arxiv.org/abs/2404.10271v2 | Vincent Conitzer, Rachel Freedman, Jobst Heitzig, Wesley H. Holliday, Bob M. Jacobs, Nathan Lambert, Milan Mossé, Eric Pacuit, Stuart Russell, Hailey Schoelkopf, Emanuel Tewolde, William S. Zwicker | 2024-06-04T14:34:38Z | cs.LG, cs.AI, cs.CL, cs.CY, cs.GT, 68T01, 68T50, 91B14, 91B12, I.2.0; I.2.7; K.4.2; I.2.m; J.4 | Foundation models such as GPT-4 are fine-tuned to avoid unsafe or otherwise
problematic behavior, such as helping to commit crimes or producing racist
text. One approach to fine-tuning, called reinforcement learning from human
feedback, learns from humans' expressed preferences over multiple outputs.
Another approach is constitutional AI, in which the input from humans is a list
of high-level principles. But how do we deal with potentially diverging input
from humans? How can we aggregate the input into consistent data about
"collective" preferences or otherwise use it to make collective choices about
model behavior? In this paper, we argue that the field of social choice is well
positioned to address these questions, and we discuss ways forward for this
agenda, drawing on discussions in a recent workshop on Social Choice for AI
Ethics and Safety held in Berkeley, CA, USA in December 2023. | cs.LG | Social Choice Should Guide AI Alignment in Dealing with Diverse Human Feedback |
2024-04-16T03:46:30Z | http://arxiv.org/pdf/2404.10268v1 | http://arxiv.org/abs/2404.10268v1 | Yue Zhou, Barbara Di Eugenio, Brian Ziebart, Lisa Sharp, Bing Liu, Nikolaos Agadakos | 2024-04-16T03:46:30Z | cs.CL | Health coaching helps patients achieve personalized and lifestyle-related
goals, effectively managing chronic conditions and alleviating mental health
issues. It is particularly beneficial, however cost-prohibitive, for
low-socioeconomic status populations due to its highly personalized and
labor-intensive nature. In this paper, we propose a neuro-symbolic goal
summarizer to support health coaches in keeping track of the goals and a
text-units-text dialogue generation model that converses with patients and
helps them create and accomplish specific goals for physical activities. Our
models outperform previous state-of-the-art while eliminating the need for
predefined schema and corresponding annotation. We also propose a new health
coaching dataset extending previous work and a metric to measure the
unconventionality of the patient's response based on data difficulty,
facilitating potential coach alerts during deployment. | cs.CL | Modeling Low-Resource Health Coaching Dialogues via Neuro-Symbolic Goal Summarization and Text-Units-Text Generation |
2024-04-16T03:39:16Z | http://arxiv.org/pdf/2404.13077v1 | http://arxiv.org/abs/2404.13077v1 | Yilin Gao, Sai Kumar Arava, Yancheng Li, James W. Snyder Jr | 2024-04-16T03:39:16Z | cs.CL, cs.LG, I.2.1; I.2.7 | Artificial intelligence (AI) is widely deployed to solve problems related to
marketing attribution and budget optimization. However, AI models can be quite
complex, and it can be difficult to understand model workings and insights
without extensive implementation teams. In principle, recently developed large
language models (LLMs), like GPT-4, can be deployed to provide marketing
insights, reducing the time and effort required to make critical decisions. In
practice, there are substantial challenges that need to be overcome to reliably
use such models. We focus on domain-specific question-answering, SQL generation
needed for data retrieval, and tabular analysis and show how a combination of
semantic search, prompt engineering, and fine-tuning can be applied to
dramatically improve the ability of LLMs to execute these tasks accurately. We
compare both proprietary models, like GPT-4, and open-source models, like
Llama-2-70b, as well as various embedding methods. These models are tested on
sample use cases specific to marketing mix modeling and attribution. | cs.CL | Improving the Capabilities of Large Language Model Based Marketing Analytics Copilots With Semantic Search And Fine-Tuning |
2024-04-16T03:26:43Z | http://arxiv.org/pdf/2404.10259v1 | http://arxiv.org/abs/2404.10259v1 | Tunazzina Islam, Dan Goldwasser | 2024-04-16T03:26:43Z | cs.CL, cs.AI, cs.CY, cs.LG, cs.SI | The widespread use of social media has led to a surge in popularity for
automated methods of analyzing public opinion. Supervised methods are adept at
text categorization, yet the dynamic nature of social media discussions poses a
continual challenge for these techniques due to the constant shifting of the
focus. On the other hand, traditional unsupervised methods for extracting
themes from public discourse, such as topic modeling, often reveal overarching
patterns that might not capture specific nuances. Consequently, a significant
portion of research into social media discourse still depends on
labor-intensive manual coding techniques and a human-in-the-loop approach,
which are both time-consuming and costly. In this work, we study the problem of
discovering arguments associated with a specific theme. We propose a generic
LLMs-in-the-Loop strategy that leverages the advanced capabilities of Large
Language Models (LLMs) to extract latent arguments from social media messaging.
To demonstrate our approach, we apply our framework to contentious topics. We
use two publicly available datasets: (1) the climate campaigns dataset of 14k
Facebook ads with 25 themes and (2) the COVID-19 vaccine campaigns dataset of
9k Facebook ads with 14 themes. Furthermore, we analyze demographic targeting
and the adaptation of messaging based on real-world events. | cs.CL | Uncovering Latent Arguments in Social Media Messaging by Employing LLMs-in-the-Loop Strategy |
2024-04-16T02:35:17Z | http://arxiv.org/pdf/2404.10237v2 | http://arxiv.org/abs/2404.10237v2 | Songtao Jiang, Tuo Zheng, Yan Zhang, Yeying Jin, Li Yuan, Zuozhu Liu | 2024-06-26T06:04:51Z | cs.CV, cs.CL | Recent advancements in general-purpose or domain-specific multimodal large
language models (LLMs) have witnessed remarkable progress for medical
decision-making. However, they are designated for specific classification or
generative tasks, and require model training or finetuning on large-scale
datasets with sizeable parameters and tremendous computing, hindering their
clinical utility across diverse resource-constrained scenarios in practice. In
this paper, we propose a novel and lightweight framework Med-MoE
(Mixture-of-Experts) that tackles both discriminative and generative multimodal
medical tasks. The learning of Med-MoE consists of three steps: multimodal
medical alignment, instruction tuning and routing, and domain-specific MoE
tuning. After aligning multimodal medical images with LLM tokens, we then
enable the model for different multimodal medical tasks with instruction
tuning, together with a trainable router tailored for expert selection across
input modalities. Finally, the model is tuned by integrating the router with
multiple domain-specific experts, which are selectively activated and further
empowered by meta expert. Comprehensive experiments on both open- and close-end
medical question answering (Med-VQA) and image classification tasks across
datasets such as VQA-RAD, SLAKE and Path-VQA demonstrate that our model can
achieve performance superior to or on par with state-of-the-art baselines,
while only requiring approximately 30\%-50\% of activated model parameters.
Extensive analysis and ablations corroborate the effectiveness and practical
utility of our method. | cs.CV | Med-MoE: Mixture of Domain-Specific Experts for Lightweight Medical Vision-Language Models |
2024-04-16T02:19:28Z | http://arxiv.org/pdf/2404.10229v1 | http://arxiv.org/abs/2404.10229v1 | Jiaxuan Wu, Zhengxian Wu, Yiming Xue, Juan Wen, Wanli Peng | 2024-04-16T02:19:28Z | cs.CL | Recent advances in large language models (LLMs) have blurred the boundary of
high-quality text generation between humans and machines, which is favorable
for generative text steganography. While, current advanced steganographic
mapping is not suitable for LLMs since most users are restricted to accessing
only the black-box API or user interface of the LLMs, thereby lacking access to
the training vocabulary and its sampling probabilities. In this paper, we
explore a black-box generative text steganographic method based on the user
interfaces of large language models, which is called LLM-Stega. The main goal
of LLM-Stega is that the secure covert communication between Alice (sender) and
Bob (receiver) is conducted by using the user interfaces of LLMs. Specifically,
We first construct a keyword set and design a new encrypted steganographic
mapping to embed secret messages. Furthermore, to guarantee accurate extraction
of secret messages and rich semantics of generated stego texts, an optimization
mechanism based on reject sampling is proposed. Comprehensive experiments
demonstrate that the proposed LLM-Stega outperforms current state-of-the-art
methods. | cs.CL | Generative Text Steganography with Large Language Model |
2024-04-16T02:18:30Z | http://arxiv.org/pdf/2404.10228v2 | http://arxiv.org/abs/2404.10228v2 | Joshua Melton, Shannon Reid, Gabriel Terejanu, Siddharth Krishnan | 2024-05-17T14:07:24Z | cs.LG, cs.CL, cs.SI | The high volume and rapid evolution of content on social media present major
challenges for studying the stance of social media users. In this work, we
develop a two stage stance labeling method that utilizes the user-hashtag
bipartite graph and the user-user interaction graph. In the first stage, a
simple and efficient heuristic for stance labeling uses the user-hashtag
bipartite graph to iteratively update the stance association of user and
hashtag nodes via a label propagation mechanism. This set of soft labels is
then integrated with the user-user interaction graph to train a graph neural
network (GNN) model using semi-supervised learning. We evaluate this method on
two large-scale datasets containing tweets related to climate change from June
2021 to June 2022 and gun control from January 2022 to January 2023. Our
experiments demonstrate that enriching text-based embeddings of users with
network information from the user interaction graph using our semi-supervised
GNN method outperforms both classifiers trained on user textual embeddings and
zero-shot classification using LLMs such as GPT4. We discuss the need for
integrating nuanced understanding from social science with the scalability of
computational methods to better understand how polarization on social media
occurs for divisive issues such as climate change and gun control. | cs.LG | Two-Stage Stance Labeling: User-Hashtag Heuristics with Graph Neural Networks |
2024-04-16T02:11:46Z | http://arxiv.org/pdf/2404.10226v1 | http://arxiv.org/abs/2404.10226v1 | Elham J. Barezi, Parisa Kordjamshidi | 2024-04-16T02:11:46Z | cs.AI, cs.CL, cs.CV, cs.LG | We analyze knowledge-based visual question answering, for which given a
question, the models need to ground it into the visual modality and retrieve
the relevant knowledge from a given large knowledge base (KB) to be able to
answer. Our analysis has two folds, one based on designing neural architectures
and training them from scratch, and another based on large pre-trained language
models (LLMs). Our research questions are: 1) Can we effectively augment models
by explicit supervised retrieval of the relevant KB information to solve the
KB-VQA problem? 2) How do task-specific and LLM-based models perform in the
integration of visual and external knowledge, and multi-hop reasoning over both
sources of information? 3) Is the implicit knowledge of LLMs sufficient for
KB-VQA and to what extent it can replace the explicit KB? Our results
demonstrate the positive impact of empowering task-specific and LLM models with
supervised external and visual knowledge retrieval models. Our findings show
that though LLMs are stronger in 1-hop reasoning, they suffer in 2-hop
reasoning in comparison with our fine-tuned NN model even if the relevant
information from both modalities is available to the model. Moreover, we
observed that LLM models outperform the NN model for KB-related questions which
confirms the effectiveness of implicit knowledge in LLMs however, they do not
alleviate the need for external KB. | cs.AI | Find The Gap: Knowledge Base Reasoning For Visual Question Answering |
2024-04-16T00:50:43Z | http://arxiv.org/pdf/2404.10199v3 | http://arxiv.org/abs/2404.10199v3 | Huihan Li, Liwei Jiang, Jena D. Huang, Hyunwoo Kim, Sebastin Santy, Taylor Sorensen, Bill Yuchen Lin, Nouha Dziri, Xiang Ren, Yejin Choi | 2024-04-26T18:39:54Z | cs.CL, cs.AI | As the utilization of large language models (LLMs) has proliferated
worldwide, it is crucial for them to have adequate knowledge and fair
representation for diverse global cultures. In this work, we uncover culture
perceptions of three SOTA models on 110 countries and regions on 8
culture-related topics through culture-conditioned generations, and extract
symbols from these generations that are associated to each culture by the LLM.
We discover that culture-conditioned generation consist of linguistic "markers"
that distinguish marginalized cultures apart from default cultures. We also
discover that LLMs have an uneven degree of diversity in the culture symbols,
and that cultures from different geographic regions have different presence in
LLMs' culture-agnostic generation. Our findings promote further research in
studying the knowledge and fairness of global culture perception in LLMs. Code
and Data can be found in: https://github.com/huihanlhh/Culture-Gen/ | cs.CL | CULTURE-GEN: Revealing Global Cultural Perception in Language Models through Natural Language Prompting |
2024-04-16T00:43:03Z | http://arxiv.org/pdf/2404.10198v2 | http://arxiv.org/abs/2404.10198v2 | Kevin Wu, Eric Wu, James Zou | 2024-06-10T04:44:57Z | cs.CL, cs.AI | Retrieval augmented generation (RAG) is frequently used to mitigate
hallucinations and provide up-to-date knowledge for large language models
(LLMs). However, given that document retrieval is an imprecise task and
sometimes results in erroneous or even harmful content being presented in
context, this raises the question of how LLMs handle retrieved information: If
the provided content is incorrect, does the model know to ignore it, or does it
recapitulate the error? Conversely, when the model's initial response is
incorrect, does it always know to use the retrieved information to correct
itself, or does it insist on its wrong prior response? To answer this, we
curate a dataset of over 1200 questions across six domains (e.g., drug dosages,
Olympic records, locations) along with content relevant to answering each
question. We further apply precise perturbations to the answers in the content
that range from subtle to blatant errors. We benchmark six top-performing LLMs,
including GPT-4o, on this dataset and find that LLMs are susceptible to
adopting incorrect retrieved content, overriding their own correct prior
knowledge over 60% of the time. However, the more unrealistic the retrieved
content is (i.e. more deviated from truth), the less likely the model is to
adopt it. Also, the less confident a model is in its initial response (via
measuring token probabilities), the more likely it is to adopt the information
in the retrieved content. We exploit this finding and demonstrate simple
methods for improving model accuracy where there is conflicting retrieved
content. Our results highlight a difficult task and benchmark for LLMs --
namely, their ability to correctly discern when it is wrong in light of correct
retrieved content and to reject cases when the provided content is incorrect. | cs.CL | ClashEval: Quantifying the tug-of-war between an LLM's internal prior and external evidence |
2024-04-15T23:28:13Z | http://arxiv.org/pdf/2404.10180v2 | http://arxiv.org/abs/2404.10180v2 | Zelin Wu, Gan Song, Christopher Li, Pat Rondon, Zhong Meng, Xavier Velez, Weiran Wang, Diamantino Caseiro, Golan Pundak, Tsendsuren Munkhdalai, Angad Chandorkar, Rohit Prabhavalkar | 2024-04-23T13:43:26Z | cs.CL, cs.AI, cs.LG, cs.NE, eess.AS | Contextual biasing enables speech recognizers to transcribe important phrases
in the speaker's context, such as contact names, even if they are rare in, or
absent from, the training data. Attention-based biasing is a leading approach
which allows for full end-to-end cotraining of the recognizer and biasing
system and requires no separate inference-time components. Such biasers
typically consist of a context encoder; followed by a context filter which
narrows down the context to apply, improving per-step inference time; and,
finally, context application via cross attention. Though much work has gone
into optimizing per-frame performance, the context encoder is at least as
important: recognition cannot begin before context encoding ends. Here, we show
the lightweight phrase selection pass can be moved before context encoding,
resulting in a speedup of up to 16.1 times and enabling biasing to scale to 20K
phrases with a maximum pre-decoding delay under 33ms. With the addition of
phrase- and wordpiece-level cross-entropy losses, our technique also achieves
up to a 37.5% relative WER reduction over the baseline without the losses and
lightweight phrase selection pass. | cs.CL | Deferred NAM: Low-latency Top-K Context Injection via Deferred Context Encoding for Non-Streaming ASR |
2024-04-15T23:05:57Z | http://arxiv.org/pdf/2404.10174v1 | http://arxiv.org/abs/2404.10174v1 | Mauricio Gruppi, Soham Dan, Keerthiram Murugesan, Subhajit Chaudhury | 2024-04-15T23:05:57Z | cs.CL | Text-based reinforcement learning involves an agent interacting with a
fictional environment using observed text and admissible actions in natural
language to complete a task. Previous works have shown that agents can succeed
in text-based interactive environments even in the complete absence of semantic
understanding or other linguistic capabilities. The success of these agents in
playing such games suggests that semantic understanding may not be important
for the task. This raises an important question about the benefits of LMs in
guiding the agents through the game states. In this work, we show that rich
semantic understanding leads to efficient training of text-based RL agents.
Moreover, we describe the occurrence of semantic degeneration as a consequence
of inappropriate fine-tuning of language models in text-based reinforcement
learning (TBRL). Specifically, we describe the shift in the semantic
representation of words in the LM, as well as how it affects the performance of
the agent in tasks that are semantically similar to the training games. We
believe these results may help develop better strategies to fine-tune agents in
text-based RL scenarios. | cs.CL | On the Effects of Fine-tuning Language Models for Text-Based Reinforcement Learning |
2024-04-15T21:42:20Z | http://arxiv.org/pdf/2404.10150v1 | http://arxiv.org/abs/2404.10150v1 | Md Mahadi Hasan Nahid, Davood Rafiei | 2024-04-15T21:42:20Z | cs.CL, cs.DB, cs.IR | Table reasoning is a challenging task that requires understanding both
natural language questions and structured tabular data. Large language models
(LLMs) have shown impressive capabilities in natural language understanding and
generation, but they often struggle with large tables due to their limited
input length. In this paper, we propose TabSQLify, a novel method that
leverages text-to-SQL generation to decompose tables into smaller and relevant
sub-tables, containing only essential information for answering questions or
verifying statements, before performing the reasoning task. In our
comprehensive evaluation on four challenging datasets, our approach
demonstrates comparable or superior performance compared to prevailing methods
reliant on full tables as input. Moreover, our method can reduce the input
context length significantly, making it more scalable and efficient for
large-scale table reasoning applications. Our method performs remarkably well
on the WikiTQ benchmark, achieving an accuracy of 64.7%. Additionally, on the
TabFact benchmark, it achieves a high accuracy of 79.5%. These results surpass
other LLM-based baseline models on gpt-3.5-turbo (chatgpt). TabSQLify can
reduce the table size significantly alleviating the computational load on LLMs
when handling large tables without compromising performance. | cs.CL | TabSQLify: Enhancing Reasoning Capabilities of LLMs Through Table Decomposition |
2024-04-15T21:19:10Z | http://arxiv.org/pdf/2404.10141v1 | http://arxiv.org/abs/2404.10141v1 | Aashish Anantha Ramakrishnan, Sharon X. Huang, Dongwon Lee | 2024-04-15T21:19:10Z | cs.CV, cs.CL, cs.MM, 65D19 | Text-to-Image (T2I) Synthesis has made tremendous strides in enhancing
synthesized image quality, but current datasets evaluate model performance only
on descriptive, instruction-based prompts. Real-world news image captions take
a more pragmatic approach, providing high-level situational and Named-Entity
(NE) information and limited physical object descriptions, making them
abstractive. To evaluate the ability of T2I models to capture intended subjects
from news captions, we introduce the Abstractive News Captions with High-level
cOntext Representation (ANCHOR) dataset, containing 70K+ samples sourced from 5
different news media organizations. With Large Language Models (LLM) achieving
success in language and commonsense reasoning tasks, we explore the ability of
different LLMs to identify and understand key subjects from abstractive
captions. Our proposed method Subject-Aware Finetuning (SAFE), selects and
enhances the representation of key subjects in synthesized images by leveraging
LLM-generated subject weights. It also adapts to the domain distribution of
news images and captions through custom Domain Fine-tuning, outperforming
current T2I baselines on ANCHOR. By launching the ANCHOR dataset, we hope to
motivate research in furthering the Natural Language Understanding (NLU)
capabilities of T2I models. | cs.CV | ANCHOR: LLM-driven News Subject Conditioning for Text-to-Image Synthesis |
2024-04-15T21:02:48Z | http://arxiv.org/pdf/2404.10136v1 | http://arxiv.org/abs/2404.10136v1 | Neha Gupta, Harikrishna Narasimhan, Wittawat Jitkrittum, Ankit Singh Rawat, Aditya Krishna Menon, Sanjiv Kumar | 2024-04-15T21:02:48Z | cs.CL, cs.AI, cs.LG | Recent advances in language models (LMs) have led to significant improvements
in quality on complex NLP tasks, but at the expense of increased inference
costs. Cascading offers a simple strategy to achieve more favorable
cost-quality tradeoffs: here, a small model is invoked for most "easy"
instances, while a few "hard" instances are deferred to the large model. While
the principles underpinning cascading are well-studied for classification tasks
- with deferral based on predicted class uncertainty favored theoretically and
practically - a similar understanding is lacking for generative LM tasks. In
this work, we initiate a systematic study of deferral rules for LM cascades. We
begin by examining the natural extension of predicted class uncertainty to
generative LM tasks, namely, the predicted sequence uncertainty. We show that
this measure suffers from the length bias problem, either over- or
under-emphasizing outputs based on their lengths. This is because LMs produce a
sequence of uncertainty values, one for each output token; and moreover, the
number of output tokens is variable across examples. To mitigate this issue, we
propose to exploit the richer token-level uncertainty information implicit in
generative LMs. We argue that naive predicted sequence uncertainty corresponds
to a simple aggregation of these uncertainties. By contrast, we show that
incorporating token-level uncertainty through learned post-hoc deferral rules
can significantly outperform such simple aggregation strategies, via
experiments on a range of natural language benchmarks with FLAN-T5 models. We
further show that incorporating embeddings from the smaller model and
intermediate layers of the larger model can give an additional boost in the
overall cost-quality tradeoff. | cs.CL | Language Model Cascades: Token-level uncertainty and beyond |
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.