publication_date
stringlengths 20
20
| doc_url
stringlengths 33
34
| id
stringlengths 33
34
| authors
stringlengths 5
20.1k
| update_date
stringlengths 20
20
| category_all
stringlengths 5
138
| abstract
stringlengths 123
3.09k
| category_primary
stringclasses 78
values | title
stringlengths 10
211
|
---|---|---|---|---|---|---|---|---|
2024-06-29T11:21:40Z | http://arxiv.org/pdf/2407.00407v1 | http://arxiv.org/abs/2407.00407v1 | Akila Peiris, Nisansa de Silva | 2024-06-29T11:21:40Z | cs.CE, cs.CL | Manual data annotation is an important NLP task but one that takes
considerable amount of resources and effort. In spite of the costs, labeling
and categorizing entities is essential for NLP tasks such as semantic
evaluation. Even though annotation can be done by non-experts in most cases,
due to the fact that this requires human labor, the process is costly. Another
major challenge encountered in data annotation is maintaining the annotation
consistency. Annotation efforts are typically carried out by teams of multiple
annotators. The annotations need to maintain the consistency in relation to
both the domain truth and annotation format while reducing human errors.
Annotating a specialized domain that deviates significantly from the general
domain, such as fantasy literature, will see a lot of human error and annotator
disagreement. So it is vital that proper guidelines and error reduction
mechanisms are enforced. One such way to enforce these constraints is using a
specialized application. Such an app can ensure that the notations are
consistent, and the labels can be pre-defined or restricted reducing the room
for errors. In this paper, we present SHADE, an annotation software that can be
used to annotate entities in the high fantasy literature domain. Specifically
in Dungeons and Dragons lore extracted from the Forgotten Realms Fandom Wiki. | cs.CE | SHADE: Semantic Hypernym Annotator for Domain-specific Entities -- DnD Domain Use Case |
2024-06-29T11:09:47Z | http://arxiv.org/pdf/2407.00402v1 | http://arxiv.org/abs/2407.00402v1 | Omer Goldman, Alon Jacovi, Aviv Slobodkin, Aviya Maimon, Ido Dagan, Reut Tsarfaty | 2024-06-29T11:09:47Z | cs.CL, cs.AI | Improvements in language models' capabilities have pushed their applications
towards longer contexts, making long-context evaluation and development an
active research area. However, many disparate use-cases are grouped together
under the umbrella term of "long-context", defined simply by the total length
of the model's input, including - for example - Needle-in-a-Haystack tasks,
book summarization, and information aggregation. Given their varied difficulty,
in this position paper we argue that conflating different tasks by their
context length is unproductive. As a community, we require a more precise
vocabulary to understand what makes long-context tasks similar or different. We
propose to unpack the taxonomy of long-context based on the properties that
make them more difficult with longer contexts. We propose two orthogonal axes
of difficulty: (I) Diffusion: How hard is it to find the necessary information
in the context? (II) Scope: How much necessary information is there to find? We
survey the literature on long-context, provide justification for this taxonomy
as an informative descriptor, and situate the literature with respect to it. We
conclude that the most difficult and interesting settings, whose necessary
information is very long and highly diffused within the input, is severely
under-explored. By using a descriptive vocabulary and discussing the relevant
properties of difficulty in long-context, we can implement more informed
research in this area. We call for a careful design of tasks and benchmarks
with distinctly long context, taking into account the characteristics that make
it qualitatively different from shorter context. | cs.CL | Is It Really Long Context if All You Need Is Retrieval? Towards Genuinely Difficult Long Context NLP |
2024-06-29T10:46:01Z | http://arxiv.org/pdf/2407.00396v1 | http://arxiv.org/abs/2407.00396v1 | Kausik Bhattacharya, Anubhab Majumder, Amaresh Chakrabarti | 2024-06-29T10:46:01Z | cs.CL, cs.AI | Representation of systems using the SAPPhIRE model of causality can be an
inspirational stimulus in design. However, creating a SAPPhIRE model of a
technical or a natural system requires sourcing technical knowledge from
multiple technical documents regarding how the system works. This research
investigates how to generate technical content accurately relevant to the
SAPPhIRE model of causality using a Large Language Model, also called LLM. This
paper, which is the first part of the two-part research, presents a method for
hallucination suppression using Retrieval Augmented Generating with LLM to
generate technical content supported by the scientific information relevant to
a SAPPhIRE con-struct. The result from this research shows that the selection
of reference knowledge used in providing context to the LLM for generating the
technical content is very important. The outcome of this research is used to
build a software support tool to generate the SAPPhIRE model of a given
technical system. | cs.CL | A Study on Effect of Reference Knowledge Choice in Generating Technical Content Relevant to SAPPhIRE Model Using Large Language Model |
2024-06-29T10:09:49Z | http://arxiv.org/pdf/2407.00390v1 | http://arxiv.org/abs/2407.00390v1 | Mingqian He, Yongliang Shen, Wenqi Zhang, Zeqi Tan, Weiming Lu | 2024-06-29T10:09:49Z | cs.CL | Large Language Models (LLMs) have demonstrated remarkable potential in
handling complex reasoning tasks by generating step-by-step rationales.Some
methods have proven effective in boosting accuracy by introducing extra
verifiers to assess these paths. However, existing verifiers, typically trained
on binary-labeled reasoning paths, fail to fully utilize the relative merits of
intermediate steps, thereby limiting the effectiveness of the feedback
provided. To overcome this limitation, we propose Tree-based Preference
Learning Verifier (Tree-PLV), a novel approach that constructs reasoning trees
via a best-first search algorithm and collects step-level paired data for
preference training. Compared to traditional binary classification, step-level
preferences more finely capture the nuances between reasoning steps, allowing
for a more precise evaluation of the complete reasoning path. We empirically
evaluate Tree-PLV across a range of arithmetic and commonsense reasoning tasks,
where it significantly outperforms existing benchmarks. For instance, Tree-PLV
achieved substantial performance gains over the Mistral-7B self-consistency
baseline on GSM8K (67.55% to 82.79%), MATH (17.00% to 26.80%), CSQA (68.14% to
72.97%), and StrategyQA (82.86% to 83.25%).Additionally, our study explores the
appropriate granularity for applying preference learning, revealing that
step-level guidance provides feedback that better aligns with the evaluation of
the reasoning process. | cs.CL | Advancing Process Verification for Large Language Models via Tree-Based Preference Learning |
2024-06-29T09:19:23Z | http://arxiv.org/pdf/2407.00379v1 | http://arxiv.org/abs/2407.00379v1 | Jianheng Tang, Qifan Zhang, Yuhan Li, Jia Li | 2024-06-29T09:19:23Z | cs.AI, cs.CL | The "arms race" of Large Language Models (LLMs) demands novel, challenging,
and diverse benchmarks to faithfully examine their progresses. We introduce
GraphArena, a benchmarking tool designed to evaluate LLMs on graph
computational problems using million-scale real-world graphs from diverse
scenarios such as knowledge graphs, social networks, and molecular structures.
GraphArena offers a suite of 10 computational tasks, encompassing four
polynomial-time (e.g., Shortest Distance) and six NP-complete challenges (e.g.,
Travelling Salesman Problem). It features a rigorous evaluation framework that
classifies LLM outputs as correct, suboptimal (feasible but not optimal), or
hallucinatory (properly formatted but infeasible). Evaluation of 10 leading
LLMs, including GPT-4o and LLaMA3-70B-Instruct, reveals that even
top-performing models struggle with larger, more complex graph problems and
exhibit hallucination issues. Despite the application of strategies such as
chain-of-thought prompting, these issues remain unresolved. GraphArena
contributes a valuable supplement to the existing LLM benchmarks and is
open-sourced at https://github.com/squareRoot3/GraphArena. | cs.AI | GraphArena: Benchmarking Large Language Models on Graph Computational Problems |
2024-06-29T09:09:42Z | http://arxiv.org/pdf/2407.00377v1 | http://arxiv.org/abs/2407.00377v1 | Yixin Wan, Di Wu, Haoran Wang, Kai-Wei Chang | 2024-06-29T09:09:42Z | cs.CL, cs.AI, cs.CV, cs.CY | Prompt-based "diversity interventions" are commonly adopted to improve the
diversity of Text-to-Image (T2I) models depicting individuals with various
racial or gender traits. However, will this strategy result in nonfactual
demographic distribution, especially when generating real historical figures?
In this work, we propose DemOgraphic FActualIty Representation (DoFaiR), a
benchmark to systematically quantify the trade-off between using diversity
interventions and preserving demographic factuality in T2I models. DoFaiR
consists of 756 meticulously fact-checked test instances to reveal the
factuality tax of various diversity prompts through an automated
evidence-supported evaluation pipeline. Experiments on DoFaiR unveil that
diversity-oriented instructions increase the number of different gender and
racial groups in DALLE-3's generations at the cost of historically inaccurate
demographic distributions. To resolve this issue, we propose Fact-Augmented
Intervention (FAI), which instructs a Large Language Model (LLM) to reflect on
verbalized or retrieved factual information about gender and racial
compositions of generation subjects in history, and incorporate it into the
generation context of T2I models. By orienting model generations using the
reflected historical truths, FAI significantly improves the demographic
factuality under diversity interventions while preserving diversity. | cs.CL | The Factuality Tax of Diversity-Intervened Text-to-Image Generation: Benchmark and Fact-Augmented Intervention |
2024-06-29T08:39:07Z | http://arxiv.org/pdf/2407.00369v1 | http://arxiv.org/abs/2407.00369v1 | Jaeyoung Lee, Ximing Lu, Jack Hessel, Faeze Brahman, Youngjae Yu, Yonatan Bisk, Yejin Choi, Saadia Gabriel | 2024-06-29T08:39:07Z | cs.CL | Given the growing influx of misinformation across news and social media,
there is a critical need for systems that can provide effective real-time
verification of news claims. Large language or multimodal model based
verification has been proposed to scale up online policing mechanisms for
mitigating spread of false and harmful content. While these can potentially
reduce burden on human fact-checkers, such efforts may be hampered by
foundation model training data becoming outdated. In this work, we test the
limits of improving foundation model performance without continual updating
through an initial study of knowledge transfer using either existing intra- and
inter- domain benchmarks or explanations generated from large language models
(LLMs). We evaluate on 12 public benchmarks for fact-checking and
misinformation detection as well as two other tasks relevant to content
moderation -- toxicity and stance detection. Our results on two recent
multi-modal fact-checking benchmarks, Mocheg and Fakeddit, indicate that
knowledge transfer strategies can improve Fakeddit performance over the
state-of-the-art by up to 1.7% and Mocheg performance by up to 2.9%. | cs.CL | How to Train Your Fact Verifier: Knowledge Transfer with Multimodal Open Models |
2024-06-29T08:26:49Z | http://arxiv.org/pdf/2407.00365v1 | http://arxiv.org/abs/2407.00365v1 | Cehao Yang, Chengjin Xu, Yiyan Qi | 2024-06-29T08:26:49Z | cs.CL | Artificial intelligence is making significant strides in the finance
industry, revolutionizing how data is processed and interpreted. Among these
technologies, large language models (LLMs) have demonstrated substantial
potential to transform financial services by automating complex tasks,
enhancing customer service, and providing detailed financial analysis. Firstly,
we introduce IDEA-FinBench, an evaluation benchmark specifically tailored for
assessing financial knowledge in large language models (LLMs). This benchmark
utilizes questions from two globally respected and authoritative financial
professional exams, aimimg to comprehensively evaluate the capability of LLMs
to directly address exam questions pertinent to the finance sector. Secondly,
we propose IDEA-FinKER, a Financial Knowledge Enhancement framework designed to
facilitate the rapid adaptation of general LLMs to the financial domain,
introducing a retrieval-based few-shot learning method for real-time
context-level knowledge injection, and a set of high-quality financial
knowledge instructions for fine-tuning any general LLM. Finally, we present
IDEA-FinQA, a financial question-answering system powered by LLMs. This system
is structured around a scheme of real-time knowledge injection and factual
enhancement using external knowledge. IDEA-FinQA is comprised of three main
modules: the data collector, the data querying module, and LLM-based agents
tasked with specific functions. | cs.CL | Financial Knowledge Large Language Model |
2024-06-29T08:16:58Z | http://arxiv.org/pdf/2407.00361v1 | http://arxiv.org/abs/2407.00361v1 | Palak Jain, Livio Baldini Soares, Tom Kwiatkowski | 2024-06-29T08:16:58Z | cs.CL, cs.AI | We present RICHES, a novel approach that interleaves retrieval with sequence
generation tasks. RICHES offers an alternative to conventional RAG systems by
eliminating the need for separate retriever and generator. It retrieves
documents by directly decoding their contents, constrained on the corpus.
Unifying retrieval with generation allows us to adapt to diverse new tasks via
prompting alone. RICHES can work with any Instruction-tuned model, without
additional training. It provides attributed evidence, supports multi-hop
retrievals and interleaves thoughts to plan on what to retrieve next, all
within a single decoding pass of the LLM. We demonstrate the strong performance
of RICHES across ODQA tasks including attributed and multi-hop QA. | cs.CL | From RAG to RICHES: Retrieval Interlaced with Sequence Generation |
2024-06-29T07:01:51Z | http://arxiv.org/pdf/2407.00342v1 | http://arxiv.org/abs/2407.00342v1 | Kibeom Nam | 2024-06-29T07:01:51Z | cs.CL, cs.AI | Investigations into Aspect-Based Sentiment Analysis (ABSA) for Korean
restaurant reviews are notably lacking in the existing literature. Our research
proposes an intuitive and effective framework for ABSA in low-resource
languages such as Korean. It optimizes prediction labels by integrating
translated benchmark and unlabeled Korean data. Using a model fine-tuned on
translated data, we pseudo-labeled the actual Korean NLI set. Subsequently, we
applied LaBSE and MSP-based filtering to this pseudo-NLI set as implicit
feature, enhancing Aspect Category Detection and Polarity determination through
additional training. Incorporating dual filtering, this model bridged dataset
gaps, achieving positive results in Korean ABSA with minimal resources. Through
additional data injection pipelines, our approach aims to utilize high-resource
data and construct effective models within communities, whether corporate or
individual, in low-resource language countries. Compared to English ABSA, our
framework showed an approximately 3% difference in F1 scores and accuracy. We
release the dataset and our code for Korean ABSA, at this link. | cs.CL | Korean Aspect-Based Sentiment Analysis via Implicit-Feature Alignment with Corpus Filtering |
2024-06-29T07:00:37Z | http://arxiv.org/pdf/2407.00341v1 | http://arxiv.org/abs/2407.00341v1 | Haiyun Li, Qihuang Zhong, Ke Zhu, Juhua Liu, Bo Du, Dacheng Tao | 2024-06-29T07:00:37Z | cs.CL | Aspect-based Sentiment Analysis (ABSA) is an important sentiment analysis
task, which aims to determine the sentiment polarity towards an aspect in a
sentence. Due to the expensive and limited labeled data, data augmentation (DA)
has become the standard for improving the performance of ABSA. However, current
DA methods usually have some shortcomings: 1) poor fluency and coherence, 2)
lack of diversity of generated data, and 3) reliance on some existing labeled
data, hindering its applications in real-world scenarios. In response to these
problems, we propose a systematic Iterative Data augmentation framework, namely
IterD, to boost the performance of ABSA. The core of IterD is to leverage the
powerful ability of large language models (LLMs) to iteratively generate more
fluent and diverse synthetic labeled data, starting from an unsupervised
sentence corpus. Extensive experiments on 4 widely-used ABSA benchmarks show
that IterD brings consistent and significant performance gains among 5 baseline
ABSA models. More encouragingly, the synthetic data generated by IterD can
achieve comparable or even better performance against the manually annotated
data. | cs.CL | Iterative Data Augmentation with Large Language Models for Aspect-based Sentiment Analysis |
2024-06-29T06:43:11Z | http://arxiv.org/pdf/2407.01626v1 | http://arxiv.org/abs/2407.01626v1 | Jaebok Lee, Hyeonjeong Shin | 2024-06-29T06:43:11Z | cs.IR, cs.AI, cs.CL | Existing KBQA methods have traditionally relied on multi-stage methodologies,
involving tasks such as entity linking, subgraph retrieval and query structure
generation. However, multi-stage approaches are dependent on the accuracy of
preceding steps, leading to cascading errors and increased inference time.
Although a few studies have explored the use of end-to-end models, they often
suffer from lower accuracy and generate inoperative query that is not supported
by the underlying data. Furthermore, most prior approaches are limited to the
static training data, potentially overlooking the evolving nature of knowledge
bases over time. To address these challenges, we present a novel end-to-end
natural language to SPARQL framework, SPARKLE. Notably SPARKLE leverages the
structure of knowledge base directly during the decoding, effectively
integrating knowledge into the query generation. Our study reveals that simply
referencing knowledge base during inference significantly reduces the
occurrence of inexecutable query generations. SPARKLE achieves new
state-of-the-art results on SimpleQuestions-Wiki and highest F1 score on LCQuAD
1.0 (among models not using gold entities), while getting slightly lower result
on the WebQSP dataset. Finally, we demonstrate SPARKLE's fast inference speed
and its ability to adapt when the knowledge base differs between the training
and inference stages. | cs.IR | SPARKLE: Enhancing SPARQL Generation with Direct KG Integration in Decoding |
2024-06-29T05:40:17Z | http://arxiv.org/pdf/2407.00322v1 | http://arxiv.org/abs/2407.00322v1 | Zhenhua Wang, Guang Xu, Ming Ren | 2024-06-29T05:40:17Z | cs.CL | With the ascent of large language models (LLM), natural language processing
has witnessed enhancements, such as LLM-based data augmentation. Nonetheless,
prior research harbors two primary concerns: firstly, a lack of contemplation
regarding whether the natural language generated by LLM (LLMNL) truly aligns
with human natural language (HNL), a critical foundational question; secondly,
an oversight that augmented data is randomly generated by LLM, implying that
not all data may possess equal training value, that could impede the
performance of classifiers. To address these challenges, we introduce the
scaling laws to intrinsically calculate LLMNL and HNL. Through extensive
experiments, we reveal slight deviations (approximately 0.2 Mandelbrot
exponent) from Mandelbrot's law in LLMNL, underscore a complexity advantage in
HNL, and supplement an interpretive discussion on language style. This
establishes a solid foundation for LLM's expansion. Further, we introduce a
novel data augmentation method for few-shot text classification, termed ZGPTDA,
which leverages fuzzy computing mechanisms driven by the conformity to scaling
laws to make decisions about GPT-4 augmented data. Extensive experiments,
conducted in real-world scenarios, confirms the effectiveness (improving F1 of
Bert and RoBerta by 7-10%) and competitiveness (surpassing recent AugGPT and
GENCO methods by about 2% accuracy on DeBerta) of ZGPTDA. In addition, we
reveal some interesting insights, e.g., Hilberg's law and Taylor's law can
impart more benefits to text classification, etc. | cs.CL | LLM-Generated Natural Language Meets Scaling Laws: New Explorations and Data Augmentation Methods |
2024-06-29T05:14:04Z | http://arxiv.org/pdf/2407.00320v1 | http://arxiv.org/abs/2407.00320v1 | Ante Wang, Linfeng Song, Ye Tian, Baolin Peng, Dian Yu, Haitao Mi, Jinsong Su, Dong Yu | 2024-06-29T05:14:04Z | cs.CL, cs.AI, cs.LG | Recent research suggests that tree search algorithms (e.g. Monte Carlo Tree
Search) can dramatically boost LLM performance on complex mathematical
reasoning tasks. However, they often require more than 10 times the
computational resources of greedy decoding due to wasteful search strategies,
making them difficult to be deployed in practical applications. This study
introduces a novel guided tree search algorithm with dynamic node selection and
node-level exploration budget (maximum number of children) calculation to
tackle this issue. By considering the search progress towards the final answer
(history) and the guidance from a value network (future) trained without any
step-wise annotations, our algorithm iteratively selects the most promising
tree node before expanding it within the boundaries of the allocated
computational budget. Experiments conducted on the GSM8K and TabMWP datasets
demonstrate that our approach not only offers competitive performance but also
enjoys significantly lower computational costs compared to baseline methods. | cs.CL | LiteSearch: Efficacious Tree Search for LLM |
2024-06-28T23:28:28Z | http://arxiv.org/pdf/2407.00263v1 | http://arxiv.org/abs/2407.00263v1 | Mehar Bhatia, Sahithya Ravi, Aditya Chinchure, Eunjeong Hwang, Vered Shwartz | 2024-06-28T23:28:28Z | cs.CL, cs.AI, cs.CV | Despite recent advancements in vision-language models, their performance
remains suboptimal on images from non-western cultures due to
underrepresentation in training datasets. Various benchmarks have been proposed
to test models' cultural inclusivity, but they have limited coverage of
cultures and do not adequately assess cultural diversity across universal as
well as culture-specific local concepts. To address these limitations, we
introduce the GlobalRG benchmark, comprising two challenging tasks: retrieval
across universals and cultural visual grounding. The former task entails
retrieving culturally diverse images for universal concepts from 50 countries,
while the latter aims at grounding culture-specific concepts within images from
15 countries. Our evaluation across a wide range of models reveals that the
performance varies significantly across cultures -- underscoring the necessity
for enhancing multicultural understanding in vision-language models. | cs.CL | From Local Concepts to Universals: Evaluating the Multicultural Understanding of Vision-Language Models |
2024-06-28T23:05:08Z | http://arxiv.org/pdf/2407.00256v1 | http://arxiv.org/abs/2407.00256v1 | Ruochen Wang, Sohyun An, Minhao Cheng, Tianyi Zhou, Sung Ju Hwang, Cho-Jui Hsieh | 2024-06-28T23:05:08Z | cs.AI, cs.CL, cs.LG, stat.ML, 68T01 | Large Language Models (LLMs) exhibit strong generalization capabilities to
novel tasks when prompted with language instructions and in-context demos.
Since this ability sensitively depends on the quality of prompts, various
methods have been explored to automate the instruction design. While these
methods demonstrated promising results, they also restricted the searched
prompt to one instruction. Such simplification significantly limits their
capacity, as a single demo-free instruction might not be able to cover the
entire complex problem space of the targeted task. To alleviate this issue, we
adopt the Mixture-of-Expert paradigm and divide the problem space into a set of
sub-regions; Each sub-region is governed by a specialized expert, equipped with
both an instruction and a set of demos. A two-phase process is developed to
construct the specialized expert for each region: (1) demo assignment: Inspired
by the theoretical connection between in-context learning and kernel
regression, we group demos into experts based on their semantic similarity; (2)
instruction assignment: A region-based joint search of an instruction per
expert complements the demos assigned to it, yielding a synergistic effect. The
resulting method, codenamed Mixture-of-Prompts (MoP), achieves an average win
rate of 81% against prior arts across several major benchmarks. | cs.AI | One Prompt is not Enough: Automated Construction of a Mixture-of-Expert Prompts |
2024-06-28T22:52:39Z | http://arxiv.org/pdf/2407.00250v1 | http://arxiv.org/abs/2407.00250v1 | Jaydeep Borkar, David A. Smith | 2024-06-28T22:52:39Z | cs.CV, cs.CL | Historical documents frequently suffer from damage and inconsistencies,
including missing or illegible text resulting from issues such as holes, ink
problems, and storage damage. These missing portions or gaps are referred to as
lacunae. In this study, we employ transformer-based optical character
recognition (OCR) models trained on synthetic data containing lacunae in a
supervised manner. We demonstrate their effectiveness in detecting and
restoring lacunae, achieving a success rate of 65%, compared to a base model
lacking knowledge of lacunae, which achieves only 5% restoration. Additionally,
we investigate the mechanistic properties of the model, such as the log
probability of transcription, which can identify lacunae and other errors
(e.g., mistranscriptions due to complex writing or ink issues) in line images
without directly inspecting the image. This capability could be valuable for
scholars seeking to distinguish images containing lacunae or errors from clean
ones. Although we explore the potential of attention mechanisms in flagging
lacunae and transcription errors, our findings suggest it is not a significant
factor. Our work highlights a promising direction in utilizing
transformer-based OCR models for restoring or analyzing damaged historical
documents. | cs.CV | Mind the Gap: Analyzing Lacunae with Transformer-Based Transcription |
2024-06-28T22:36:17Z | http://arxiv.org/pdf/2407.00248v1 | http://arxiv.org/abs/2407.00248v1 | Zhenhao Li, Marek Rei, Lucia Specia | 2024-06-28T22:36:17Z | cs.CL | Pretrained language models have significantly advanced performance across
various natural language processing tasks. However, adversarial attacks
continue to pose a critical challenge to system built using these models, as
they can be exploited with carefully crafted adversarial texts. Inspired by the
ability of diffusion models to predict and reduce noise in computer vision, we
propose a novel and flexible adversarial defense method for language
classification tasks, DiffuseDef, which incorporates a diffusion layer as a
denoiser between the encoder and the classifier. During inference, the
adversarial hidden state is first combined with sampled noise, then denoised
iteratively and finally ensembled to produce a robust text representation. By
integrating adversarial training, denoising, and ensembling techniques, we show
that DiffuseDef improves over different existing adversarial defense methods
and achieves state-of-the-art performance against common adversarial attacks. | cs.CL | DiffuseDef: Improved Robustness to Adversarial Attacks |
2024-06-28T21:39:20Z | http://arxiv.org/pdf/2407.00242v1 | http://arxiv.org/abs/2407.00242v1 | João Matos, Jack Gallifant, Jian Pei, A. Ian Wong | 2024-06-28T21:39:20Z | cs.CL | Electronic health records (EHRs) contain vast amounts of complex data, but
harmonizing and processing this information remains a challenging and costly
task requiring significant clinical expertise. While large language models
(LLMs) have shown promise in various healthcare applications, their potential
for abstracting medical concepts from EHRs remains largely unexplored. We
introduce EHRmonize, a framework leveraging LLMs to abstract medical concepts
from EHR data. Our study uses medication data from two real-world EHR databases
to evaluate five LLMs on two free-text extraction and six binary classification
tasks across various prompting strategies. GPT-4o's with 10-shot prompting
achieved the highest performance in all tasks, accompanied by Claude-3.5-Sonnet
in a subset of tasks. GPT-4o achieved an accuracy of 97% in identifying generic
route names, 82% for generic drug names, and 100% in performing binary
classification of antibiotics. While EHRmonize significantly enhances
efficiency, reducing annotation time by an estimated 60%, we emphasize that
clinician oversight remains essential. Our framework, available as a Python
package, offers a promising tool to assist clinicians in EHR data abstraction,
potentially accelerating healthcare research and improving data harmonization
processes. | cs.CL | EHRmonize: A Framework for Medical Concept Abstraction from Electronic Health Records using Large Language Models |
2024-06-28T20:06:30Z | http://arxiv.org/pdf/2407.00219v1 | http://arxiv.org/abs/2407.00219v1 | Mohsen Fayyaz, Fan Yin, Jiao Sun, Nanyun Peng | 2024-06-28T20:06:30Z | cs.CL, cs.AI | We study how well large language models (LLMs) explain their generations with
rationales -- a set of tokens extracted from the input texts that reflect the
decision process of LLMs. We examine LLM rationales extracted with two methods:
1) attribution-based methods that use attention or gradients to locate
important tokens, and 2) prompting-based methods that guide LLMs to extract
rationales using prompts. Through extensive experiments, we show that
prompting-based rationales align better with human-annotated rationales than
attribution-based rationales, and demonstrate reasonable alignment with humans
even when model performance is poor. We additionally find that the faithfulness
limitations of prompting-based methods, which are identified in previous work,
may be linked to their collapsed predictions. By fine-tuning these models on
the corresponding datasets, both prompting and attribution methods demonstrate
improved faithfulness. Our study sheds light on more rigorous and fair
evaluations of LLM rationales, especially for prompting-based ones. | cs.CL | Evaluating Human Alignment and Model Faithfulness of LLM Rationale |
2024-06-28T19:34:23Z | http://arxiv.org/pdf/2407.00211v1 | http://arxiv.org/abs/2407.00211v1 | Chantal Shaib, Yanai Elazar, Junyi Jessy Li, Byron C. Wallace | 2024-06-28T19:34:23Z | cs.CL | Recent work on evaluating the diversity of text generated by LLMs has focused
on word-level features. Here we offer an analysis of syntactic features to
characterize general repetition in models, beyond frequent n-grams.
Specifically, we define syntactic templates and show that models tend to
produce templated text in downstream tasks at a higher rate than what is found
in human-reference texts. We find that most (76%) templates in model-generated
text can be found in pre-training data (compared to only 35% of human-authored
text), and are not overwritten during fine-tuning processes such as RLHF. This
connection to the pre-training data allows us to analyze syntactic templates in
models where we do not have the pre-training data. We also find that templates
as features are able to differentiate between models, tasks, and domains, and
are useful for qualitatively evaluating common model constructions. Finally, we
demonstrate the use of templates as a useful tool for analyzing style
memorization of training data in LLMs. | cs.CL | Detection and Measurement of Syntactic Templates in Generated Text |
2024-06-28T19:02:59Z | http://arxiv.org/pdf/2407.00191v1 | http://arxiv.org/abs/2407.00191v1 | Di Wu, Xiaoxian Shen, Kai-Wei Chang | 2024-06-28T19:02:59Z | cs.CL | Traditional keyphrase prediction methods predict a single set of keyphrases
per document, failing to cater to the diverse needs of users and downstream
applications. To bridge the gap, we introduce on-demand keyphrase generation, a
novel paradigm that requires keyphrases that conform to specific high-level
goals or intents. For this task, we present MetaKP, a large-scale benchmark
comprising four datasets, 7500 documents, and 3760 goals across news and
biomedical domains with human-annotated keyphrases. Leveraging MetaKP, we
design both supervised and unsupervised methods, including a multi-task
fine-tuning approach and a self-consistency prompting method with large
language models. The results highlight the challenges of supervised
fine-tuning, whose performance is not robust to distribution shifts. By
contrast, the proposed self-consistency prompting approach greatly improves the
performance of large language models, enabling GPT-4o to achieve 0.548 SemF1,
surpassing the performance of a fully fine-tuned BART-base model. Finally, we
demonstrate the potential of our method to serve as a general NLP
infrastructure, exemplified by its application in epidemic event detection from
social media. | cs.CL | MetaKP: On-Demand Keyphrase Generation |
2024-06-28T18:06:48Z | http://arxiv.org/pdf/2407.00167v1 | http://arxiv.org/abs/2407.00167v1 | Sai Krishna Revanth Vuruma, Dezhi Wu, Saborny Sen Gupta, Lucas Aust, Valerie Lookingbill, Wyatt Bellamy, Yang Ren, Erin Kasson, Li-Shiun Chen, Patricia Cavazos-Rehg, Dian Hu, Ming Huang | 2024-06-28T18:06:48Z | cs.CL, cs.AI, cs.ET, cs.HC, cs.SI | In recent years, the United States has witnessed a significant surge in the
popularity of vaping or e-cigarette use, leading to a notable rise in cases of
e-cigarette and vaping use-associated lung injury (EVALI) that caused
hospitalizations and fatalities during the EVALI outbreak in 2019, highlighting
the urgency to comprehend vaping behaviors and develop effective strategies for
cessation. Due to the ubiquity of social media platforms, over 4.7 billion
users worldwide use them for connectivity, communications, news, and
entertainment with a significant portion of the discourse related to health,
thereby establishing social media data as an invaluable organic data resource
for public health research. In this study, we extracted a sample dataset from
one vaping sub-community on Reddit to analyze users' quit-vaping intentions.
Leveraging OpenAI's latest large language model GPT-4 for sentence-level quit
vaping intention detection, this study compares the outcomes of this model
against layman and clinical expert annotations. Using different prompting
strategies such as zero-shot, one-shot, few-shot and chain-of-thought
prompting, we developed 8 prompts with varying levels of detail to explain the
task to GPT-4 and also evaluated the performance of the strategies against each
other. These preliminary findings emphasize the potential of GPT-4 in social
media data analysis, especially in identifying users' subtle intentions that
may elude human detection. | cs.CL | Can GPT-4 Help Detect Quit Vaping Intentions? An Exploration of Automatic Data Annotation Approach |
2024-06-28T17:59:46Z | http://arxiv.org/pdf/2406.20098v1 | http://arxiv.org/abs/2406.20098v1 | Sukmin Yun, Haokun Lin, Rusiru Thushara, Mohammad Qazim Bhat, Yongxin Wang, Zutao Jiang, Mingkai Deng, Jinhong Wang, Tianhua Tao, Junbo Li, Haonan Li, Preslav Nakov, Timothy Baldwin, Zhengzhong Liu, Eric P. Xing, Xiaodan Liang, Zhiqiang Shen | 2024-06-28T17:59:46Z | cs.CV, cs.AI, cs.CL | Multimodal large language models (MLLMs) have shown impressive success across
modalities such as image, video, and audio in a variety of understanding and
generation tasks. However, current MLLMs are surprisingly poor at understanding
webpage screenshots and generating their corresponding HTML code. To address
this problem, we propose Web2Code, a benchmark consisting of a new large-scale
webpage-to-code dataset for instruction tuning and an evaluation framework for
the webpage understanding and HTML code translation abilities of MLLMs. For
dataset construction, we leverage pretrained LLMs to enhance existing
webpage-to-code datasets as well as generate a diverse pool of new webpages
rendered into images. Specifically, the inputs are webpage images and
instructions, while the responses are the webpage's HTML code. We further
include diverse natural language QA pairs about the webpage content in the
responses to enable a more comprehensive understanding of the web content. To
evaluate model performance in these tasks, we develop an evaluation framework
for testing MLLMs' abilities in webpage understanding and web-to-code
generation. Extensive experiments show that our proposed dataset is beneficial
not only to our proposed tasks but also in the general visual domain, while
previous datasets result in worse performance. We hope our work will contribute
to the development of general MLLMs suitable for web-based content generation
and task automation. Our data and code will be available at
https://github.com/MBZUAI-LLM/web2code. | cs.CV | Web2Code: A Large-scale Webpage-to-Code Dataset and Evaluation Framework for Multimodal LLMs |
2024-06-28T17:59:12Z | http://arxiv.org/pdf/2406.20095v1 | http://arxiv.org/abs/2406.20095v1 | Xiang Li, Cristina Mata, Jongwoo Park, Kumara Kahatapitiya, Yoo Sung Jang, Jinghuan Shang, Kanchana Ranasinghe, Ryan Burgert, Mu Cai, Yong Jae Lee, Michael S. Ryoo | 2024-06-28T17:59:12Z | cs.RO, cs.AI, cs.CL, cs.CV, cs.LG | Large Language Models (LLMs) equipped with extensive world knowledge and
strong reasoning skills can tackle diverse tasks across domains, often by
posing them as conversation-style instruction-response pairs. In this paper, we
propose LLaRA: Large Language and Robotics Assistant, a framework which
formulates robot action policy as conversations, and provides improved
responses when trained with auxiliary data that complements policy learning.
LLMs with visual inputs, i.e., Vision Language Models (VLMs), have the capacity
to process state information as visual-textual prompts and generate optimal
policy decisions in text. To train such action policy VLMs, we first introduce
an automated pipeline to generate diverse high-quality robotics instruction
data from existing behavior cloning data. A VLM finetuned with the resulting
collection of datasets based on a conversation-style formulation tailored for
robotics tasks, can generate meaningful robot action policy decisions. Our
experiments across multiple simulated and real-world environments demonstrate
the state-of-the-art performance of the proposed LLaRA framework. The code,
datasets, and pretrained models are available at
https://github.com/LostXine/LLaRA. | cs.RO | LLaRA: Supercharging Robot Learning Data for Vision-Language Policy |
2024-06-28T17:59:01Z | http://arxiv.org/pdf/2406.20094v1 | http://arxiv.org/abs/2406.20094v1 | Xin Chan, Xiaoyang Wang, Dian Yu, Haitao Mi, Dong Yu | 2024-06-28T17:59:01Z | cs.CL, cs.LG | We propose a novel persona-driven data synthesis methodology that leverages
various perspectives within a large language model (LLM) to create diverse
synthetic data. To fully exploit this methodology at scale, we introduce
Persona Hub -- a collection of 1 billion diverse personas automatically curated
from web data. These 1 billion personas (~13% of the world's total population),
acting as distributed carriers of world knowledge, can tap into almost every
perspective encapsulated within the LLM, thereby facilitating the creation of
diverse synthetic data at scale for various scenarios. By showcasing Persona
Hub's use cases in synthesizing high-quality mathematical and logical reasoning
problems, instructions (i.e., user prompts), knowledge-rich texts, game NPCs
and tools (functions) at scale, we demonstrate persona-driven data synthesis is
versatile, scalable, flexible, and easy to use, potentially driving a paradigm
shift in synthetic data creation and applications in practice, which may have a
profound impact on LLM research and development. | cs.CL | Scaling Synthetic Data Creation with 1,000,000,000 Personas |
2024-06-28T17:55:24Z | http://arxiv.org/pdf/2406.20087v1 | http://arxiv.org/abs/2406.20087v1 | Tianyi Qiu, Yang Zhang, Xuchuan Huang, Jasmine Xinze Li, Jiaming Ji, Yaodong Yang | 2024-06-28T17:55:24Z | cs.LG, cs.AI, cs.CL, cs.CY, cs.HC | Frontier AI systems, including large language models (LLMs), hold increasing
influence over the epistemology of human users. Such influence can reinforce
prevailing societal values, potentially contributing to the lock-in of
misguided moral beliefs and, consequently, the perpetuation of problematic
moral practices on a broad scale. We introduce progress alignment as a
technical solution to mitigate this imminent risk. Progress alignment
algorithms learn to emulate the mechanics of human moral progress, thereby
addressing the susceptibility of existing alignment methods to contemporary
moral blindspots. To empower research in progress alignment, we introduce
ProgressGym, an experimental framework allowing the learning of moral progress
mechanics from history, in order to facilitate future progress in real-world
moral decisions. Leveraging 9 centuries of historical text and 18 historical
LLMs, ProgressGym enables codification of real-world progress alignment
challenges into concrete benchmarks. Specifically, we introduce three core
challenges: tracking evolving values (PG-Follow), preemptively anticipating
moral progress (PG-Predict), and regulating the feedback loop between human and
AI value shifts (PG-Coevolve). Alignment methods without a temporal dimension
are inapplicable to these tasks. In response, we present lifelong and
extrapolative algorithms as baseline methods of progress alignment, and build
an open leaderboard soliciting novel algorithms and challenges. The framework
and the leaderboard are available at
https://github.com/PKU-Alignment/ProgressGym and
https://huggingface.co/spaces/PKU-Alignment/ProgressGym-LeaderBoard
respectively. | cs.LG | ProgressGym: Alignment with a Millennium of Moral Progress |
2024-06-28T17:54:47Z | http://arxiv.org/pdf/2406.20086v1 | http://arxiv.org/abs/2406.20086v1 | Sheridan Feucht, David Atkinson, Byron Wallace, David Bau | 2024-06-28T17:54:47Z | cs.CL, cs.LG, I.2.7 | LLMs process text as sequences of tokens that roughly correspond to words,
where less common words are represented by multiple tokens. However, individual
tokens are often semantically unrelated to the meanings of the words/concepts
they comprise. For example, Llama-2-7b's tokenizer splits the word
"northeastern" into the tokens ['_n', 'ort', 'he', 'astern'], none of which
correspond to semantically meaningful units like "north" or "east." Similarly,
the overall meanings of named entities like "Neil Young" and multi-word
expressions like "break a leg" cannot be directly inferred from their
constituent tokens. Mechanistically, how do LLMs convert such arbitrary groups
of tokens into useful higher-level representations? In this work, we find that
last token representations of named entities and multi-token words exhibit a
pronounced "erasure" effect, where information about previous and current
tokens is rapidly forgotten in early layers. Using this observation, we propose
a method to "read out" the implicit vocabulary of an autoregressive LLM by
examining differences in token representations across layers, and present
results of this method for Llama-2-7b and Llama-3-8B. To our knowledge, this is
the first attempt to probe the implicit vocabulary of an LLM. | cs.CL | Token Erasure as a Footprint of Implicit Vocabulary Items in LLMs |
2024-06-28T17:43:48Z | http://arxiv.org/pdf/2406.20079v1 | http://arxiv.org/abs/2406.20079v1 | Anisha Gunjal, Greg Durrett | 2024-06-28T17:43:48Z | cs.CL, cs.AI | Automatic factuality verification of large language model (LLM) generations
is becoming more and more widely used to combat hallucinations. A major point
of tension in the literature is the granularity of this fact-checking: larger
chunks of text are hard to fact-check, but more atomic facts like propositions
may lack context to interpret correctly. In this work, we assess the role of
context in these atomic facts. We argue that fully atomic facts are not the
right representation, and define two criteria for molecular facts:
decontextuality, or how well they can stand alone, and minimality, or how
little extra information is added to achieve decontexuality. We quantify the
impact of decontextualization on minimality, then present a baseline
methodology for generating molecular facts automatically, aiming to add the
right amount of information. We compare against various methods of
decontextualization and find that molecular facts balance minimality with fact
verification accuracy in ambiguous settings. | cs.CL | Molecular Facts: Desiderata for Decontextualization in LLM Fact Verification |
2024-06-28T17:16:03Z | http://arxiv.org/pdf/2406.20060v1 | http://arxiv.org/abs/2406.20060v1 | Sujan Dutta, Sayantan Mahinder, Raviteja Anantha, Bortik Bandyopadhyay | 2024-06-28T17:16:03Z | cs.CL | Reinforcement Learning from AI Feedback (RLAIF) has demonstrated significant
potential across various domains, including mitigating harm in LLM outputs,
enhancing text summarization, and mathematical reasoning. This paper introduces
an RLAIF framework for improving the code generation abilities of lightweight
(<1B parameters) LLMs. We specifically focus on code generation tasks that
require writing appropriate API calls, which is challenging due to the
well-known issue of hallucination in LLMs. Our framework extracts AI feedback
from a larger LLM (e.g., GPT-3.5) through a specialized prompting strategy and
uses this data to train a reward model towards better alignment from smaller
LLMs. We run our experiments on the Gorilla dataset and meticulously assess the
quality of the model-generated code across various metrics, including AST,
ROUGE, and Code-BLEU, and develop a pipeline to compute its executability rate
accurately. Our approach significantly enhances the fine-tuned LLM baseline's
performance, achieving a 4.5% improvement in executability rate. Notably, a
smaller LLM model (780M parameters) trained with RLAIF surpasses a much larger
fine-tuned baseline with 7B parameters, achieving a 1.0% higher code
executability rate. | cs.CL | Applying RLAIF for Code Generation with API-usage in Lightweight LLMs |
2024-06-28T17:07:06Z | http://arxiv.org/pdf/2406.20054v1 | http://arxiv.org/abs/2406.20054v1 | Bastien Liétard, Pascal Denis, Mikaella Keller | 2024-06-28T17:07:06Z | cs.CL | Polysemy and synonymy are two crucial interrelated facets of lexical
ambiguity. While both phenomena have been studied extensively in NLP, leading
to dedicated systems, they are often been considered independently. While many
tasks dealing with polysemy (e.g. Word Sense Disambiguiation or Induction)
highlight the role of a word's senses, the study of synonymy is rooted in the
study of concepts, i.e. meaning shared across the lexicon. In this paper, we
introduce Concept Induction, the unsupervised task of learning a soft
clustering among words that defines a set of concepts directly from data. This
task generalizes that of Word Sense Induction. We propose a bi-level approach
to Concept Induction that leverages both a local lemma-centric view and a
global cross-lexicon perspective to induce concepts. We evaluate the obtained
clustering on SemCor's annotated data and obtain good performances (BCubed F1
above 0.60). We find that the local and the global levels are mutually
beneficial to induce concepts and also senses in our setting. Finally, we
create static embeddings representing our induced concepts and use them on the
Word-in-Context task, obtaining competitive performances with the
State-of-the-Art. | cs.CL | To Word Senses and Beyond: Inducing Concepts with Contextualized Language Models |
2024-06-28T17:05:46Z | http://arxiv.org/pdf/2406.20053v1 | http://arxiv.org/abs/2406.20053v1 | Danny Halawi, Alexander Wei, Eric Wallace, Tony T. Wang, Nika Haghtalab, Jacob Steinhardt | 2024-06-28T17:05:46Z | cs.CR, cs.AI, cs.CL, cs.LG | Black-box finetuning is an emerging interface for adapting state-of-the-art
language models to user needs. However, such access may also let malicious
actors undermine model safety. To demonstrate the challenge of defending
finetuning interfaces, we introduce covert malicious finetuning, a method to
compromise model safety via finetuning while evading detection. Our method
constructs a malicious dataset where every individual datapoint appears
innocuous, but finetuning on the dataset teaches the model to respond to
encoded harmful requests with encoded harmful responses. Applied to GPT-4, our
method produces a finetuned model that acts on harmful instructions 99% of the
time and avoids detection by defense mechanisms such as dataset inspection,
safety evaluations, and input/output classifiers. Our findings question whether
black-box finetuning access can be secured against sophisticated adversaries. | cs.CR | Covert Malicious Finetuning: Challenges in Safeguarding LLM Adaptation |
2024-06-28T17:03:51Z | http://arxiv.org/pdf/2406.20052v1 | http://arxiv.org/abs/2406.20052v1 | Kelly Marchisio, Wei-Yin Ko, Alexandre Bérard, Théo Dehaze, Sebastian Ruder | 2024-06-28T17:03:51Z | cs.CL | We investigate a surprising limitation of LLMs: their inability to
consistently generate text in a user's desired language. We create the Language
Confusion Benchmark (LCB) to evaluate such failures, covering 15 typologically
diverse languages with existing and newly-created English and multilingual
prompts. We evaluate a range of LLMs on monolingual and cross-lingual
generation reflecting practical use cases, finding that Llama Instruct and
Mistral models exhibit high degrees of language confusion and even the
strongest models fail to consistently respond in the correct language. We
observe that base and English-centric instruct models are more prone to
language confusion, which is aggravated by complex prompts and high sampling
temperatures. We find that language confusion can be partially mitigated via
few-shot prompting, multilingual SFT and preference tuning. We release our
language confusion benchmark, which serves as a first layer of efficient,
scalable multilingual evaluation at
https://github.com/for-ai/language-confusion. | cs.CL | Understanding and Mitigating Language Confusion in LLMs |
2024-06-28T16:34:31Z | http://arxiv.org/pdf/2407.00146v1 | http://arxiv.org/abs/2407.00146v1 | Shahad Al-Khalifa, Hend Al-Khalifa | 2024-06-28T16:34:31Z | cs.CL, cs.AI | Despite the growing importance of Arabic as a global language, there is a
notable lack of language models pre-trained exclusively on Arabic data. This
shortage has led to limited benchmarks available for assessing language model
performance in Arabic. To address this gap, we introduce two novel benchmarks
designed to evaluate models' mathematical reasoning and language understanding
abilities in Arabic. These benchmarks are derived from a General Aptitude Test
(GAT) called Qiyas exam, a standardized test widely used for university
admissions in Saudi Arabia. For validation purposes, we assess the performance
of ChatGPT-3.5-trubo and ChatGPT-4 on our benchmarks. Our findings reveal that
these benchmarks pose a significant challenge, with ChatGPT-4 achieving an
overall average accuracy of 64%, while ChatGPT-3.5-trubo achieved an overall
accuracy of 49% across the various question types in the Qiyas benchmark. We
believe the release of these benchmarks will pave the way for enhancing the
mathematical reasoning and language understanding capabilities of future models
tailored for the low-resource Arabic language. | cs.CL | The Qiyas Benchmark: Measuring ChatGPT Mathematical and Language Understanding in Arabic |
2024-06-28T16:34:24Z | http://arxiv.org/pdf/2406.20038v1 | http://arxiv.org/abs/2406.20038v1 | Chen Tang, Bohao Yang, Kun Zhao, Bo Lv, Chenghao Xiao, Frank Guerin, Chenghua Lin | 2024-06-28T16:34:24Z | cs.CL | Named entity recognition (NER) stands as a fundamental and pivotal task
within the realm of Natural Language Processing. Particularly within the domain
of Biomedical Method NER, this task presents notable challenges, stemming from
the continual influx of domain-specific terminologies in scholarly literature.
Current research in Biomedical Method (BioMethod) NER suffers from a scarcity
of resources, primarily attributed to the intricate nature of methodological
concepts, which necessitate a profound understanding for precise delineation.
In this study, we propose a novel dataset for biomedical method entity
recognition, employing an automated BioMethod entity recognition and
information retrieval system to assist human annotation. Furthermore, we
comprehensively explore a range of conventional and contemporary open-domain
NER methodologies, including the utilization of cutting-edge large-scale
language models (LLMs) customised to our dataset. Our empirical findings reveal
that the large parameter counts of language models surprisingly inhibit the
effective assimilation of entity extraction patterns pertaining to biomedical
methods. Remarkably, the approach, leveraging the modestly sized ALBERT model
(only 11MB), in conjunction with conditional random fields (CRF), achieves
state-of-the-art (SOTA) performance. | cs.CL | BioMNER: A Dataset for Biomedical Method Entity Recognition |
2024-06-28T16:17:41Z | http://arxiv.org/pdf/2406.20030v1 | http://arxiv.org/abs/2406.20030v1 | Renzhi Wang, Piji Li | 2024-06-28T16:17:41Z | cs.CL | Large language models (LLMs) require continual knowledge updates to stay
abreast of the ever-changing world facts, prompting the formulation of lifelong
model editing task. While recent years have witnessed the development of
various techniques for single and batch editing, these methods either fail to
apply or perform sub-optimally when faced with lifelong editing. In this paper,
we introduce LEMoE, an advanced Mixture of Experts (MoE) adaptor for lifelong
model editing. We first analyze the factors influencing the effectiveness of
conventional MoE adaptor in lifelong editing, including catastrophic
forgetting, inconsistent routing and order sensitivity. Based on these
insights, we propose a tailored module insertion method to achieve lifelong
editing, incorporating a novel KV anchor routing to enhance routing consistency
between training and inference stage, along with a concise yet effective
clustering-based editing order planning. Experimental results demonstrate the
effectiveness of our method in lifelong editing, surpassing previous model
editing techniques while maintaining outstanding performance in batch editing
task. Our code will be available. | cs.CL | LEMoE: Advanced Mixture of Experts Adaptor for Lifelong Model Editing of Large Language Models |
2024-06-28T16:03:30Z | http://arxiv.org/pdf/2406.20015v1 | http://arxiv.org/abs/2406.20015v1 | Yuxiang Zhang, Jing Chen, Junjie Wang, Yaxin Liu, Cheng Yang, Chufan Shi, Xinyu Zhu, Zihao Lin, Hanwen Wan, Yujiu Yang, Tetsuya Sakai, Tian Feng, Hayato Yamana | 2024-06-28T16:03:30Z | cs.CL, cs.AI | Tool-augmented large language models (LLMs) are rapidly being integrated into
real-world applications. Due to the lack of benchmarks, the community still
needs to fully understand the hallucination issues within these models. To
address this challenge, we introduce a comprehensive diagnostic benchmark,
ToolBH. Specifically, we assess the LLM's hallucinations through two
perspectives: depth and breadth. In terms of depth, we propose a multi-level
diagnostic process, including (1) solvability detection, (2) solution planning,
and (3) missing-tool analysis. For breadth, we consider three scenarios based
on the characteristics of the toolset: missing necessary tools, potential
tools, and limited functionality tools. Furthermore, we developed seven tasks
and collected 700 evaluation samples through multiple rounds of manual
annotation. The results show the significant challenges presented by the ToolBH
benchmark. The current advanced models Gemini-1.5-Pro and GPT-4o only achieve a
total score of 45.3 and 37.0, respectively, on a scale of 100. In this
benchmark, larger model parameters do not guarantee better performance; the
training data and response strategies also play a crucial role in tool-enhanced
LLM scenarios. Our diagnostic analysis indicates that the primary reason for
model errors lies in assessing task solvability. Additionally, open-weight
models suffer from performance drops with verbose replies, whereas proprietary
models excel with longer reasoning. | cs.CL | ToolBeHonest: A Multi-level Hallucination Diagnostic Benchmark for Tool-Augmented Large Language Models |
2024-06-28T15:34:26Z | http://arxiv.org/pdf/2406.19999v1 | http://arxiv.org/abs/2406.19999v1 | Xinyi Chen, Baohao Liao, Jirui Qi, Panagiotis Eustratiadis, Christof Monz, Arianna Bisazza, Maarten de Rijke | 2024-06-28T15:34:26Z | cs.CL | Following multiple instructions is a crucial ability for large language
models (LLMs). Evaluating this ability comes with significant challenges: (i)
limited coherence between multiple instructions, (ii) positional bias where the
order of instructions affects model performance, and (iii) a lack of
objectively verifiable tasks. To address these issues, we introduce a benchmark
designed to evaluate models' abilities to follow multiple instructions through
sequential instruction following (SIFo) tasks. In SIFo, the successful
completion of multiple instructions is verifiable by examining only the final
instruction. Our benchmark evaluates instruction following using four tasks
(text modification, question answering, mathematics, and security rule
following), each assessing different aspects of sequential instruction
following. Our evaluation of popular LLMs, both closed-source and open-source,
shows that more recent and larger models significantly outperform their older
and smaller counterparts on the SIFo tasks, validating the benchmark's
effectiveness. All models struggle with following sequences of instructions,
hinting at an important lack of robustness of today's language models. | cs.CL | The SIFo Benchmark: Investigating the Sequential Instruction Following Ability of Large Language Models |
2024-06-28T15:27:57Z | http://arxiv.org/pdf/2406.19995v1 | http://arxiv.org/abs/2406.19995v1 | Habib Hajimolahoseini, Mohammad Hassanpour, Foozhan Ataiefard, Boxing Chen, Yang Liu | 2024-06-28T15:27:57Z | cs.CL, cs.AI, cs.LG | This paper introduces a novel method of Progressive Low Rank Decomposition
(PLRD) tailored for the compression of large language models. Our approach
leverages a pre-trained model, which is then incrementally decompressed to
smaller sizes using progressively lower ranks. This method allows for
significant reductions in computational overhead and energy consumption, as
subsequent models are derived from the original without the need for retraining
from scratch. We detail the implementation of PLRD, which strategically
decreases the tensor ranks, thus optimizing the trade-off between model
performance and resource usage. The efficacy of PLRD is demonstrated through
extensive experiments showing that models trained with PLRD method on only 1B
tokens maintain comparable performance with traditionally trained models while
using 0.1% of the tokens. The versatility of PLRD is highlighted by its ability
to generate multiple model sizes from a single foundational model, adapting
fluidly to varying computational and memory budgets. Our findings suggest that
PLRD could set a new standard for the efficient scaling of LLMs, making
advanced AI more feasible on diverse platforms. | cs.CL | Single Parent Family: A Spectrum of Family Members from a Single Pre-Trained Foundation Model |
2024-06-28T14:56:21Z | http://arxiv.org/pdf/2406.19967v1 | http://arxiv.org/abs/2406.19967v1 | Tzuf Paz-Argaman, John Palowitch, Sayali Kulkarni, Reut Tsarfaty, Jason Baldridge | 2024-06-28T14:56:21Z | cs.CL, cs.AI | Similar to vision-and-language navigation (VLN) tasks that focus on bridging
the gap between vision and language for embodied navigation, the new Rendezvous
(RVS) task requires reasoning over allocentric spatial relationships
(independent of the observer's viewpoint) using non-sequential navigation
instructions and maps. However, performance substantially drops in new
environments with no training data. Using opensource descriptions paired with
coordinates (e.g., Wikipedia) provides training data but suffers from limited
spatially-oriented text resulting in low geolocation resolution. We propose a
large-scale augmentation method for generating high-quality synthetic data for
new environments using readily available geospatial data. Our method constructs
a grounded knowledge-graph, capturing entity relationships. Sampled entities
and relations (`shop north of school') generate navigation instructions via (i)
generating numerous templates using context-free grammar (CFG) to embed
specific entities and relations; (ii) feeding the entities and relation into a
large language model (LLM) for instruction generation. A comprehensive
evaluation on RVS, showed that our approach improves the 100-meter accuracy by
45.83% on unseen environments. Furthermore, we demonstrate that models trained
with CFG-based augmentation achieve superior performance compared with those
trained with LLM-based augmentation, both in unseen and seen environments.
These findings suggest that the potential advantages of explicitly structuring
spatial information for text-based geospatial reasoning in previously unknown,
can unlock data-scarce scenarios. | cs.CL | Into the Unknown: Generating Geospatial Descriptions for New Environments |
2024-06-28T14:54:12Z | http://arxiv.org/pdf/2406.19966v1 | http://arxiv.org/abs/2406.19966v1 | Shen Gao, Yuntao Wen, Minghang Zhu, Jianing Wei, Yuhan Cheng, Qunzi Zhang, Shuo Shang | 2024-06-28T14:54:12Z | cs.CL | Most economic theories typically assume that financial market participants
are fully rational individuals and use mathematical models to simulate human
behavior in financial markets. However, human behavior is often not entirely
rational and is challenging to predict accurately with mathematical models. In
this paper, we propose \textbf{A}gent-based \textbf{S}imulated
\textbf{F}inancial \textbf{M}arket (ASFM), which first constructs a simulated
stock market with a real order matching system. Then, we propose a large
language model based agent as the stock trader, which contains the profile,
observation, and tool-learning based action module. The trading agent can
comprehensively understand current market dynamics and financial policy
information, and make decisions that align with their trading strategy. In the
experiments, we first verify that the reactions of our ASFM are consistent with
the real stock market in two controllable scenarios. In addition, we also
conduct experiments in two popular economics research directions, and we find
that conclusions drawn in our \model align with the preliminary findings in
economics research. Based on these observations, we believe our proposed ASFM
provides a new paradigm for economic research. | cs.CL | Simulating Financial Market via Large Language Model based Agents |
2024-06-28T14:40:03Z | http://arxiv.org/pdf/2406.19954v1 | http://arxiv.org/abs/2406.19954v1 | Zhehuai Chen, He Huang, Oleksii Hrinchuk, Krishna C. Puvvada, Nithin Rao Koluguri, Piotr Żelasko, Jagadeesh Balam, Boris Ginsburg | 2024-06-28T14:40:03Z | cs.CL, cs.HC, cs.SD, eess.AS, 68T10, I.2.7 | Incorporating speech understanding capabilities into pretrained
large-language models has become a vital research direction (SpeechLLM). The
previous architectures can be categorized as: i) GPT-style, prepend speech
prompts to the text prompts as a sequence of LLM inputs like a decoder-only
model; ii) T5-style, introduce speech cross-attention to each layer of the
pretrained LLMs. We propose BESTOW architecture to bring the BESt features from
TwO Worlds into a single model that is highly efficient and has strong
multitask capabilities. Moreover, there is no clear streaming solution for
either style, especially considering the solution should generalize to speech
multitask. We reformulate streamable SpeechLLM as a read-write policy problem
and unifies the offline and streaming research with BESTOW architecture. Hence
we demonstrate the first open-source SpeechLLM solution that enables Streaming
and Multitask at scale (beyond ASR) at the same time. This streamable solution
achieves very strong performance on a wide range of speech tasks (ASR, AST,
SQA, unseen DynamicSuperb). It is end-to-end optimizable, with lower
training/inference cost, and demonstrates LLM knowledge transferability to
speech. | cs.CL | BESTOW: Efficient and Streamable Speech Language Model with the Best of Two Worlds in GPT and T5 |
2024-06-28T14:36:31Z | http://arxiv.org/pdf/2406.19951v1 | http://arxiv.org/abs/2406.19951v1 | Damián Ariel Furman, Juan Junqueras, Z. Burçe Gümüslü, Edgar Altszyler, Joaquin Navajas, Ophelia Deroy, Justin Sulik | 2024-06-28T14:36:31Z | cs.CL | We present Reasons For and Against Vaccination (RFAV), a dataset for
predicting reasons for and against vaccination, and scientific authorities used
to justify them, annotated through nichesourcing and augmented using GPT4 and
GPT3.5-Turbo. We show how it is possible to mine these reasons in
non-structured text, under different task definitions, despite the high level
of subjectivity involved and explore the impact of artificially augmented data
using in-context learning with GPT4 and GPT3.5-Turbo. We publish the dataset
and the trained models along with the annotation manual used to train
annotators and define the task. | cs.CL | Mining Reasons For And Against Vaccination From Unstructured Data Using Nichesourcing and AI Data Augmentation |
2024-06-28T14:33:05Z | http://arxiv.org/pdf/2406.19949v1 | http://arxiv.org/abs/2406.19949v1 | Jiazheng Li, Hainiu Xu, Zhaoyue Sun, Yuxiang Zhou, David West, Cesare Aloisi, Yulan He | 2024-06-28T14:33:05Z | cs.CL | Generating rationales that justify scoring decisions has been a promising way
to facilitate explainability in automated scoring systems. However, existing
methods do not match the accuracy of classifier-based methods. Plus, the
generated rationales often contain hallucinated information. To address these
issues, we propose a novel framework capable of generating more faithful
rationales and, more importantly, matching performance with classifier-based
black-box scoring systems. We first mimic the human assessment process by
querying Large Language Models (LLMs) to generate a thought tree. We then
summarise intermediate assessment decisions from each thought tree path for
creating synthetic rationale data and rationale preference data. Finally, we
utilise the generated synthetic data to calibrate LLMs through a two-step
training process: supervised fine-tuning and preference optimization. Extensive
experimental results demonstrate that our framework achieves a 38% assessment
performance improvement in the QWK score compared to prior work while producing
higher-quality rationales, as recognised by human evaluators and LLMs. Our work
sheds light on the effectiveness of performing preference optimization using
synthetic preference data obtained from thought tree paths. | cs.CL | Calibrating LLMs with Preference Optimization on Thought Trees for Generating Rationale in Science Question Scoring |
2024-06-28T14:04:10Z | http://arxiv.org/pdf/2406.19934v1 | http://arxiv.org/abs/2406.19934v1 | Chuanqi Cheng, Jian Guan, Wei Wu, Rui Yan | 2024-06-28T14:04:10Z | cs.CL, cs.AI | We explore multi-step reasoning in vision-language models (VLMs). The problem
is challenging, as reasoning data consisting of multiple steps of visual and
language processing are barely available. To overcome the challenge, we first
introduce a least-to-most visual reasoning paradigm, which interleaves steps of
decomposing a question into sub-questions and invoking external tools for
resolving sub-questions. Based on the paradigm, we further propose a novel data
synthesis approach that can automatically create questions and multi-step
reasoning paths for an image in a bottom-up manner. Our approach divides the
complex synthesis task into a few simple sub-tasks, and (almost entirely)
relies on open-sourced models to accomplish the sub-tasks. Therefore, the
entire synthesis process is reproducible and cost-efficient, and the
synthesized data is quality guaranteed. With the approach, we construct $50$k
visual reasoning examples. Then, we develop a visual reasoner through
supervised fine-tuning, which is capable of generally enhancing the reasoning
abilities of a wide range of existing VLMs in a plug-and-play fashion.
Extensive experiments indicate that the visual reasoner can consistently and
significantly improve four VLMs on four VQA benchmarks. Our code and dataset
are available at https://github.com/steven-ccq/VisualReasoner. | cs.CL | From the Least to the Most: Building a Plug-and-Play Visual Reasoner via Data Synthesis |
2024-06-28T13:57:27Z | http://arxiv.org/pdf/2406.19928v1 | http://arxiv.org/abs/2406.19928v1 | Garima Dhanania, Sheshera Mysore, Chau Minh Pham, Mohit Iyyer, Hamed Zamani, Andrew McCallum | 2024-06-28T13:57:27Z | cs.CL, cs.HC, cs.IR | Topic models are widely used to analyze document collections. While they are
valuable for discovering latent topics in a corpus when analysts are unfamiliar
with the corpus, analysts also commonly start with an understanding of the
content present in a corpus. This may be through categories obtained from an
initial pass over the corpus or a desire to analyze the corpus through a
predefined set of categories derived from a high level theoretical framework
(e.g. political ideology). In these scenarios analysts desire a topic modeling
approach which incorporates their understanding of the corpus while supporting
various forms of interaction with the model. In this work, we present EdTM, as
an approach for label name supervised topic modeling. EdTM models topic
modeling as an assignment problem while leveraging LM/LLM based document-topic
affinities and using optimal transport for making globally coherent
topic-assignments. In experiments, we show the efficacy of our framework
compared to few-shot LLM classifiers, and topic models based on clustering and
LDA. Further, we show EdTM's ability to incorporate various forms of analyst
feedback and while remaining robust to noisy analyst inputs. | cs.CL | Interactive Topic Models with Optimal Transport |
2024-06-28T13:06:31Z | http://arxiv.org/pdf/2406.19898v1 | http://arxiv.org/abs/2406.19898v1 | Jan Philip Wahle, Terry Ruas, Yang Xu, Bela Gipp | 2024-06-28T13:06:31Z | cs.CL | Much of the success of modern language models depends on finding a suitable
prompt to instruct the model. Until now, it has been largely unknown how
variations in the linguistic expression of prompts affect these models. This
study systematically and empirically evaluates which linguistic features
influence models through paraphrase types, i.e., different linguistic changes
at particular positions. We measure behavioral changes for five models across
120 tasks and six families of paraphrases (i.e., morphology, syntax, lexicon,
lexico-syntax, discourse, and others). We also control for other prompt
engineering factors (e.g., prompt length, lexical diversity, and proximity to
training data). Our results show a potential for language models to improve
tasks when their prompts are adapted in specific paraphrase types (e.g., 6.7%
median gain in Mixtral 8x7B; 5.5% in LLaMA 3 8B). In particular, changes in
morphology and lexicon, i.e., the vocabulary used, showed promise in improving
prompts. These findings contribute to developing more robust language models
capable of handling variability in linguistic expression. | cs.CL | Paraphrase Types Elicit Prompt Engineering Capabilities |
2024-06-28T13:00:30Z | http://arxiv.org/pdf/2406.19892v1 | http://arxiv.org/abs/2406.19892v1 | Erik Henriksson, Amanda Myntti, Anni Eskelinen, Selcen Erten-Johansson, Saara Hellström, Veronika Laippala | 2024-06-28T13:00:30Z | cs.CL | This article explores deep learning models for the automatic identification
of registers - text varieties such as news reports and discussion forums - in
web-based datasets across 16 languages. Web register (or genre) identification
would provide a robust solution for understanding the content of web-scale
datasets, which have become crucial in computational linguistics. Despite
recent advances, the potential of register classifiers on the noisy web remains
largely unexplored, particularly in multilingual settings and when targeting
the entire unrestricted web. We experiment with a range of deep learning models
using the new Multilingual CORE corpora, which includes 16 languages annotated
using a detailed, hierarchical taxonomy of 25 registers designed to cover the
entire unrestricted web. Our models achieve state-of-the-art results, showing
that a detailed taxonomy in a hierarchical multi-label setting can yield
competitive classification performance. However, all models hit a glass ceiling
at approximately 80% F1 score, which we attribute to the non-discrete nature of
web registers and the inherent uncertainty in labeling some documents. By
pruning ambiguous examples, we improve model performance to over 90%. Finally,
multilingual models outperform monolingual ones, particularly benefiting
languages with fewer training examples and smaller registers. Although a
zero-shot setting decreases performance by an average of 7%, these drops are
not linked to specific registers or languages. Instead, registers show
surprising similarity across languages. | cs.CL | Untangling the Unrestricted Web: Automatic Identification of Multilingual Registers |
2024-06-28T12:49:27Z | http://arxiv.org/pdf/2406.19884v1 | http://arxiv.org/abs/2406.19884v1 | Davide Turco, Conor Houghton | 2024-06-28T12:49:27Z | cs.CL, q-bio.NC | This study explores the temporal dynamics of language processing by examining
the alignment between word representations from a pre-trained transformer-based
language model, and EEG data. Using a Temporal Response Function (TRF) model,
we investigate how neural activity corresponds to model representations across
different layers, revealing insights into the interaction between artificial
language models and brain responses during language comprehension. Our analysis
reveals patterns in TRFs from distinct layers, highlighting varying
contributions to lexical and compositional processing. Additionally, we used
linear discriminant analysis (LDA) to isolate part-of-speech (POS)
representations, offering insights into their influence on neural responses and
the underlying mechanisms of syntactic processing. These findings underscore
EEG's utility for probing language processing dynamics with high temporal
resolution. By bridging artificial language models and neural activity, this
study advances our understanding of their interaction at fine timescales. | cs.CL | Investigating the Timescales of Language Processing with EEG and Language Models |
2024-06-28T12:28:52Z | http://arxiv.org/pdf/2406.19874v1 | http://arxiv.org/abs/2406.19874v1 | Yang Xu, Yu Wang, Hao An, Zhichen Liu, Yongyuan Li | 2024-06-28T12:28:52Z | cs.CL, cs.AI, I.2.7 | Human and model-generated texts can be distinguished by examining the
magnitude of likelihood in language. However, it is becoming increasingly
difficult as language model's capabilities of generating human-like texts keep
evolving. This study provides a new perspective by using the relative
likelihood values instead of absolute ones, and extracting useful features from
the spectrum-view of likelihood for the human-model text detection task. We
propose a detection procedure with two classification methods, supervised and
heuristic-based, respectively, which results in competitive performances with
previous zero-shot detection methods and a new state-of-the-art on short-text
detection. Our method can also reveal subtle differences between human and
model languages, which find theoretical roots in psycholinguistics studies. Our
code is available at https://github.com/CLCS-SUSTech/FourierGPT | cs.CL | Detecting Subtle Differences between Human and Model Languages Using Spectrum of Relative Likelihood |
2024-06-28T11:52:53Z | http://arxiv.org/pdf/2406.19853v1 | http://arxiv.org/abs/2406.19853v1 | Yutao Zhu, Kun Zhou, Kelong Mao, Wentong Chen, Yiding Sun, Zhipeng Chen, Qian Cao, Yihan Wu, Yushuo Chen, Feng Wang, Lei Zhang, Junyi Li, Xiaolei Wang, Lei Wang, Beichen Zhang, Zican Dong, Xiaoxue Cheng, Yuhan Chen, Xinyu Tang, Yupeng Hou, Qiangqiang Ren, Xincheng Pang, Shufang Xie, Wayne Xin Zhao, Zhicheng Dou, Jiaxin Mao, Yankai Lin, Ruihua Song, Jun Xu, Xu Chen, Rui Yan, Zhewei Wei, Di Hu, Wenbing Huang, Ze-Feng Gao, Yueguo Chen, Weizheng Lu, Ji-Rong Wen | 2024-06-28T11:52:53Z | cs.CL, cs.AI | Large language models (LLMs) have become the foundation of many applications,
leveraging their extensive capabilities in processing and understanding natural
language. While many open-source LLMs have been released with technical
reports, the lack of training details hinders further research and development.
This paper presents the development of YuLan, a series of open-source LLMs with
$12$ billion parameters. The base model of YuLan is pre-trained on
approximately $1.7$T tokens derived from a diverse corpus, including massive
English, Chinese, and multilingual texts. We design a three-stage pre-training
method to enhance YuLan's overall capabilities. Subsequent phases of training
incorporate instruction-tuning and human alignment, employing a substantial
volume of high-quality synthesized data. To facilitate the learning of complex
and long-tail knowledge, we devise a curriculum-learning framework throughout
across these stages, which helps LLMs learn knowledge in an easy-to-hard
manner. YuLan's training is finished on Jan, 2024 and has achieved performance
on par with state-of-the-art LLMs across various English and Chinese
benchmarks. This paper outlines a comprehensive technical roadmap for
developing LLMs from scratch. Our model and codes are available at
https://github.com/RUC-GSAI/YuLan-Chat. | cs.CL | YuLan: An Open-source Large Language Model |
2024-06-28T11:28:44Z | http://arxiv.org/pdf/2406.19840v1 | http://arxiv.org/abs/2406.19840v1 | Waligóra Witold | 2024-06-28T11:28:44Z | cs.CL, cs.AI | This paper introduces AnomaLLMy, a novel technique for the automatic
detection of anomalous tokens in black-box Large Language Models (LLMs) with
API-only access. Utilizing low-confidence single-token predictions as a
cost-effective indicator, AnomaLLMy identifies irregularities in model
behavior, addressing the issue of anomalous tokens degrading the quality and
reliability of models. Validated on the cl100k_base dataset, the token set of
GPT-4, AnomaLLMy detected 413 major and 65 minor anomalies, demonstrating the
method's efficiency with just \$24.39 spent in API credits. The insights from
this research are expected to be beneficial for enhancing the robustness of and
accuracy of LLMs, particularly in the development and assessment of tokenizers. | cs.CL | AnomaLLMy -- Detecting anomalous tokens in black-box LLMs through low-confidence single-token predictions |
2024-06-28T10:53:48Z | http://arxiv.org/pdf/2406.19820v1 | http://arxiv.org/abs/2406.19820v1 | Zheng Chu, Jingchang Chen, Qianglong Chen, Haotian Wang, Kun Zhu, Xiyuan Du, Weijiang Yu, Ming Liu, Bing Qin | 2024-06-28T10:53:48Z | cs.CL, cs.AI | Large language models (LLMs) have demonstrated strong reasoning capabilities.
Nevertheless, they still suffer from factual errors when tackling
knowledge-intensive tasks. Retrieval-augmented reasoning represents a promising
approach. However, significant challenges still persist, including inaccurate
and insufficient retrieval for complex questions, as well as difficulty in
integrating multi-source knowledge. To address this, we propose Beam
Aggregation Reasoning, BeamAggR, a reasoning framework for knowledge-intensive
multi-hop QA. BeamAggR explores and prioritizes promising answers at each hop
of question. Concretely, we parse the complex questions into trees, which
include atom and composite questions, followed by bottom-up reasoning. For
atomic questions, the LLM conducts reasoning on multi-source knowledge to get
answer candidates. For composite questions, the LLM combines beam candidates,
explores multiple reasoning paths through probabilistic aggregation, and
prioritizes the most promising trajectory. Extensive experiments on four
open-domain multi-hop reasoning datasets show that our method significantly
outperforms SOTA methods by 8.5%. Furthermore, our analysis reveals that
BeamAggR elicits better knowledge collaboration and answer aggregation. | cs.CL | BeamAggR: Beam Aggregation Reasoning over Multi-source Knowledge for Multi-hop Question Answering |
2024-06-28T10:43:02Z | http://arxiv.org/pdf/2407.00134v1 | http://arxiv.org/abs/2407.00134v1 | Mazen Elabd, Sardar Jaf | 2024-06-28T10:43:02Z | cs.LG, cs.AI, cs.CL | Big data contain rich information for machine learning algorithms to utilize
when learning important features during classification tasks. Human beings
express their emotion using certain words, speech (tone, pitch, speed) or
facial expression. Artificial Intelligence approach to emotion classification
are largely based on learning from textual information. However, public
datasets containing text and speech data provide sufficient resources to train
machine learning algorithms for the tack of emotion classification. In this
paper, we present novel bimodal deep learning-based architectures enhanced with
attention mechanism trained and tested on text and speech data for emotion
classification. We report details of different deep learning based
architectures and show the performance of each architecture including rigorous
error analyses. Our finding suggests that deep learning based architectures
trained on different types of data (text and speech) outperform architectures
trained only on text or speech. Our proposed attention-based bimodal
architecture outperforms several state-of-the-art systems in emotion
classification. | cs.LG | A Simple Attention-Based Mechanism for Bimodal Emotion Classification |
2024-06-28T10:24:31Z | http://arxiv.org/pdf/2406.19803v1 | http://arxiv.org/abs/2406.19803v1 | Mohammad Javad Hosseini, Yang Gao, Tim Baumgärtner, Alex Fabrikant, Reinald Kim Amplayo | 2024-06-28T10:24:31Z | cs.CL | Segmenting text into fine-grained units of meaning is important to a wide
range of NLP applications. The default approach of segmenting text into
sentences is often insufficient, especially since sentences are usually complex
enough to include multiple units of meaning that merit separate treatment in
the downstream task. We focus on the task of abstractive proposition
segmentation: transforming text into simple, self-contained, well-formed
sentences. Several recent works have demonstrated the utility of proposition
segmentation with few-shot prompted LLMs for downstream tasks such as
retrieval-augmented grounding and fact verification. However, this approach
does not scale to large amounts of text and may not always extract all the
facts from the input text. In this paper, we first introduce evaluation metrics
for the task to measure several dimensions of quality. We then propose a
scalable, yet accurate, proposition segmentation model. We model proposition
segmentation as a supervised task by training LLMs on existing annotated
datasets and show that training yields significantly improved results. We
further show that by using the fine-tuned LLMs as teachers for annotating large
amounts of multi-domain synthetic distillation data, we can train smaller
student models with results similar to the teacher LLMs. We then demonstrate
that our technique leads to effective domain generalization, by annotating data
in two domains outside the original training data and evaluating on them.
Finally, as a key contribution of the paper, we share an easy-to-use API for
NLP practitioners to use. | cs.CL | Scalable and Domain-General Abstractive Proposition Segmentation |
2024-06-28T09:39:33Z | http://arxiv.org/pdf/2406.19783v1 | http://arxiv.org/abs/2406.19783v1 | Junkai Chen, Zhenhao Li, Xing Hu, Xin Xia | 2024-06-28T09:39:33Z | cs.SE, cs.CL | Large language models (LLMs) achieve promising results in code generation
based on a given natural language description. They have been integrated into
open-source projects and commercial products to facilitate daily coding
activities. The natural language description in the prompt is crucial for LLMs
to comprehend users' requirements. Prior studies uncover that LLMs are
sensitive to the changes in the prompts, including slight changes that look
inconspicuous. However, the natural language descriptions often vary in
real-world scenarios (e.g., different formats, grammar, and wording). Prior
studies on the robustness of LLMs are often based on random perturbations and
such perturbations may not actually happen. In this paper, we conduct a
comprehensive study to investigate how are code LLMs robust to variations of
natural language description in real-world scenarios. We summarize 18
categories of perturbations of natural language and 3 combinations of
co-occurred categories based on our literature review and an online survey with
practitioners. We propose an automated framework, NLPerturbator, which can
perform perturbations of each category given a set of prompts. Through a series
of experiments on code generation using six code LLMs, we find that the
perturbed prompts can decrease the performance of code generation by a
considerable margin (e.g., up to 21.2%, and 4.8% to 6.1% on average). Our study
highlights the importance of enhancing the robustness of LLMs to real-world
variations in the prompts, as well as the essentiality of attentively
constructing the prompts. | cs.SE | NLPerturbator: Studying the Robustness of Code LLMs to Natural Language Variations |
2024-06-28T09:23:40Z | http://arxiv.org/pdf/2406.19774v1 | http://arxiv.org/abs/2406.19774v1 | Yixing Li, Yuxian Gu, Li Dong, Dequan Wang, Yu Cheng, Furu Wei | 2024-06-28T09:23:40Z | cs.CL | In the field of large language models (LLMs), Knowledge Distillation (KD) is
a critical technique for transferring capabilities from teacher models to
student models. However, existing KD methods face limitations and challenges in
distillation of LLMs, including efficiency and insufficient measurement
capabilities of traditional KL divergence. It is shown that LLMs can serve as
an implicit reward function, which we define as a supplement to KL divergence.
In this work, we propose Direct Preference Knowledge Distillation (DPKD) for
LLMs. DPKD utilizes distribution divergence to represent the preference loss
and implicit reward function. We re-formulate KD of LLMs into two stages: first
optimizing and objective consisting of implicit reward and reverse KL
divergence and then improving the preference probability of teacher outputs
over student outputs. We conducted experiments and analysis on various datasets
with LLM parameters ranging from 120M to 13B and demonstrate the broad
applicability and effectiveness of our DPKD approach. Meanwhile, we prove the
value and effectiveness of the introduced implicit reward and output preference
in KD through experiments and theoretical analysis. The DPKD method outperforms
the baseline method in both output response precision and exact match
percentage. Code and data are available at https://aka.ms/dpkd. | cs.CL | Direct Preference Knowledge Distillation for Large Language Models |
2024-06-28T09:09:36Z | http://arxiv.org/pdf/2406.19764v1 | http://arxiv.org/abs/2406.19764v1 | Bryan Wilie, Samuel Cahyawijaya, Etsuko Ishii, Junxian He, Pascale Fung | 2024-06-28T09:09:36Z | cs.CL | The capability to reason from text is crucial for real-world NLP
applications. Real-world scenarios often involve incomplete or evolving data.
In response, individuals update their beliefs and understandings accordingly.
However, most existing evaluations assume that language models (LMs) operate
with consistent information. We introduce Belief-R, a new dataset designed to
test LMs' belief revision ability when presented with new evidence. Inspired by
how humans suppress prior inferences, this task assesses LMs within the newly
proposed delta reasoning ($\Delta R$) framework. Belief-R features sequences of
premises designed to simulate scenarios where additional information could
necessitate prior conclusions drawn by LMs. We evaluate $\sim$30 LMs across
diverse prompting strategies and found that LMs generally struggle to
appropriately revise their beliefs in response to new information. Further,
models adept at updating often underperformed in scenarios without necessary
updates, highlighting a critical trade-off. These insights underscore the
importance of improving LMs' adaptiveness to changing information, a step
toward more reliable AI systems. | cs.CL | Belief Revision: The Adaptability of Large Language Models Reasoning |
2024-06-28T08:59:45Z | http://arxiv.org/pdf/2406.19760v1 | http://arxiv.org/abs/2406.19760v1 | Chenlong Deng, Kelong Mao, Zhicheng Dou | 2024-06-28T08:59:45Z | cs.IR, cs.CL | Legal case retrieval for sourcing similar cases is critical in upholding
judicial fairness. Different from general web search, legal case retrieval
involves processing lengthy, complex, and highly specialized legal documents.
Existing methods in this domain often overlook the incorporation of legal
expert knowledge, which is crucial for accurately understanding and modeling
legal cases, leading to unsatisfactory retrieval performance. This paper
introduces KELLER, a legal knowledge-guided case reformulation approach based
on large language models (LLMs) for effective and interpretable legal case
retrieval. By incorporating professional legal knowledge about crimes and law
articles, we enable large language models to accurately reformulate the
original legal case into concise sub-facts of crimes, which contain the
essential information of the case. Extensive experiments on two legal case
retrieval benchmarks demonstrate superior retrieval performance and robustness
on complex legal case queries of KELLER over existing methods. | cs.IR | Learning Interpretable Legal Case Retrieval via Knowledge-Guided Case Reformulation |
2024-06-28T08:59:24Z | http://arxiv.org/pdf/2406.19759v1 | http://arxiv.org/abs/2406.19759v1 | Orgest Xhelili, Yihong Liu, Hinrich Schütze | 2024-06-28T08:59:24Z | cs.CL | Multilingual pre-trained models (mPLMs) have shown impressive performance on
cross-lingual transfer tasks. However, the transfer performance is often
hindered when a low-resource target language is written in a different script
than the high-resource source language, even though the two languages may be
related or share parts of their vocabularies. Inspired by recent work that uses
transliteration to address this problem, our paper proposes a
transliteration-based post-pretraining alignment (PPA) method aiming to improve
the cross-lingual alignment between languages using diverse scripts. We select
two areal language groups, $\textbf{Mediterranean-Amharic-Farsi}$ and
$\textbf{South+East Asian Languages}$, wherein the languages are mutually
influenced but use different scripts. We apply our method to these language
groups and conduct extensive experiments on a spectrum of downstream tasks. The
results show that after PPA, models consistently outperform the original model
(up to 50% for some tasks) in English-centric transfer. In addition, when we
use languages other than English as sources in transfer, our method obtains
even larger improvements. We will make our code and models publicly available
at \url{https://github.com/cisnlp/Transliteration-PPA}. | cs.CL | Breaking the Script Barrier in Multilingual Pre-Trained Language Models with Transliteration-Based Post-Training Alignment |
2024-06-28T08:25:27Z | http://arxiv.org/pdf/2406.19736v1 | http://arxiv.org/abs/2406.19736v1 | Jihao Liu, Xin Huang, Jinliang Zheng, Boxiao Liu, Jia Wang, Osamu Yoshie, Yu Liu, Hongsheng Li | 2024-06-28T08:25:27Z | cs.CV, cs.AI, cs.CL, cs.LG | This paper introduces MM-Instruct, a large-scale dataset of diverse and
high-quality visual instruction data designed to enhance the
instruction-following capabilities of large multimodal models (LMMs). While
existing visual instruction datasets often focus on question-answering, they
struggle to generalize to broader application scenarios such as creative
writing, summarization, or image analysis. To address these limitations, we
propose a novel approach to constructing MM-Instruct that leverages the strong
instruction-following capabilities of existing LLMs to generate novel visual
instruction data from large-scale but conventional image captioning datasets.
MM-Instruct first leverages ChatGPT to automatically generate diverse
instructions from a small set of seed instructions through augmenting and
summarization. It then matches these instructions with images and uses an
open-sourced large language model (LLM) to generate coherent answers to the
instruction-image pairs. The LLM is grounded by the detailed text descriptions
of images in the whole answer generation process to guarantee the alignment of
the instruction data. Moreover, we introduce a benchmark based on the generated
instruction data to evaluate the instruction-following capabilities of existing
LMMs. We demonstrate the effectiveness of MM-Instruct by training a LLaVA-1.5
model on the generated data, denoted as LLaVA-Instruct, which exhibits
significant improvements in instruction-following capabilities compared to
LLaVA-1.5 models. The MM-Instruct dataset, benchmark, and pre-trained models
are available at https://github.com/jihaonew/MM-Instruct. | cs.CV | MM-Instruct: Generated Visual Instructions for Large Multimodal Model Alignment |
2024-06-28T08:20:32Z | http://arxiv.org/pdf/2406.19731v1 | http://arxiv.org/abs/2406.19731v1 | Ludovic Tanguy, Céline Poudat, Lydia-Mai Ho-Dac | 2024-06-28T08:20:32Z | cs.CL | Our study focuses on Wikipedia talk pages, from a global perspective
analyzing contributors' behaviors in online interactions. Using a corpus
comprising all Wikipedia talk pages in French, totaling more than 300,000
discussion threads, we examine how discussions with more than two participants
(multiparty conversation) unfold and we specifically investigate the role of a
third participant's intervention when two Wikipedians have already initiated an
exchange. In this regard, we concentrate on the sequential structure of these
interactions in terms of articulation among different participants and aim to
specify this third message by exploring its lexical particularities, while also
proposing an initial typology of the third participant's message role and how
it aligns with preceding messages. | cs.CL | Message du troisi{è}me type : irruption d'un tiers dans un dialogue en ligne |
2024-06-28T08:19:36Z | http://arxiv.org/pdf/2406.19729v1 | http://arxiv.org/abs/2406.19729v1 | Ludovic Tanguy, Cécile Fabre, Nabil Hathout, Lydia-Mai Ho-Dac | 2024-06-28T08:19:36Z | cs.CL | In this study, we propose a corpus analysis of an area of the French lexicon
that is both dense and highly structured: the vocabulary of family
relationships. Starting with a lexicon of 25 nouns designating the main
relationships (son, cousin, mother, grandfather, sister-in-law etc.), we
examine how these terms are positioned in relation to each other through
distributional analyses based on the use of these terms in corpora. We show
that distributional information can capture certain features that organize this
vocabulary (descent, alliance, siblings, genre), in ways that vary according to
the different corpora compared. | cs.CL | Le sens de la famille : analyse du vocabulaire de la parent{é} par les plongements de mots |
2024-06-28T07:47:34Z | http://arxiv.org/pdf/2406.19712v1 | http://arxiv.org/abs/2406.19712v1 | Ferhat Ozgur Catak, Murat Kuzlu | 2024-06-28T07:47:34Z | cs.AI, cs.CL | Uncertainty quantification approaches have been more critical in large
language models (LLMs), particularly high-risk applications requiring reliable
outputs. However, traditional methods for uncertainty quantification, such as
probabilistic models and ensemble techniques, face challenges when applied to
the complex and high-dimensional nature of LLM-generated outputs. This study
proposes a novel geometric approach to uncertainty quantification using convex
hull analysis. The proposed method leverages the spatial properties of response
embeddings to measure the dispersion and variability of model outputs. The
prompts are categorized into three types, i.e., `easy', `moderate', and
`confusing', to generate multiple responses using different LLMs at varying
temperature settings. The responses are transformed into high-dimensional
embeddings via a BERT model and subsequently projected into a two-dimensional
space using Principal Component Analysis (PCA). The Density-Based Spatial
Clustering of Applications with Noise (DBSCAN) algorithm is utilized to cluster
the embeddings and compute the convex hull for each selected cluster. The
experimental results indicate that the uncertainty of the model for LLMs
depends on the prompt complexity, the model, and the temperature setting. | cs.AI | Uncertainty Quantification in Large Language Models Through Convex Hull Analysis |
2024-06-28T06:22:23Z | http://arxiv.org/pdf/2406.19674v1 | http://arxiv.org/abs/2406.19674v1 | Krishna C. Puvvada, Piotr Żelasko, He Huang, Oleksii Hrinchuk, Nithin Rao Koluguri, Kunal Dhawan, Somshubra Majumdar, Elena Rastorgueva, Zhehuai Chen, Vitaly Lavrukhin, Jagadeesh Balam, Boris Ginsburg | 2024-06-28T06:22:23Z | cs.CL, cs.LG, cs.SD, eess.AS | Recent advances in speech recognition and translation rely on hundreds of
thousands of hours of Internet speech data. We argue that state-of-the art
accuracy can be reached without relying on web-scale data. Canary -
multilingual ASR and speech translation model, outperforms current
state-of-the-art models - Whisper, OWSM, and Seamless-M4T on English, French,
Spanish, and German languages, while being trained on an order of magnitude
less data than these models. Three key factors enables such data-efficient
model: (1) a FastConformer-based attention encoder-decoder architecture (2)
training on synthetic data generated with machine translation and (3) advanced
training techniques: data-balancing, dynamic data blending, dynamic bucketing
and noise-robust fine-tuning. The model, weights, and training code will be
open-sourced. | cs.CL | Less is More: Accurate Speech Recognition & Translation without Web-Scale Data |
2024-06-28T04:38:54Z | http://arxiv.org/pdf/2406.19650v1 | http://arxiv.org/abs/2406.19650v1 | Xuanming Zhang, Anthony Diaz, Zixun Chen, Qingyang Wu, Kun Qian, Erik Voss, Zhou Yu | 2024-06-28T04:38:54Z | cs.CL | Coherence in writing, an aspect that second-language (L2) English learners
often struggle with, is crucial in assessing L2 English writing. Existing
automated writing evaluation systems primarily use basic surface linguistic
features to detect coherence in writing. However, little effort has been made
to correct the detected incoherence, which could significantly benefit L2
language learners seeking to improve their writing. To bridge this gap, we
introduce DECOR, a novel benchmark that includes expert annotations for
detecting incoherence in L2 English writing, identifying the underlying
reasons, and rewriting the incoherent sentences. To our knowledge, DECOR is the
first coherence assessment dataset specifically designed for improving L2
English writing, featuring pairs of original incoherent sentences alongside
their expert-rewritten counterparts. Additionally, we fine-tuned models to
automatically detect and rewrite incoherence in student essays. We find that
incorporating specific reasons for incoherence during fine-tuning consistently
improves the quality of the rewrites, achieving a result that is favored in
both automatic and human evaluations. | cs.CL | DECOR: Improving Coherence in L2 English Writing with a Novel Benchmark for Incoherence Detection, Reasoning, and Rewriting |
2024-06-28T04:33:41Z | http://arxiv.org/pdf/2406.19648v1 | http://arxiv.org/abs/2406.19648v1 | Sion Yoon, Tae Eun Kim, Yoo Jung Oh | 2024-06-28T04:33:41Z | cs.HC, cs.AI, cs.CL | The dynamics of human-AI communication have been reshaped by language models
such as ChatGPT. However, extant research has primarily focused on dyadic
communication, leaving much to be explored regarding the dynamics of human-AI
communication in group settings. The availability of multiple language model
chatbots presents a unique opportunity for scholars to better understand the
interaction between humans and multiple chatbots. This study examines the
impact of multi-chatbot communication in a specific persuasion setting:
promoting charitable donations. We developed an online environment that enables
multi-chatbot communication and conducted a pilot experiment utilizing two
GPT-based chatbots, Save the Children and UNICEF chatbots, to promote
charitable donations. In this study, we present our development process of the
multi-chatbot interface and present preliminary findings from a pilot
experiment. Analysis of qualitative and quantitative feedback are presented,
and limitations are addressed. | cs.HC | Designing and Evaluating Multi-Chatbot Interface for Human-AI Communication: Preliminary Findings from a Persuasion Task |
2024-06-28T04:21:20Z | http://arxiv.org/pdf/2406.19643v1 | http://arxiv.org/abs/2406.19643v1 | Zhe Hu, Hou Pong Chan, Jing Li, Yu Yin | 2024-06-28T04:21:20Z | cs.CL, cs.AI | Writing persuasive arguments is a challenging task for both humans and
machines. It entails incorporating high-level beliefs from various perspectives
on the topic, along with deliberate reasoning and planning to construct a
coherent narrative. Current language models often generate surface tokens
autoregressively, lacking explicit integration of these underlying controls,
resulting in limited output diversity and coherence. In this work, we propose a
persona-based multi-agent framework for argument writing. Inspired by the human
debate, we first assign each agent a persona representing its high-level
beliefs from a unique perspective, and then design an agent interaction process
so that the agents can collaboratively debate and discuss the idea to form an
overall plan for argument writing. Such debate process enables fluid and
nonlinear development of ideas. We evaluate our framework on argumentative
essay writing. The results show that our framework can generate more diverse
and persuasive arguments through both automatic and human evaluations. | cs.CL | Unlocking Varied Perspectives: A Persona-Based Multi-Agent Framework with Debate-Driven Text Planning for Argument Generation |
2024-06-28T04:14:35Z | http://arxiv.org/pdf/2406.19642v1 | http://arxiv.org/abs/2406.19642v1 | Pedro Faustini, Shakila Mahjabin Tonni, Annabelle McIver, Qiongkai Xu, Mark Dras | 2024-06-28T04:14:35Z | cs.CL, cs.CR, cs.LG | Natural language processing (NLP) models may leak private information in
different ways, including membership inference, reconstruction or attribute
inference attacks. Sensitive information may not be explicit in the text, but
hidden in underlying writing characteristics. Methods to protect privacy can
involve using representations inside models that are demonstrated not to detect
sensitive attributes or -- for instance, in cases where users might not trust a
model, the sort of scenario of interest here -- changing the raw text before
models can have access to it. The goal is to rewrite text to prevent someone
from inferring a sensitive attribute (e.g. the gender of the author, or their
location by the writing style) whilst keeping the text useful for its original
intention (e.g. the sentiment of a product review). The few works tackling this
have focused on generative techniques. However, these often create extensively
different texts from the original ones or face problems such as mode collapse.
This paper explores a novel adaptation of adversarial attack techniques to
manipulate a text to deceive a classifier w.r.t one task (privacy) whilst
keeping the predictions of another classifier trained for another task
(utility) unchanged. We propose IDT, a method that analyses predictions made by
auxiliary and interpretable models to identify which tokens are important to
change for the privacy task, and which ones should be kept for the utility
task. We evaluate different datasets for NLP suitable for different tasks.
Automatic and human evaluations show that IDT retains the utility of text,
while also outperforming existing methods when deceiving a classifier w.r.t
privacy task. | cs.CL | IDT: Dual-Task Adversarial Attacks for Privacy Protection |
2024-06-28T01:46:41Z | http://arxiv.org/pdf/2406.19598v1 | http://arxiv.org/abs/2406.19598v1 | Hongzhan Lin, Ang Lv, Yuhan Chen, Chen Zhu, Yang Song, Hengshu Zhu, Rui Yan | 2024-06-28T01:46:41Z | cs.CL | Many studies have revealed that large language models (LLMs) exhibit uneven
awareness of different contextual positions.Their limited context awareness can
lead to overlooking critical information and subsequent task failures. While
several approaches have been proposed to enhance LLMs' context awareness,
achieving both effectiveness and efficiency remains challenging.In this paper,
for LLMs utilizing RoPE as position embeddings, we introduce a novel method
called ``Mixture of In-Context Experts'' (MoICE) to address this challenge.
MoICE comprises two key components: a router integrated into each attention
head within LLMs and a lightweight router-only training optimization strategy:
(1) MoICE views each RoPE angle as an `in-context' expert, demonstrated to be
capable of directing the attention of a head to specific contextual positions.
Consequently, each attention head flexibly processes tokens using multiple RoPE
angles dynamically selected by the router to attend to the needed positions.
This approach mitigates the risk of overlooking essential contextual
information. (2) The router-only training strategy entails freezing LLM
parameters and exclusively updating routers for only a few steps. When applied
to open-source LLMs including Llama and Mistral, MoICE surpasses prior methods
across multiple tasks on long context understanding and generation, all while
maintaining commendable inference efficiency. | cs.CL | Mixture of In-Context Experts Enhance LLMs' Long Context Awareness |
2024-06-28T01:14:43Z | http://arxiv.org/pdf/2406.19593v1 | http://arxiv.org/abs/2406.19593v1 | Xin Su, Man Luo, Kris W Pan, Tien Pei Chou, Vasudev Lal, Phillip Howard | 2024-06-28T01:14:43Z | cs.CL, cs.CV | Synthetic data generation has gained significant attention recently for its
utility in training large vision and language models. However, the application
of synthetic data to the training of multimodal context-augmented generation
systems has been relatively unexplored. This gap in existing work is important
because existing vision and language models (VLMs) are not trained specifically
for context-augmented generation. Resources for adapting such models are
therefore crucial for enabling their use in retrieval-augmented generation
(RAG) settings, where a retriever is used to gather relevant information that
is then subsequently provided to a generative model via context augmentation.
To address this challenging problem, we generate SK-VQA: a large synthetic
multimodal dataset containing over 2 million question-answer pairs which
require external knowledge to determine the final answer. Our dataset is both
larger and significantly more diverse than existing resources of its kind,
possessing over 11x more unique questions and containing images from a greater
variety of sources than previously-proposed datasets. Through extensive
experiments, we demonstrate that our synthetic dataset can not only serve as a
challenging benchmark, but is also highly effective for adapting existing
generative multimodal models for context-augmented generation. | cs.CL | SK-VQA: Synthetic Knowledge Generation at Scale for Training Context-Augmented Multimodal LLMs |
2024-06-27T23:43:36Z | http://arxiv.org/pdf/2406.19578v1 | http://arxiv.org/abs/2406.19578v1 | Faruk Ahmed, Andrew Sellergren, Lin Yang, Shawn Xu, Boris Babenko, Abbi Ward, Niels Olson, Arash Mohtashamian, Yossi Matias, Greg S. Corrado, Quang Duong, Dale R. Webster, Shravya Shetty, Daniel Golden, Yun Liu, David F. Steiner, Ellery Wulczyn | 2024-06-27T23:43:36Z | cs.CV, cs.AI, cs.CL, cs.LG | Microscopic interpretation of histopathology images underlies many important
diagnostic and treatment decisions. While advances in vision-language modeling
raise new opportunities for analysis of such images, the gigapixel-scale size
of whole slide images (WSIs) introduces unique challenges. Additionally,
pathology reports simultaneously highlight key findings from small regions
while also aggregating interpretation across multiple slides, often making it
difficult to create robust image-text pairs. As such, pathology reports remain
a largely untapped source of supervision in computational pathology, with most
efforts relying on region-of-interest annotations or self-supervision at the
patch-level. In this work, we develop a vision-language model based on the
BLIP-2 framework using WSIs paired with curated text from pathology reports.
This enables applications utilizing a shared image-text embedding space, such
as text or image retrieval for finding cases of interest, as well as
integration of the WSI encoder with a frozen large language model (LLM) for
WSI-based generative text capabilities such as report generation or
AI-in-the-loop interactions. We utilize a de-identified dataset of over 350,000
WSIs and diagnostic text pairs, spanning a wide range of diagnoses, procedure
types, and tissue types. We present pathologist evaluation of text generation
and text retrieval using WSI embeddings, as well as results for WSI
classification and workflow prioritization (slide-level triaging).
Model-generated text for WSIs was rated by pathologists as accurate, without
clinically significant error or omission, for 78% of WSIs on average. This work
demonstrates exciting potential capabilities for language-aligned WSI
embeddings. | cs.CV | PathAlign: A vision-language model for whole slide images in histopathology |
2024-06-27T22:38:04Z | http://arxiv.org/pdf/2406.19564v1 | http://arxiv.org/abs/2406.19564v1 | Orevaoghene Ahia, Anuoluwapo Aremu, Diana Abagyan, Hila Gonen, David Ifeoluwa Adelani, Daud Abolade, Noah A. Smith, Yulia Tsvetkov | 2024-06-27T22:38:04Z | cs.CL | Yor\`ub\'a an African language with roughly 47 million speakers encompasses a
continuum with several dialects. Recent efforts to develop NLP technologies for
African languages have focused on their standard dialects, resulting in
disparities for dialects and varieties for which there are little to no
resources or tools. We take steps towards bridging this gap by introducing a
new high-quality parallel text and speech corpus YOR\`ULECT across three
domains and four regional Yor\`ub\'a dialects. To develop this corpus, we
engaged native speakers, travelling to communities where these dialects are
spoken, to collect text and speech data. Using our newly created corpus, we
conducted extensive experiments on (text) machine translation, automatic speech
recognition, and speech-to-text translation. Our results reveal substantial
performance disparities between standard Yor\`ub\'a and the other dialects
across all tasks. However, we also show that with dialect-adaptive finetuning,
we are able to narrow this gap. We believe our dataset and experimental
analysis will contribute greatly to developing NLP tools for Yor\`ub\'a and its
dialects, and potentially for other African languages, by improving our
understanding of existing challenges and offering a high-quality dataset for
further development. We release YOR\`ULECT dataset and models publicly under an
open license. | cs.CL | Voices Unheard: NLP Resources and Models for Yorùbá Regional Dialects |
2024-06-27T22:08:22Z | http://arxiv.org/pdf/2406.19552v1 | http://arxiv.org/abs/2406.19552v1 | Florin Pop, Judd Rosenblatt, Diogo Schwerz de Lucena, Michael Vaiana | 2024-06-27T22:08:22Z | cs.CL, cs.AI, cs.LG | In this paper, we investigate the degree to which fine-tuning in Large
Language Models (LLMs) effectively mitigates versus merely conceals undesirable
behavior. Through the lens of semi-realistic role-playing exercises designed to
elicit such behaviors, we explore the response dynamics of LLMs post
fine-tuning interventions. Our methodology involves prompting models for
Chain-of-Thought (CoT) reasoning and analyzing the coherence between the
reasoning traces and the resultant outputs. Notably, we identify a pervasive
phenomenon we term \emph{reason-based deception}, where models either stop
producing reasoning traces or produce seemingly ethical reasoning traces that
belie the unethical nature of their final outputs. We further examine the
efficacy of response strategies (polite refusal versus explicit rebuttal) in
curbing the occurrence of undesired behavior in subsequent outputs of
multi-turn interactions. Our findings reveal that explicit rebuttals
significantly outperform polite refusals in preventing the continuation of
undesired outputs and nearly eliminate reason-based deception, challenging
current practices in model fine-tuning. Accordingly, the two key contributions
of this paper are (1) defining and studying reason-based deception, a new type
of hidden behavior, and (2) demonstrating that rebuttals provide a more robust
response model to harmful requests than refusals, thereby highlighting the need
to reconsider the response strategies in fine-tuning approaches. | cs.CL | Rethinking harmless refusals when fine-tuning foundation models |
2024-06-27T21:47:42Z | http://arxiv.org/pdf/2406.19545v1 | http://arxiv.org/abs/2406.19545v1 | Ritam Dutt, Zhen Wu, Kelly Shi, Divyanshu Sheth, Prakhar Gupta, Carolyn Penstein Rose | 2024-06-27T21:47:42Z | cs.CL, cs.AI | We present a generalizable classification approach that leverages Large
Language Models (LLMs) to facilitate the detection of implicitly encoded social
meaning in conversations. We design a multi-faceted prompt to extract a textual
explanation of the reasoning that connects visible cues to underlying social
meanings. These extracted explanations or rationales serve as augmentations to
the conversational text to facilitate dialogue understanding and transfer. Our
empirical results over 2,340 experimental settings demonstrate the significant
positive impact of adding these rationales. Our findings hold true for
in-domain classification, zero-shot, and few-shot domain transfer for two
different social meaning detection tasks, each spanning two different corpora. | cs.CL | Leveraging Machine-Generated Rationales to Facilitate Social Meaning Detection in Conversations |
2024-06-27T21:45:33Z | http://arxiv.org/pdf/2406.19543v1 | http://arxiv.org/abs/2406.19543v1 | Seid Muhie Yimam, Daryna Dementieva, Tim Fischer, Daniil Moskovskiy, Naquee Rizwan, Punyajoy Saha, Sarthak Roy, Martin Semmann, Alexander Panchenko, Chris Biemann, Animesh Mukherjee | 2024-06-27T21:45:33Z | cs.CL, cs.SI | Despite regulations imposed by nations and social media platforms, such as
recent EU regulations targeting digital violence, abusive content persists as a
significant challenge. Existing approaches primarily rely on binary solutions,
such as outright blocking or banning, yet fail to address the complex nature of
abusive speech. In this work, we propose a more comprehensive approach called
Demarcation scoring abusive speech based on four aspect -- (i) severity scale;
(ii) presence of a target; (iii) context scale; (iv) legal scale -- and
suggesting more options of actions like detoxification, counter speech
generation, blocking, or, as a final measure, human intervention. Through a
thorough analysis of abusive speech regulations across diverse jurisdictions,
platforms, and research papers we highlight the gap in preventing measures and
advocate for tailored proactive steps to combat its multifaceted
manifestations. Our work aims to inform future strategies for effectively
addressing abusive speech online. | cs.CL | Demarked: A Strategy for Enhanced Abusive Speech Moderation through Counterspeech, Detoxification, and Message Management |
2024-06-27T21:31:30Z | http://arxiv.org/pdf/2406.19538v1 | http://arxiv.org/abs/2406.19538v1 | Dan Schumacher, Fatemeh Haji, Tara Grey, Niharika Bandlamudi, Nupoor Karnik, Gagana Uday Kumar, Jason Cho-Yu Chiang, Paul Rad, Nishant Vishwamitra, Anthony Rios | 2024-06-27T21:31:30Z | cs.CL | Large language models (LLMs) often struggle with temporal reasoning, crucial
for tasks like historical event analysis and time-sensitive information
retrieval. Despite advancements, state-of-the-art models falter in handling
temporal information, especially when faced with irrelevant or noisy contexts.
This paper addresses this gap by empirically examining the robustness of
temporal question-answering (TQA) systems trained on various context types,
including relevant, irrelevant, slightly altered, and no context. Our findings
indicate that training with a mix of these contexts enhances model robustness
and accuracy. Additionally, we show that the position of context relative to
the question significantly impacts performance, with question-first positioning
yielding better results. We introduce two new context-rich TQA datasets,
ContextAQA and ContextTQE, and provide comprehensive evaluations and guidelines
for training robust TQA models. Our work lays the foundation for developing
reliable and context-aware temporal QA systems, with broader implications for
enhancing LLM robustness against diverse and potentially adversarial
information. | cs.CL | Context Matters: An Empirical Study of the Impact of Contextual Information in Temporal Question Answering Systems |
2024-06-27T21:21:22Z | http://arxiv.org/pdf/2406.19537v1 | http://arxiv.org/abs/2406.19537v1 | Andrea Bacciu, Marco Damonte, Marco Basaldella, Emilio Monti | 2024-06-27T21:21:22Z | cs.CL, cs.AI | The majority of Neural Semantic Parsing (NSP) models are developed with the
assumption that there are no concepts outside the ones such models can
represent with their target symbols (closed-world assumption). This assumption
leads to generate hallucinated outputs rather than admitting their lack of
knowledge. Hallucinations can lead to wrong or potentially offensive responses
to users. Hence, a mechanism to prevent this behavior is crucial to build
trusted NSP-based Question Answering agents. To that end, we propose the
Hallucination Simulation Framework (HSF), a general setting for stimulating and
analyzing NSP model hallucinations. The framework can be applied to any NSP
task with a closed-ontology. Using the proposed framework and KQA Pro as the
benchmark dataset, we assess state-of-the-art techniques for hallucination
detection. We then present a novel hallucination detection strategy that
exploits the computational graph of the NSP model to detect the NSP
hallucinations in the presence of ontology gaps, out-of-domain utterances, and
to recognize NSP errors, improving the F1-Score respectively by ~21, ~24% and
~1%. This is the first work in closed-ontology NSP that addresses the problem
of recognizing ontology gaps. We release our code and checkpoints at
https://github.com/amazon-science/handling-ontology-gaps-in-semantic-parsing. | cs.CL | Handling Ontology Gaps in Semantic Parsing |
2024-06-27T20:56:57Z | http://arxiv.org/pdf/2406.19526v1 | http://arxiv.org/abs/2406.19526v1 | Majd Saleh, Sarra Baghdadi, Stéphane Paquelet | 2024-06-27T20:56:57Z | cs.CL, cs.IR, cs.LG | Text segmentation holds paramount importance in the field of Natural Language
Processing (NLP). It plays an important role in several NLP downstream tasks
like information retrieval and document summarization. In this work, we propose
a new solution, namely TocBERT, for segmenting texts using bidirectional
transformers. TocBERT represents a supervised solution trained on the detection
of titles and sub-titles from their semantic representations. This task was
formulated as a named entity recognition (NER) problem. The solution has been
applied on a medical text segmentation use-case where the Bio-ClinicalBERT
model is fine-tuned to segment discharge summaries of the MIMIC-III dataset.
The performance of TocBERT has been evaluated on a human-labeled ground truth
corpus of 250 notes. It achieved an F1-score of 84.6% when evaluated on a
linear text segmentation problem and 72.8% on a hierarchical text segmentation
problem. It outperformed a carefully designed rule-based solution, particularly
in distinguishing titles from subtitles. | cs.CL | TocBERT: Medical Document Structure Extraction Using Bidirectional Transformers |
2024-06-27T20:18:18Z | http://arxiv.org/pdf/2406.19512v1 | http://arxiv.org/abs/2406.19512v1 | Giuseppe Carenini, Jordon Johnson, Ali Salamatian | 2024-06-27T20:18:18Z | cs.CL, cs.AI, cs.HC | Automatically captioning visualizations is not new, but recent advances in
large language models(LLMs) open exciting new possibilities. In this tutorial,
after providing a brief review of Information Visualization (InfoVis)
principles and past work in captioning, we introduce neural models and the
transformer architecture used in generic LLMs. We then discuss their recent
applications in InfoVis, with a focus on captioning. Additionally, we explore
promising future directions in this field. | cs.CL | Captioning Visualizations with Large Language Models (CVLLM): A Tutorial |
2024-06-27T19:42:13Z | http://arxiv.org/pdf/2406.19504v1 | http://arxiv.org/abs/2406.19504v1 | Ibrahim Said Ahmad, Shiran Dudy, Resmi Ramachandranpillai, Kenneth Church | 2024-06-27T19:42:13Z | cs.CL | Large Language Models (LLMs), such as ChatGPT, are widely used to generate
content for various purposes and audiences. However, these models may not
reflect the cultural and emotional diversity of their users, especially for
low-resource languages. In this paper, we investigate how ChatGPT represents
Hausa's culture and emotions. We compare responses generated by ChatGPT with
those provided by native Hausa speakers on 37 culturally relevant questions. We
conducted experiments using emotion analysis and applied two similarity metrics
to measure the alignment between human and ChatGPT responses. We also collected
human participants ratings and feedback on ChatGPT responses. Our results show
that ChatGPT has some level of similarity to human responses, but also exhibits
some gaps and biases in its knowledge and awareness of the Hausa culture and
emotions. We discuss the implications and limitations of our methodology and
analysis and suggest ways to improve the performance and evaluation of LLMs for
low-resource languages. | cs.CL | Are Generative Language Models Multicultural? A Study on Hausa Culture and Emotions using ChatGPT |
2024-06-27T19:29:36Z | http://arxiv.org/pdf/2406.19502v1 | http://arxiv.org/abs/2406.19502v1 | Miyoung Ko, Sue Hyun Park, Joonsuk Park, Minjoon Seo | 2024-06-27T19:29:36Z | cs.CL, cs.AI | Despite significant advancements, there is a limited understanding of how
large language models (LLMs) utilize knowledge for reasoning. To address this,
we propose a method that deconstructs complex real-world questions into a
graph, representing each question as a node with parent nodes of background
knowledge needed to solve the question. We develop the DepthQA dataset,
deconstructing questions into three depths: (i) recalling conceptual knowledge,
(ii) applying procedural knowledge, and (iii) analyzing strategic knowledge.
Based on a hierarchical graph, we quantify forward discrepancy, discrepancies
in LLMs' performance on simpler sub-problems versus complex questions. We also
measure backward discrepancy, where LLMs answer complex questions but struggle
with simpler ones. Our analysis shows that smaller models have more
discrepancies than larger models. Additionally, guiding models from simpler to
complex questions through multi-turn interactions improves performance across
model sizes, highlighting the importance of structured intermediate steps in
knowledge reasoning. This work enhances our understanding of LLM reasoning and
suggests ways to improve their problem-solving abilities. | cs.CL | Investigating How Large Language Models Leverage Internal Knowledge to Perform Complex Reasoning |
2024-06-27T19:28:43Z | http://arxiv.org/pdf/2406.19501v1 | http://arxiv.org/abs/2406.19501v1 | Jiahai Feng, Stuart Russell, Jacob Steinhardt | 2024-06-27T19:28:43Z | cs.CL, cs.LG | Language models are susceptible to bias, sycophancy, backdoors, and other
tendencies that lead to unfaithful responses to the input context. Interpreting
internal states of language models could help monitor and correct unfaithful
behavior. We hypothesize that language models represent their input contexts in
a latent world model, and seek to extract this latent world state from the
activations. We do so with 'propositional probes', which compositionally probe
tokens for lexical information and bind them into logical propositions
representing the world state. For example, given the input context ''Greg is a
nurse. Laura is a physicist.'', we decode the propositions ''WorksAs(Greg,
nurse)'' and ''WorksAs(Laura, physicist)'' from the model's activations. Key to
this is identifying a 'binding subspace' in which bound tokens have high
similarity (''Greg'' and ''nurse'') but unbound ones do not (''Greg'' and
''physicist''). We validate propositional probes in a closed-world setting with
finitely many predicates and properties. Despite being trained on simple
templated contexts, propositional probes generalize to contexts rewritten as
short stories and translated to Spanish. Moreover, we find that in three
settings where language models respond unfaithfully to the input context --
prompt injections, backdoor attacks, and gender bias -- the decoded
propositions remain faithful. This suggests that language models often encode a
faithful world model but decode it unfaithfully, which motivates the search for
better interpretability tools for monitoring LMs. | cs.CL | Monitoring Latent World States in Language Models with Propositional Probes |
2024-06-27T19:28:42Z | http://arxiv.org/pdf/2406.19500v1 | http://arxiv.org/abs/2406.19500v1 | Selene Baez Santamaria, Shihan Wang, Piek Vossen | 2024-06-27T19:28:42Z | cs.AI, cs.CL | We develop an artificial agent motivated to augment its knowledge base beyond
its initial training. The agent actively participates in dialogues with other
agents, strategically acquiring new information. The agent models its knowledge
as an RDF knowledge graph, integrating new beliefs acquired through
conversation. Responses in dialogue are generated by identifying graph patterns
around these new integrated beliefs. We show that policies can be learned using
reinforcement learning to select effective graph patterns during an
interaction, without relying on explicit user feedback. Within this context,
our study is a proof of concept for leveraging users as effective sources of
information. | cs.AI | Knowledge acquisition for dialogue agents using reinforcement learning on graph representations |
2024-06-27T19:26:11Z | http://arxiv.org/pdf/2406.19497v1 | http://arxiv.org/abs/2406.19497v1 | Naseela Pervez, Alexander J. Titus | 2024-06-27T19:26:11Z | cs.CL, cs.AI | Large language models (LLMs) are increasingly utilized to assist in
scientific and academic writing, helping authors enhance the coherence of their
articles. Previous studies have highlighted stereotypes and biases present in
LLM outputs, emphasizing the need to evaluate these models for their alignment
with human narrative styles and potential gender biases. In this study, we
assess the alignment of three prominent LLMs - Claude 3 Opus, Mistral AI Large,
and Gemini 1.5 Flash - by analyzing their performance on benchmark
text-generation tasks for scientific abstracts. We employ the Linguistic
Inquiry and Word Count (LIWC) framework to extract lexical, psychological, and
social features from the generated texts. Our findings indicate that, while
these models generally produce text closely resembling human authored content,
variations in stylistic features suggest significant gender biases. This
research highlights the importance of developing LLMs that maintain a diversity
of writing styles to promote inclusivity in academic discourse. | cs.CL | Inclusivity in Large Language Models: Personality Traits and Gender Bias in Scientific Abstracts |
2024-06-27T19:20:09Z | http://arxiv.org/pdf/2406.19493v1 | http://arxiv.org/abs/2406.19493v1 | Anubhab Majumder, Kausik Bhattacharya, Amaresh Chakrabarti | 2024-06-27T19:20:09Z | cs.CL, cs.AI | Representing systems using the SAPPhIRE causality model is found useful in
supporting design-by-analogy. However, creating a SAPPhIRE model of artificial
or biological systems is an effort-intensive process that requires human
experts to source technical knowledge from multiple technical documents
regarding how the system works. This research investigates how to leverage
Large Language Models (LLMs) in creating structured descriptions of systems
using the SAPPhIRE model of causality. This paper, the second part of the
two-part research, presents a new Retrieval-Augmented Generation (RAG) tool for
generating information related to SAPPhIRE constructs of artificial systems and
reports the results from a preliminary evaluation of the tool's success -
focusing on the factual accuracy and reliability of outcomes. | cs.CL | Development and Evaluation of a Retrieval-Augmented Generation Tool for Creating SAPPhIRE Models of Artificial Systems |
2024-06-27T19:02:41Z | http://arxiv.org/pdf/2406.19486v1 | http://arxiv.org/abs/2406.19486v1 | Shouchang Guo, Sonam Damani, Keng-hao Chang | 2024-06-27T19:02:41Z | cs.CL, cs.AI, cs.ET, cs.LG, eess.SP | In prompt tuning, a prefix or suffix text is added to the prompt, and the
embeddings (soft prompts) or token indices (hard prompts) of the prefix/suffix
are optimized to gain more control over language models for specific tasks.
This approach eliminates the need for hand-crafted prompt engineering or
explicit model fine-tuning. Prompt tuning is significantly more
parameter-efficient than model fine-tuning, as it involves optimizing partial
inputs of language models to produce desired outputs.
In this work, we aim to further reduce the amount of trainable parameters
required for a language model to perform well on specific tasks. We propose
Low-rank Prompt Tuning (LoPT), a low-rank model for prompts that achieves
efficient prompt optimization. The proposed method demonstrates similar
outcomes to full parameter prompt tuning while reducing the number of trainable
parameters by a factor of 5. It also provides promising results compared to the
state-of-the-art methods that would require 10 to 20 times more parameters. | cs.CL | LoPT: Low-Rank Prompt Tuning for Parameter Efficient Language Models |
2024-06-27T18:51:46Z | http://arxiv.org/pdf/2406.19482v1 | http://arxiv.org/abs/2406.19482v1 | Marcos Treviso, Nuno M. Guerreiro, Sweta Agrawal, Ricardo Rei, José Pombal, Tania Vaz, Helena Wu, Beatriz Silva, Daan van Stigt, André F. T. Martins | 2024-06-27T18:51:46Z | cs.CL | While machine translation (MT) systems are achieving increasingly strong
performance on benchmarks, they often produce translations with errors and
anomalies. Understanding these errors can potentially help improve the
translation quality and user experience. This paper introduces xTower, an open
large language model (LLM) built on top of TowerBase designed to provide
free-text explanations for translation errors in order to guide the generation
of a corrected translation. The quality of the generated explanations by xTower
are assessed via both intrinsic and extrinsic evaluation. We ask expert
translators to evaluate the quality of the explanations across two dimensions:
relatedness towards the error span being explained and helpfulness in error
understanding and improving translation quality. Extrinsically, we test xTower
across various experimental setups in generating translation corrections,
demonstrating significant improvements in translation quality. Our findings
highlight xTower's potential towards not only producing plausible and helpful
explanations of automatic translations, but also leveraging them to suggest
corrected translations. | cs.CL | xTower: A Multilingual LLM for Explaining and Correcting Translation Errors |
2024-06-27T18:43:51Z | http://arxiv.org/pdf/2406.19478v1 | http://arxiv.org/abs/2406.19478v1 | Ergun Biçici | 2024-06-27T18:43:51Z | cs.CL, cs.AI, G.3; I.2.7 | We use transductive regression techniques to learn mappings between source
and target features of given parallel corpora and use these mappings to
generate machine translation outputs. We show the effectiveness of $L_1$
regularized regression (\textit{lasso}) to learn the mappings between sparsely
observed feature sets versus $L_2$ regularized regression. Proper selection of
training instances plays an important role to learn correct feature mappings
within limited computational resources and at expected accuracy levels. We
introduce \textit{dice} instance selection method for proper selection of
training instances, which plays an important role to learn correct feature
mappings for improving the source and target coverage of the training set. We
show that $L_1$ regularized regression performs better than $L_2$ regularized
regression both in regression measurements and in the translation experiments
using graph decoding. We present encouraging results when translating from
German to English and Spanish to English. We also demonstrate results when the
phrase table of a phrase-based decoder is replaced with the mappings we find
with the regression model. | cs.CL | Sparse Regression for Machine Translation |
2024-06-27T18:21:32Z | http://arxiv.org/pdf/2406.19470v1 | http://arxiv.org/abs/2406.19470v1 | Vipul Gupta, David Pantoja, Candace Ross, Adina Williams, Megan Ung | 2024-06-27T18:21:32Z | cs.CL | As large language models (LLMs) have grown in prevalence, particular
benchmarks have become essential for the evaluation of these models and for
understanding model capabilities. Most commonly, we use test accuracy averaged
across multiple subtasks in order to rank models on leaderboards, to determine
which model is best for our purposes. In this paper, we investigate the
robustness of the accuracy measurement on a widely used multiple choice
question answering dataset, MMLU. When shuffling the answer label contents, we
find that all explored models decrease in accuracy on MMLU, but not every model
is equally sensitive. These findings suggest a possible adjustment to the
standard practice of leaderboard testing, where we additionally consider the
percentage of examples each model answers correctly by random chance. | cs.CL | Changing Answer Order Can Decrease MMLU Accuracy |
2024-06-27T18:07:40Z | http://arxiv.org/pdf/2406.19465v1 | http://arxiv.org/abs/2406.19465v1 | Lekang Jiang, Caiqi Zhang, Pascal A Scherz, Stephan Goetz | 2024-06-27T18:07:40Z | cs.CL | Large language models (LLMs) have shown exceptional performance across
various text generation tasks but remain under-explored in the patent domain,
which offers highly structured and precise language. This paper constructs a
dataset to investigate the performance of current LLMs in patent claim
generation. Our results demonstrate that generating claims based on patent
descriptions outperforms previous research relying on abstracts. Interestingly,
current patent-specific LLMs perform much worse than state-of-the-art general
LLMs, highlighting the necessity for future research on in-domain LLMs. We also
find that LLMs can produce high-quality first independent claims, but their
performances markedly decrease for subsequent dependent claims. Moreover,
fine-tuning can enhance the completeness of inventions' features, conceptual
clarity, and feature linkage. Among the tested LLMs, GPT-4 demonstrates the
best performance in comprehensive human evaluations by patent experts, with
better feature coverage, conceptual clarity, and technical coherence. Despite
these capabilities, comprehensive revision and modification are still necessary
to pass rigorous patent scrutiny and ensure legal robustness. | cs.CL | Can Large Language Models Generate High-quality Patent Claims? |
2024-06-27T17:58:54Z | http://arxiv.org/pdf/2406.19388v1 | http://arxiv.org/abs/2406.19388v1 | Moayed Haji-Ali, Willi Menapace, Aliaksandr Siarohin, Guha Balakrishnan, Sergey Tulyakov, Vicente Ordonez | 2024-06-27T17:58:54Z | cs.SD, cs.CL, cs.CV, cs.MM, eess.AS | Generating ambient sounds and effects is a challenging problem due to data
scarcity and often insufficient caption quality, making it difficult to employ
large-scale generative models for the task. In this work, we tackle the problem
by introducing two new models. First, we propose AutoCap, a high-quality and
efficient automatic audio captioning model. We show that by leveraging metadata
available with the audio modality, we can substantially improve the quality of
captions. AutoCap reaches CIDEr score of 83.2, marking a 3.2% improvement from
the best available captioning model at four times faster inference speed. We
then use AutoCap to caption clips from existing datasets, obtaining 761,000
audio clips with high-quality captions, forming the largest available
audio-text dataset. Second, we propose GenAu, a scalable transformer-based
audio generation architecture that we scale up to 1.25B parameters and train
with our new dataset. When compared to state-of-the-art audio generators, GenAu
obtains significant improvements of 15.7% in FAD score, 22.7% in IS, and 13.5%
in CLAP score, indicating significantly improved quality of generated audio
compared to previous works. This shows that the quality of data is often as
important as its quantity. Besides, since AutoCap is fully automatic, new audio
samples can be added to the training dataset, unlocking the training of even
larger generative models for audio synthesis. | cs.SD | Taming Data and Transformers for Audio Generation |
2024-06-27T17:57:03Z | http://arxiv.org/pdf/2406.19384v1 | http://arxiv.org/abs/2406.19384v1 | Vedang Lad, Wes Gurnee, Max Tegmark | 2024-06-27T17:57:03Z | cs.LG, cs.AI, cs.CL | We demonstrate and investigate the remarkable robustness of Large Language
Models by deleting and swapping adjacent layers. We find that deleting and
swapping interventions retain 72-95\% of the original model's prediction
accuracy without fine-tuning, whereas models with more layers exhibit more
robustness. Based on the results of the layer-wise intervention and further
experiments, we hypothesize the existence of four universal stages of inference
across eight different models: detokenization, feature engineering, prediction
ensembling, and residual sharpening. The first stage integrates local
information, lifting raw token representations into higher-level contextual
representations. Next is the iterative refinement of task and entity-specific
features. Then, the second half of the model begins with a phase transition,
where hidden representations align more with the vocabulary space due to
specialized model components. Finally, the last layer sharpens the following
token distribution by eliminating obsolete features that add noise to the
prediction. | cs.LG | The Remarkable Robustness of LLMs: Stages of Inference? |
2024-06-27T17:50:35Z | http://arxiv.org/pdf/2406.19371v1 | http://arxiv.org/abs/2406.19371v1 | Chau Minh Pham, Simeng Sun, Mohit Iyyer | 2024-06-27T17:50:35Z | cs.CL | Existing research on instruction following largely focuses on tasks with
simple instructions and short responses. In this work, we explore
multi-constraint instruction following for generating long-form text. We create
Suri, a dataset with 20K human-written long-form texts paired with
LLM-generated backtranslated instructions that contain multiple complex
constraints. Because of prohibitive challenges associated with collecting human
preference judgments on long-form texts, preference-tuning algorithms such as
DPO are infeasible in our setting; thus, we propose Instructional ORPO
(I-ORPO), an alignment method based on the ORPO algorithm. Instead of receiving
negative feedback from dispreferred responses, I-ORPO obtains negative feedback
from synthetically corrupted instructions generated by an LLM. Using Suri, we
perform supervised and I-ORPO fine-tuning on Mistral-7b-Instruct-v0.2. The
resulting models, Suri-SFT and Suri-I-ORPO, generate significantly longer texts
(~5K tokens) than base models without significant quality deterioration. Our
human evaluation shows that while both SFT and I-ORPO models satisfy most
constraints, Suri-I-ORPO generations are generally preferred for their coherent
and informative incorporation of the constraints. We release our code at
https://github.com/chtmp223/suri. | cs.CL | Suri: Multi-constraint Instruction Following for Long-form Text Generation |
2024-06-27T17:47:26Z | http://arxiv.org/pdf/2407.00121v1 | http://arxiv.org/abs/2407.00121v1 | Ibrahim Abdelaziz, Kinjal Basu, Mayank Agarwal, Sadhana Kumaravel, Matthew Stallone, Rameswar Panda, Yara Rizk, GP Bhargav, Maxwell Crouse, Chulaka Gunasekara, Shajith Ikbal, Sachin Joshi, Hima Karanam, Vineet Kumar, Asim Munawar, Sumit Neelam, Dinesh Raghu, Udit Sharma, Adriana Meza Soria, Dheeraj Sreedhar, Praveen Venkateswaran, Merve Unuvar, David Cox, Salim Roukos, Luis Lastras, Pavan Kapanipathi | 2024-06-27T17:47:26Z | cs.LG, cs.AI, cs.CL | Large language models (LLMs) have recently shown tremendous promise in
serving as the backbone to agentic systems, as demonstrated by their
performance in multi-faceted, challenging benchmarks like SWE-Bench and
Agent-Bench. However, to realize the true potential of LLMs as autonomous
agents, they must learn to identify, call, and interact with external tools and
application program interfaces (APIs) to complete complex tasks. These tasks
together are termed function calling. Endowing LLMs with function calling
abilities leads to a myriad of advantages, such as access to current and
domain-specific information in databases and knowledge sources, and the ability
to outsource tasks that can be reliably performed by tools, e.g., a Python
interpreter or calculator. While there has been significant progress in
function calling with LLMs, there is still a dearth of open models that perform
on par with proprietary LLMs like GPT, Claude, and Gemini. Therefore, in this
work, we introduce the GRANITE-20B-FUNCTIONCALLING model under an Apache 2.0
license. The model is trained using a multi-task training approach on seven
fundamental tasks encompassed in function calling, those being Nested Function
Calling, Function Chaining, Parallel Functions, Function Name Detection,
Parameter-Value Pair Detection, Next-Best Function, and Response Generation. We
present a comprehensive evaluation on multiple out-of-domain datasets comparing
GRANITE-20B-FUNCTIONCALLING to more than 15 other best proprietary and open
models. GRANITE-20B-FUNCTIONCALLING provides the best performance among all
open models on the Berkeley Function Calling Leaderboard and fourth overall. As
a result of the diverse tasks and datasets used for training our model, we show
that GRANITE-20B-FUNCTIONCALLING has better generalizability on multiple tasks
in seven different evaluation datasets. | cs.LG | Granite-Function Calling Model: Introducing Function Calling Abilities via Multi-task Learning of Granular Tasks |
2024-06-27T17:38:45Z | http://arxiv.org/pdf/2406.19358v1 | http://arxiv.org/abs/2406.19358v1 | Xiliang Zhu, Shayna Gardiner, Tere Roldán, David Rossouw | 2024-06-27T17:38:45Z | cs.CL | Sentiment analysis serves as a pivotal component in Natural Language
Processing (NLP). Advancements in multilingual pre-trained models such as XLM-R
and mT5 have contributed to the increasing interest in cross-lingual sentiment
analysis. The recent emergence in Large Language Models (LLM) has significantly
advanced general NLP tasks, however, the capability of such LLMs in
cross-lingual sentiment analysis has not been fully studied. This work
undertakes an empirical analysis to compare the cross-lingual transfer
capability of public Small Multilingual Language Models (SMLM) like XLM-R,
against English-centric LLMs such as Llama-3, in the context of sentiment
analysis across English, Spanish, French and Chinese. Our findings reveal that
among public models, SMLMs exhibit superior zero-shot cross-lingual performance
relative to LLMs. However, in few-shot cross-lingual settings, public LLMs
demonstrate an enhanced adaptive potential. In addition, we observe that
proprietary GPT-3.5 and GPT-4 lead in zero-shot cross-lingual capability, but
are outpaced by public models in few-shot scenarios. | cs.CL | The Model Arena for Cross-lingual Sentiment Analysis: A Comparative Study in the Era of Large Language Models |
2024-06-27T17:37:31Z | http://arxiv.org/pdf/2406.19356v1 | http://arxiv.org/abs/2406.19356v1 | Nigel Fernandez, Alexander Scarlatos, Simon Woodhead, Andrew Lan | 2024-06-27T17:37:31Z | cs.CL, cs.CY, cs.LG | High-quality distractors are crucial to both the assessment and pedagogical
value of multiple-choice questions (MCQs), where manually crafting ones that
anticipate knowledge deficiencies or misconceptions among real students is
difficult. Meanwhile, automated distractor generation, even with the help of
large language models (LLMs), remains challenging for subjects like math. It is
crucial to not only identify plausible distractors but also understand the
error behind them. In this paper, we introduce DiVERT (Distractor Generation
with Variational Errors Represented as Text), a novel variational approach that
learns an interpretable representation of errors behind distractors in math
MCQs. Through experiments on a real-world math MCQ dataset with 1,434 questions
used by hundreds of thousands of students, we show that DiVERT, despite using a
base open-source LLM with 7B parameters, outperforms state-of-the-art
approaches using GPT-4o on downstream distractor generation. We also conduct a
human evaluation with math educators and find that DiVERT leads to error labels
that are of comparable quality to human-authored ones. | cs.CL | DiVERT: Distractor Generation with Variational Errors Represented as Text for Math Multiple-choice Questions |
2024-06-27T17:33:03Z | http://arxiv.org/pdf/2406.19354v1 | http://arxiv.org/abs/2406.19354v1 | Peter Hase, Thomas Hofweber, Xiang Zhou, Elias Stengel-Eskin, Mohit Bansal | 2024-06-27T17:33:03Z | cs.CL, cs.AI | The model editing problem concerns how language models should learn new facts
about the world over time. While empirical research on model editing has drawn
widespread attention, the conceptual foundations of model editing remain shaky
-- perhaps unsurprisingly, since model editing is essentially belief revision,
a storied problem in philosophy that has eluded succinct solutions for decades.
Model editing nonetheless demands a solution, since we need to be able to
control the knowledge within language models. With this goal in mind, this
paper critiques the standard formulation of the model editing problem and
proposes a formal testbed for model editing research. We first describe 12 open
problems with model editing, based on challenges with (1) defining the problem,
(2) developing benchmarks, and (3) assuming LLMs have editable beliefs in the
first place. Many of these challenges are extremely difficult to address, e.g.
determining far-reaching consequences of edits, labeling probabilistic
entailments between facts, and updating beliefs of agent simulators. Next, we
introduce a semi-synthetic dataset for model editing based on Wikidata, where
we can evaluate edits against labels given by an idealized Bayesian agent. This
enables us to say exactly how belief revision in language models falls short of
a desirable epistemic standard. We encourage further research exploring
settings where such a gold standard can be compared against. Our code is
publicly available at: https://github.com/peterbhase/LLM-belief-revision | cs.CL | Fundamental Problems With Model Editing: How Should Rational Belief Revision Work in LLMs? |
2024-06-27T17:26:38Z | http://arxiv.org/pdf/2406.19349v1 | http://arxiv.org/abs/2406.19349v1 | Lucky Susanto, Musa Izzanardi Wijanarko, Prasetia Anugrah Pratama, Traci Hong, Ika Idris, Alham Fikri Aji, Derry Wijaya | 2024-06-27T17:26:38Z | cs.CL, cs.AI | Hate speech poses a significant threat to social harmony. Over the past two
years, Indonesia has seen a ten-fold increase in the online hate speech ratio,
underscoring the urgent need for effective detection mechanisms. However,
progress is hindered by the limited availability of labeled data for Indonesian
texts. The condition is even worse for marginalized minorities, such as Shia,
LGBTQ, and other ethnic minorities because hate speech is underreported and
less understood by detection tools. Furthermore, the lack of accommodation for
subjectivity in current datasets compounds this issue. To address this, we
introduce IndoToxic2024, a comprehensive Indonesian hate speech and toxicity
classification dataset. Comprising 43,692 entries annotated by 19 diverse
individuals, the dataset focuses on texts targeting vulnerable groups in
Indonesia, specifically during the hottest political event in the country: the
presidential election. We establish baselines for seven binary classification
tasks, achieving a macro-F1 score of 0.78 with a BERT model (IndoBERTweet)
fine-tuned for hate speech classification. Furthermore, we demonstrate how
incorporating demographic information can enhance the zero-shot performance of
the large language model, gpt-3.5-turbo. However, we also caution that an
overemphasis on demographic information can negatively impact the fine-tuned
model performance due to data fragmentation. | cs.CL | IndoToxic2024: A Demographically-Enriched Dataset of Hate Speech and Toxicity Types for Indonesian Language |
2024-06-27T16:52:19Z | http://arxiv.org/pdf/2406.19317v1 | http://arxiv.org/abs/2406.19317v1 | Parand A. Alamdari, Yanshuai Cao, Kevin H. Wilson | 2024-06-27T16:52:19Z | cs.LG, cs.AI, cs.CL | We present substantial evidence demonstrating the benefits of integrating
Large Language Models (LLMs) with a Contextual Multi-Armed Bandit framework.
Contextual bandits have been widely used in recommendation systems to generate
personalized suggestions based on user-specific contexts. We show that LLMs,
pre-trained on extensive corpora rich in human knowledge and preferences, can
simulate human behaviours well enough to jump-start contextual multi-armed
bandits to reduce online learning regret. We propose an initialization
algorithm for contextual bandits by prompting LLMs to produce a pre-training
dataset of approximate human preferences for the bandit. This significantly
reduces online learning regret and data-gathering costs for training such
models. Our approach is validated empirically through two sets of experiments
with different bandit setups: one which utilizes LLMs to serve as an oracle and
a real-world experiment utilizing data from a conjoint survey experiment. | cs.LG | Jump Starting Bandits with LLM-Generated Prior Knowledge |
Subsets and Splits