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
|
---|---|---|---|---|---|---|---|---|
2023-12-10T20:37:29Z | http://arxiv.org/pdf/2312.05990v2 | http://arxiv.org/abs/2312.05990v2 | Zening Duan, Anqi Shao, Yicheng Hu, Heysung Lee, Xining Liao, Yoo Ji Suh, Jisoo Kim, Kai-Cheng Yang, Kaiping Chen, Sijia Yang | 2024-03-09T04:55:47Z | cs.CL | While researchers often study message features like moral content in text,
such as party manifestos and social media, their quantification remains a
challenge. Conventional human coding struggles with scalability and intercoder
reliability. While dictionary-based methods are cost-effective and
computationally efficient, they often lack contextual sensitivity and are
limited by the vocabularies developed for the original applications. In this
paper, we present an approach to construct vec-tionary measurement tools that
boost validated dictionaries with word embeddings through nonlinear
optimization. By harnessing semantic relationships encoded by embeddings,
vec-tionaries improve the measurement of message features from text, especially
those in short format, by expanding the applicability of original vocabularies
to other contexts. Importantly, a vec-tionary can produce additional metrics to
capture the valence and ambivalence of a message feature beyond its strength in
texts. Using moral content in tweets as a case study, we illustrate the steps
to construct the moral foundations vec-tionary, showcasing its ability to
process texts missed by conventional dictionaries and word embedding methods
and to produce measurements better aligned with crowdsourced human assessments.
Furthermore, additional metrics from the vec-tionary unveiled unique insights
that facilitated predicting outcomes such as message retransmission. | cs.CL | Constructing Vec-tionaries to Extract Message Features from Texts: A Case Study of Moral Appeals |
2023-12-10T19:45:24Z | http://arxiv.org/pdf/2312.05979v1 | http://arxiv.org/abs/2312.05979v1 | Peter West, Ronan Le Bras, Taylor Sorensen, Bill Yuchen Lin, Liwei Jiang, Ximing Lu, Khyathi Chandu, Jack Hessel, Ashutosh Baheti, Chandra Bhagavatula, Yejin Choi | 2023-12-10T19:45:24Z | cs.CL | We present NovaCOMET, an open commonsense knowledge model, that combines the
best aspects of knowledge and general task models. Compared to previous
knowledge models, NovaCOMET allows open-format relations enabling direct
application to reasoning tasks; compared to general task models like Flan-T5,
it explicitly centers knowledge, enabling superior performance for commonsense
reasoning.
NovaCOMET leverages the knowledge of opaque proprietary models to create an
open knowledge pipeline. First, knowledge is symbolically distilled into
NovATOMIC, a publicly-released discrete knowledge graph which can be audited,
critiqued, and filtered. Next, we train NovaCOMET on NovATOMIC by fine-tuning
an open-source pretrained model. NovaCOMET uses an open-format training
objective, replacing the fixed relation sets of past knowledge models, enabling
arbitrary structures within the data to serve as inputs or outputs.
The resulting generation model, optionally augmented with human annotation,
matches or exceeds comparable open task models like Flan-T5 on a range of
commonsense generation tasks. NovaCOMET serves as a counterexample to the
contemporary focus on instruction tuning only, demonstrating a distinct
advantage to explicitly modeling commonsense knowledge as well. | cs.CL | NovaCOMET: Open Commonsense Foundation Models with Symbolic Knowledge Distillation |
2023-12-10T18:58:26Z | http://arxiv.org/pdf/2312.11504v1 | http://arxiv.org/abs/2312.11504v1 | Hao Li, Brandon Bennett | 2023-12-10T18:58:26Z | cs.CL, cs.AI, cs.LG | Text classification is an important topic in the field of natural language
processing. It has been preliminarily applied in information retrieval, digital
library, automatic abstracting, text filtering, word semantic discrimination
and many other fields. The aim of this research is to use a variety of
algorithms to test the ability to identify offensive posts and evaluate their
performance against a variety of assessment methods. The motivation for this
project is to reduce the harm of these languages to human censors by automating
the screening of offending posts. The field is a new one, and despite much
interest in the past two years, there has been no focus on the object of the
offence. Through the experiment of this project, it should inspire future
research on identification methods as well as identification content. | cs.CL | The performance of multiple language models in identifying offensive language on social media |
2023-12-10T18:43:37Z | http://arxiv.org/pdf/2312.05964v2 | http://arxiv.org/abs/2312.05964v2 | Brandon Theodorou, Shrusti Jain, Cao Xiao, Jimeng Sun | 2023-12-20T22:10:27Z | cs.LG, cs.AI, cs.CL | Generative models can produce synthetic patient records for analytical tasks
when real data is unavailable or limited. However, current methods struggle
with adhering to domain-specific knowledge and removing invalid data. We
present ConSequence, an effective approach to integrating domain knowledge into
sequential generative neural network outputs. Our rule-based formulation
includes temporal aggregation and antecedent evaluation modules, ensured by an
efficient matrix multiplication formulation, to satisfy hard and soft logical
constraints across time steps. Existing constraint methods often fail to
guarantee constraint satisfaction, lack the ability to handle temporal
constraints, and hinder the learning and computational efficiency of the model.
In contrast, our approach efficiently handles all types of constraints with
guaranteed logical coherence. We demonstrate ConSequence's effectiveness in
generating electronic health records, outperforming competitors in achieving
complete temporal and spatial constraint satisfaction without compromising
runtime performance or generative quality. Specifically, ConSequence
successfully prevents all rule violations while improving the model quality in
reducing its test perplexity by 5% and incurring less than a 13% slowdown in
generation speed compared to an unconstrained model. | cs.LG | ConSequence: Synthesizing Logically Constrained Sequences for Electronic Health Record Generation |
2023-12-10T16:52:00Z | http://arxiv.org/pdf/2312.05934v3 | http://arxiv.org/abs/2312.05934v3 | Oded Ovadia, Menachem Brief, Moshik Mishaeli, Oren Elisha | 2024-01-30T11:58:10Z | cs.AI, cs.CL, cs.LG | Large language models (LLMs) encapsulate a vast amount of factual information
within their pre-trained weights, as evidenced by their ability to answer
diverse questions across different domains. However, this knowledge is
inherently limited, relying heavily on the characteristics of the training
data. Consequently, using external datasets to incorporate new information or
refine the capabilities of LLMs on previously seen information poses a
significant challenge. In this study, we compare two common approaches:
unsupervised fine-tuning and retrieval-augmented generation (RAG). We evaluate
both approaches on a variety of knowledge-intensive tasks across different
topics. Our findings reveal that while unsupervised fine-tuning offers some
improvement, RAG consistently outperforms it, both for existing knowledge
encountered during training and entirely new knowledge. Moreover, we find that
LLMs struggle to learn new factual information through unsupervised
fine-tuning, and that exposing them to numerous variations of the same fact
during training could alleviate this problem. | cs.AI | Fine-Tuning or Retrieval? Comparing Knowledge Injection in LLMs |
2023-12-10T14:32:25Z | http://arxiv.org/pdf/2312.07573v1 | http://arxiv.org/abs/2312.07573v1 | Hakim Bouchal, Ahror Belaid | 2023-12-10T14:32:25Z | cs.CL | Segmentation of Arabic manuscripts into lines of text and words is an
important step to make recognition systems more efficient and accurate. The
problem of segmentation into text lines is solved since there are carefully
annotated dataset dedicated to this task. However, To the best of our
knowledge, there are no dataset annotating the word position of Arabic texts.
In this paper, we present a new dataset specifically designed for historical
Arabic script in which we annotate position in word level. | cs.CL | Arabic Handwritten Text Line Dataset |
2023-12-10T12:34:30Z | http://arxiv.org/pdf/2312.06705v1 | http://arxiv.org/abs/2312.06705v1 | Sakshi Ranjan, Subhankar Mishra | 2023-12-10T12:34:30Z | cs.CL, cs.LG | Google app market captures the school of thought of users from every corner
of the globe via ratings and text reviews, in a multilinguistic arena. The
potential information from the reviews cannot be extracted manually, due to its
exponential growth. So, Sentiment analysis, by machine learning and deep
learning algorithms employing NLP, explicitly uncovers and interprets the
emotions. This study performs the sentiment classification of the app reviews
and identifies the university student's behavior towards the app market via
exploratory analysis. We applied machine learning algorithms using the TP, TF,
and TF IDF text representation scheme and evaluated its performance on Bagging,
an ensemble learning method. We used word embedding, Glove, on the deep
learning paradigms. Our model was trained on Google app reviews and tested on
Student's App Reviews(SAR). The various combinations of these algorithms were
compared amongst each other using F score and accuracy and inferences were
highlighted graphically. SVM, amongst other classifiers, gave fruitful
accuracy(93.41%), F score(89%) on bigram and TF IDF scheme. Bagging enhanced
the performance of LR and NB with accuracy of 87.88% and 86.69% and F score of
86% and 78% respectively. Overall, LSTM on Glove embedding recorded the highest
accuracy(95.2%) and F score(88%). | cs.CL | Perceiving University Student's Opinions from Google App Reviews |
2023-12-10T09:52:32Z | http://arxiv.org/pdf/2312.05842v1 | http://arxiv.org/abs/2312.05842v1 | Yongheng Deng, Ziqing Qiao, Ju Ren, Yang Liu, Yaoxue Zhang | 2023-12-10T09:52:32Z | cs.AI, cs.CL | While large language models (LLMs) are empowered with broad knowledge, their
task-specific performance is often suboptimal. It necessitates fine-tuning LLMs
with task-specific data, but such data may be inaccessible due to privacy
concerns. In this paper, we propose a novel approach to enhance LLMs with
smaller language models (SLMs) that are trained on clients using their private
task-specific data. To enable mutual enhancement between LLMs and SLMs, we
propose CrossLM, where the SLMs promote the LLM to generate task-specific
high-quality data, and both the LLM and SLMs are enhanced with the generated
data. We evaluate CrossLM using publicly accessible language models across a
range of benchmark tasks. The results demonstrate that CrossLM significantly
enhances the task-specific performance of SLMs on clients and the LLM on the
cloud server simultaneously while preserving the LLM's generalization
capability. | cs.AI | Mutual Enhancement of Large and Small Language Models with Cross-Silo Knowledge Transfer |
2023-12-10T09:27:50Z | http://arxiv.org/pdf/2312.05834v1 | http://arxiv.org/abs/2312.05834v1 | Xin Tan, Bowei Zou, Ai Ti Aw | 2023-12-10T09:27:50Z | cs.CL, cs.AI | Universal fact-checking systems for real-world claims face significant
challenges in gathering valid and sufficient real-time evidence and making
reasoned decisions. In this work, we introduce the Open-domain Explainable
Fact-checking (OE-Fact) system for claim-checking in real-world scenarios. The
OE-Fact system can leverage the powerful understanding and reasoning
capabilities of large language models (LLMs) to validate claims and generate
causal explanations for fact-checking decisions. To adapt the traditional
three-module fact-checking framework to the open domain setting, we first
retrieve claim-related information as relevant evidence from open websites.
After that, we retain the evidence relevant to the claim through LLM and
similarity calculation for subsequent verification. We evaluate the performance
of our adapted three-module OE-Fact system on the Fact Extraction and
Verification (FEVER) dataset. Experimental results show that our OE-Fact system
outperforms general fact-checking baseline systems in both closed- and
open-domain scenarios, ensuring stable and accurate verdicts while providing
concise and convincing real-time explanations for fact-checking decisions. | cs.CL | Evidence-based Interpretable Open-domain Fact-checking with Large Language Models |
2023-12-10T08:41:24Z | http://arxiv.org/pdf/2312.05821v2 | http://arxiv.org/abs/2312.05821v2 | Zhihang Yuan, Yuzhang Shang, Yue Song, Qiang Wu, Yan Yan, Guangyu Sun | 2024-05-24T06:28:15Z | cs.CL | In this paper, we introduce a new post-training compression paradigm for
Large Language Models (LLMs) to facilitate their wider adoption. We delve into
LLM weight low-rank factorization, and find that the challenges of this task
stem from the outlier phenomenon in the LLM activations and the sensitivity
difference among various kinds of layers. To address these issues, we propose a
training-free approach called Activation-aware Singular Value Decomposition
(ASVD). Specifically, ASVD manages activation outliers by scaling the weight
matrix based on the activation distribution, thereby enhancing decomposition
accuracy. Additionally, we propose an efficient iterative calibration process
to optimize layer-specific decomposition by addressing the varying sensitivity
of different LLM layers. ASVD can compress a network by 10-20%, without
compromising the performance of LLMs. Based on the success of the low-rank
decomposition of projection matrices in the self-attention module, we further
introduce ASVD to compress the KV cache. By reducing the channel dimension of
KV activations, memory requirements for KV cache can be largely reduced. Thanks
to the 50-75% reduction in the rank of the KV projection matrices, ASVD can
further achieve 50% KV cache reductions without performance drop in a
training-free manner. | cs.CL | ASVD: Activation-aware Singular Value Decomposition for Compressing Large Language Models |
2023-12-10T07:08:51Z | http://arxiv.org/pdf/2312.10078v1 | http://arxiv.org/abs/2312.10078v1 | Yuyang Deng, Ni Zhao, Xin Huang | 2023-12-10T07:08:51Z | cs.HC, cs.AI, cs.CL, cs.LG | Since its launch, ChatGPT has achieved remarkable success as a versatile
conversational AI platform, drawing millions of users worldwide and garnering
widespread recognition across academic, industrial, and general communities.
This paper aims to point a portrait of early GPT users and understand how they
evolved. Specific questions include their topics of interest and their
potential careers; and how this changes over time. We conduct a detailed
analysis of real-world ChatGPT datasets with multi-turn conversations between
users and ChatGPT. Through a multi-pronged approach, we quantify conversation
dynamics by examining the number of turns, then gauge sentiment to understand
user sentiment variations, and finally employ Latent Dirichlet Allocation (LDA)
to discern overarching topics within the conversation. By understanding shifts
in user demographics and interests, we aim to shed light on the changing nature
of human-AI interaction and anticipate future trends in user engagement with
language models. | cs.HC | Early ChatGPT User Portrait through the Lens of Data |
2023-12-10T05:17:39Z | http://arxiv.org/pdf/2312.11503v1 | http://arxiv.org/abs/2312.11503v1 | Varun Sharma | 2023-12-10T05:17:39Z | cs.CL, cs.AI | Affective computing is a field of study that focuses on developing systems
and technologies that can understand, interpret, and respond to human emotions.
Speech Emotion Recognition (SER), in particular, has got a lot of attention
from researchers in the recent past. However, in many cases, the publicly
available datasets, used for training and evaluation, are scarce and imbalanced
across the emotion labels. In this work, we focused on building a balanced
corpus from these publicly available datasets by combining these datasets as
well as employing various speech data augmentation techniques. Furthermore, we
experimented with different architectures for speech emotion recognition. Our
best system, a multi-modal speech, and text-based model, provides a performance
of UA(Unweighed Accuracy) + WA (Weighed Accuracy) of 157.57 compared to the
baseline algorithm performance of 119.66 | cs.CL | Speech and Text-Based Emotion Recognizer |
2023-12-10T04:46:30Z | http://arxiv.org/pdf/2312.05762v1 | http://arxiv.org/abs/2312.05762v1 | Yougang Lyu, Jitai Hao, Zihan Wang, Kai Zhao, Shen Gao, Pengjie Ren, Zhumin Chen, Fang Wang, Zhaochun Ren | 2023-12-10T04:46:30Z | cs.CL | Multiple defendants in a criminal fact description generally exhibit complex
interactions, and cannot be well handled by existing Legal Judgment Prediction
(LJP) methods which focus on predicting judgment results (e.g., law articles,
charges, and terms of penalty) for single-defendant cases. To address this
problem, we propose the task of multi-defendant LJP, which aims to
automatically predict the judgment results for each defendant of
multi-defendant cases. Two challenges arise with the task of multi-defendant
LJP: (1) indistinguishable judgment results among various defendants; and (2)
the lack of a real-world dataset for training and evaluation. To tackle the
first challenge, we formalize the multi-defendant judgment process as
hierarchical reasoning chains and introduce a multi-defendant LJP method, named
Hierarchical Reasoning Network (HRN), which follows the hierarchical reasoning
chains to determine criminal relationships, sentencing circumstances, law
articles, charges, and terms of penalty for each defendant. To tackle the
second challenge, we collect a real-world multi-defendant LJP dataset, namely
MultiLJP, to accelerate the relevant research in the future. Extensive
experiments on MultiLJP verify the effectiveness of our proposed HRN. | cs.CL | Multi-Defendant Legal Judgment Prediction via Hierarchical Reasoning |
2023-12-10T03:38:41Z | http://arxiv.org/pdf/2312.05741v1 | http://arxiv.org/abs/2312.05741v1 | Thinh Pham, Chi Tran, Dat Quoc Nguyen | 2023-12-10T03:38:41Z | cs.CL | The research study of detecting multiple intents and filling slots is
becoming more popular because of its relevance to complicated real-world
situations. Recent advanced approaches, which are joint models based on graphs,
might still face two potential issues: (i) the uncertainty introduced by
constructing graphs based on preliminary intents and slots, which may transfer
intent-slot correlation information to incorrect label node destinations, and
(ii) direct incorporation of multiple intent labels for each token w.r.t.
token-level intent voting might potentially lead to incorrect slot predictions,
thereby hurting the overall performance. To address these two issues, we
propose a joint model named MISCA. Our MISCA introduces an intent-slot
co-attention mechanism and an underlying layer of label attention mechanism.
These mechanisms enable MISCA to effectively capture correlations between
intents and slot labels, eliminating the need for graph construction. They also
facilitate the transfer of correlation information in both directions: from
intents to slots and from slots to intents, through multiple levels of
label-specific representations, without relying on token-level intent
information. Experimental results show that MISCA outperforms previous models,
achieving new state-of-the-art overall accuracy performances on two benchmark
datasets MixATIS and MixSNIPS. This highlights the effectiveness of our
attention mechanisms. | cs.CL | MISCA: A Joint Model for Multiple Intent Detection and Slot Filling with Intent-Slot Co-Attention |
2023-12-10T01:19:59Z | http://arxiv.org/pdf/2312.05720v4 | http://arxiv.org/abs/2312.05720v4 | Jianwei Li, Sheng Liu, Qi Lei | 2024-03-15T18:23:05Z | cs.LG, cs.AI, cs.CL, cs.CR | Language models trained via federated learning (FL) demonstrate impressive
capabilities in handling complex tasks while protecting user privacy. Recent
studies indicate that leveraging gradient information and prior knowledge can
potentially reveal training samples within FL setting. However, these
investigations have overlooked the potential privacy risks tied to the
intrinsic architecture of the models. This paper presents a two-stage privacy
attack strategy that targets the vulnerabilities in the architecture of
contemporary language models, significantly enhancing attack performance by
initially recovering certain feature directions as additional supervisory
signals. Our comparative experiments demonstrate superior attack performance
across various datasets and scenarios, highlighting the privacy leakage risk
associated with the increasingly complex architectures of language models. We
call for the community to recognize and address these potential privacy risks
in designing large language models. | cs.LG | Beyond Gradient and Priors in Privacy Attacks: Leveraging Pooler Layer Inputs of Language Models in Federated Learning |
2023-12-09T23:43:35Z | http://arxiv.org/pdf/2312.11502v1 | http://arxiv.org/abs/2312.11502v1 | David R. Bellamy, Bhawesh Kumar, Cindy Wang, Andrew Beam | 2023-12-09T23:43:35Z | cs.CL, cs.AI, cs.LG | In this work we introduce Labrador, a pre-trained Transformer model for
laboratory data. Labrador and BERT were pre-trained on a corpus of 100 million
lab test results from electronic health records (EHRs) and evaluated on various
downstream outcome prediction tasks. Both models demonstrate mastery of the
pre-training task but neither consistently outperform XGBoost on downstream
supervised tasks. Our ablation studies reveal that transfer learning shows
limited effectiveness for BERT and achieves marginal success with Labrador. We
explore the reasons for the failure of transfer learning and suggest that the
data generating process underlying each patient cannot be characterized
sufficiently using labs alone, among other factors. We encourage future work to
focus on joint modeling of multiple EHR data categories and to include
tree-based baselines in their evaluations. | cs.CL | Labrador: Exploring the Limits of Masked Language Modeling for Laboratory Data |
2023-12-09T22:12:52Z | http://arxiv.org/pdf/2312.05693v1 | http://arxiv.org/abs/2312.05693v1 | Xuan Shen, Peiyan Dong, Lei Lu, Zhenglun Kong, Zhengang Li, Ming Lin, Chao Wu, Yanzhi Wang | 2023-12-09T22:12:52Z | cs.LG, cs.AI, cs.CL | Large Language Models (LLMs) stand out for their impressive performance in
intricate language modeling tasks. However, their demanding computational and
memory needs pose obstacles for broad use on edge devices. Quantization is then
introduced to boost LLMs' on-device efficiency. Recent works show that 8-bit or
lower weight quantization is feasible with minimal impact on end-to-end task
performance, while the activation is still not quantized. On the other hand,
mainstream commodity edge devices still struggle to execute these sub-8-bit
quantized networks effectively. In this paper, we propose Agile-Quant, an
activation-guided quantization framework for popular Large Language Models
(LLMs), and implement an end-to-end accelerator on multiple edge devices for
faster inference. Considering the hardware profiling and activation analysis,
we first introduce a basic activation quantization strategy to balance the
trade-off of task performance and real inference speed. Then we leverage the
activation-aware token pruning technique to reduce the outliers and the adverse
impact on attentivity. Ultimately, we utilize the SIMD-based 4-bit multiplier
and our efficient TRIP matrix multiplication to implement the accelerator for
LLMs on the edge. We apply our framework on different scales of LLMs including
LLaMA, OPT, and BLOOM with 4-bit or 8-bit for the activation and 4-bit for the
weight quantization. Experiments show that Agile-Quant achieves simultaneous
quantization of model weights and activations while maintaining task
performance comparable to existing weight-only quantization methods. Moreover,
in the 8- and 4-bit scenario, Agile-Quant achieves an on-device speedup of up
to 2.55x compared to its FP16 counterparts across multiple edge devices,
marking a pioneering advancement in this domain. | cs.LG | Agile-Quant: Activation-Guided Quantization for Faster Inference of LLMs on the Edge |
2023-12-09T21:42:20Z | http://arxiv.org/pdf/2312.05688v1 | http://arxiv.org/abs/2312.05688v1 | Ran Zhang, Aida Kostikova, Christoph Leiter, Jonas Belouadi, Daniil Larionov, Yanran Chen, Vivian Fresen, Steffen Eger | 2023-12-09T21:42:20Z | cs.DL, cs.AI, cs.CL, cs.CV, cs.CY, cs.LG | Artificial Intelligence (AI) has witnessed rapid growth, especially in the
subfields Natural Language Processing (NLP), Machine Learning (ML) and Computer
Vision (CV). Keeping pace with this rapid progress poses a considerable
challenge for researchers and professionals in the field. In this arXiv report,
the second of its kind, which covers the period from January to September 2023,
we aim to provide insights and analysis that help navigate these dynamic areas
of AI. We accomplish this by 1) identifying the top-40 most cited papers from
arXiv in the given period, comparing the current top-40 papers to the previous
report, which covered the period January to June; 2) analyzing dataset
characteristics and keyword popularity; 3) examining the global sectoral
distribution of institutions to reveal differences in engagement across
geographical areas. Our findings highlight the continued dominance of NLP:
while only 16% of all submitted papers have NLP as primary category (more than
25% have CV and ML as primary category), 50% of the most cited papers have NLP
as primary category, 90% of which target LLMs. Additionally, we show that i)
the US dominates among both top-40 and top-9k papers, followed by China; ii)
Europe clearly lags behind and is hardly represented in the top-40 most cited
papers; iii) US industry is largely overrepresented in the top-40 most
influential papers. | cs.DL | NLLG Quarterly arXiv Report 09/23: What are the most influential current AI Papers? |
2023-12-09T20:51:48Z | http://arxiv.org/pdf/2312.05677v3 | http://arxiv.org/abs/2312.05677v3 | Yeming Wen, Swarat Chaudhuri | 2024-04-25T21:45:35Z | cs.LG, cs.AI, cs.CL | Low-Rank Adaptation (LoRA) has recently gained attention for fine-tuning
foundation models by incorporating trainable low-rank matrices, thereby
reducing the number of trainable parameters. While LoRA offers numerous
advantages, its applicability for real-time serving to a diverse and global
user base is constrained by its incapability to handle multiple task-specific
adapters efficiently. This imposes a performance bottleneck in scenarios
requiring personalized, task-specific adaptations for each incoming request. To
mitigate this constraint, we introduce Fast LoRA (FLoRA), a framework in which
each input example in a minibatch can be associated with its unique low-rank
adaptation weights, allowing for efficient batching of heterogeneous requests.
We empirically demonstrate that FLoRA retains the performance merits of LoRA,
showcasing competitive results on the MultiPL-E code generation benchmark
spanning over 8 languages and a multilingual speech recognition task across 6
languages. | cs.LG | Batched Low-Rank Adaptation of Foundation Models |
2023-12-09T20:24:00Z | http://arxiv.org/pdf/2312.05671v1 | http://arxiv.org/abs/2312.05671v1 | Nikhil Narayan, Mrutyunjay Biswal, Pramod Goyal, Abhranta Panigrahi | 2023-12-09T20:24:00Z | cs.CL | Social media platforms serve as accessible outlets for individuals to express
their thoughts and experiences, resulting in an influx of user-generated data
spanning all age groups. While these platforms enable free expression, they
also present significant challenges, including the proliferation of hate speech
and offensive content. Such objectionable language disrupts objective discourse
and can lead to radicalization of debates, ultimately threatening democratic
values. Consequently, organizations have taken steps to monitor and curb
abusive behavior, necessitating automated methods for identifying suspicious
posts. This paper contributes to Hate Speech and Offensive Content
Identification in English and Indo-Aryan Languages (HASOC) 2023 shared tasks
track. We, team Z-AGI Labs, conduct a comprehensive comparative analysis of
hate speech classification across five distinct languages: Bengali, Assamese,
Bodo, Sinhala, and Gujarati. Our study encompasses a wide range of pre-trained
models, including Bert variants, XLM-R, and LSTM models, to assess their
performance in identifying hate speech across these languages. Results reveal
intriguing variations in model performance. Notably, Bert Base Multilingual
Cased emerges as a strong performer across languages, achieving an F1 score of
0.67027 for Bengali and 0.70525 for Assamese. At the same time, it
significantly outperforms other models with an impressive F1 score of 0.83009
for Bodo. In Sinhala, XLM-R stands out with an F1 score of 0.83493, whereas for
Gujarati, a custom LSTM-based model outshined with an F1 score of 0.76601. This
study offers valuable insights into the suitability of various pre-trained
models for hate speech detection in multilingual settings. By considering the
nuances of each, our research contributes to an informed model selection for
building robust hate speech detection systems. | cs.CL | Hate Speech and Offensive Content Detection in Indo-Aryan Languages: A Battle of LSTM and Transformers |
2023-12-09T20:04:20Z | http://arxiv.org/pdf/2312.05662v2 | http://arxiv.org/abs/2312.05662v2 | Gustavo Gonçalves, Emma Strubell | 2023-12-12T12:51:52Z | cs.CL | Large Language Models (LLMs) trained with self-supervision on vast corpora of
web text fit to the social biases of that text. Without intervention, these
social biases persist in the model's predictions in downstream tasks, leading
to representational harm. Many strategies have been proposed to mitigate the
effects of inappropriate social biases learned during pretraining.
Simultaneously, methods for model compression have become increasingly popular
to reduce the computational burden of LLMs. Despite the popularity and need for
both approaches, little work has been done to explore the interplay between
these two. We perform a carefully controlled study of the impact of model
compression via quantization and knowledge distillation on measures of social
bias in LLMs. Longer pretraining and larger models led to higher social bias,
and quantization showed a regularizer effect with its best trade-off around 20%
of the original pretraining time. | cs.CL | Understanding the Effect of Model Compression on Social Bias in Large Language Models |
2023-12-09T19:35:40Z | http://arxiv.org/pdf/2401.06774v1 | http://arxiv.org/abs/2401.06774v1 | Rumeng Li, Xun Wang, Hong Yu | 2023-12-09T19:35:40Z | cs.CL | Large language models (LLMs) can generate natural language texts for various
domains and tasks, but their potential for clinical text mining, a domain with
scarce, sensitive, and imbalanced medical data, is underexplored. We
investigate whether LLMs can augment clinical data for detecting Alzheimer's
Disease (AD)-related signs and symptoms from electronic health records (EHRs),
a challenging task that requires high expertise. We create a novel pragmatic
taxonomy for AD sign and symptom progression based on expert knowledge, which
guides LLMs to generate synthetic data following two different directions:
"data-to-label", which labels sentences from a public EHR collection with
AD-related signs and symptoms; and "label-to-data", which generates sentences
with AD-related signs and symptoms based on the label definition. We train a
system to detect AD-related signs and symptoms from EHRs, using three datasets:
(1) a gold dataset annotated by human experts on longitudinal EHRs of AD
patients; (2) a silver dataset created by the data-to-label method; and (3) a
bronze dataset created by the label-to-data method. We find that using the
silver and bronze datasets improves the system performance, outperforming the
system using only the gold dataset. This shows that LLMs can generate synthetic
clinical data for a complex task by incorporating expert knowledge, and our
label-to-data method can produce datasets that are free of sensitive
information, while maintaining acceptable quality. | cs.CL | Two Directions for Clinical Data Generation with Large Language Models: Data-to-Label and Label-to-Data |
2023-12-09T19:04:17Z | http://arxiv.org/pdf/2312.05640v1 | http://arxiv.org/abs/2312.05640v1 | Sumedha Rai, Tong Li, Bella Lyu | 2023-12-09T19:04:17Z | cs.SD, cs.AI, cs.CL, cs.HC, eess.AS | Speech recognition has become an important task in the development of machine
learning and artificial intelligence. In this study, we explore the important
task of keyword spotting using speech recognition machine learning and deep
learning techniques. We implement feature engineering by converting raw
waveforms to Mel Frequency Cepstral Coefficients (MFCCs), which we use as
inputs to our models. We experiment with several different algorithms such as
Hidden Markov Model with Gaussian Mixture, Convolutional Neural Networks and
variants of Recurrent Neural Networks including Long Short-Term Memory and the
Attention mechanism. In our experiments, RNN with BiLSTM and Attention achieves
the best performance with an accuracy of 93.9 % | cs.SD | Keyword spotting -- Detecting commands in speech using deep learning |
2023-12-09T17:38:39Z | http://arxiv.org/pdf/2312.05621v1 | http://arxiv.org/abs/2312.05621v1 | Zhenting Qi, Xiaoyu Tan, Shaojie Shi, Chao Qu, Yinghui Xu, Yuan Qi | 2023-12-09T17:38:39Z | cs.CL | Instruction fine-tuning has conventionally been employed to adapt Large
Language Models (LLMs) to a variety of tasks. Nonetheless, this technique often
necessitates substantial computational resources, making it impractical for
deployment by individuals or small-scale entities. Recently, Low-Rank
Adaptation (LoRA) has become a promising alternative, offering high
capabilities on par with full tuning with reduced resource overhead. However,
attaining satisfactory performance through the fine-tuning of LoRA is a
non-trivial challenge. In this paper, we propose PILLOW, which aims to improve
LoRA's performance by a discrimination-based prompting method, leveraging LLMs'
In-Context Learning ability. PILLOW incorporates a matching network that
selects prompts from a user-defined prompt pool, concatenates the selected
prompts with the user instruction as input, and performs inference using the
LoRA-fine-tuned LLMs. Trained with Reinforcement Learning, PILLOW exhibits
commensurate performance on various evaluation metrics compared with typical
instruction fine-tuning methods, utilizing only consumer-grade GPU resources
and exhibiting a large reduction in computational costs. | cs.CL | PILLOW: Enhancing Efficient Instruction Fine-tuning via Prompt Matching |
2023-12-09T16:10:23Z | http://arxiv.org/pdf/2312.05603v2 | http://arxiv.org/abs/2312.05603v2 | Shuhe Wang, Beiming Cao, Shengyu Zhang, Xiaoya Li, Jiwei Li, Fei Wu, Guoyin Wang, Eduard Hovy | 2023-12-12T08:04:30Z | cs.CL, cs.AI | Due to the lack of a large collection of high-quality labeled sentence pairs
with textual similarity scores, existing approaches for Semantic Textual
Similarity (STS) mostly rely on unsupervised techniques or training signals
that are only partially correlated with textual similarity, e.g., NLI-based
datasets. To tackle this issue, in this paper, we propose the strategy of
measuring text similarity via GPT annotated data (Sim-GPT for short). The core
idea of Sim-GPT is to generate data with STS labels using GPT-4, based on which
an STS model is trained. Sim-GPT framework utilizes LLMs to provide a
substantial amount of reliable annotated data filling the gap of the lack of
training signals for STS. Sim-GPT is trained on a one-time generated dataset
using BERT or RoBERTa as the backbone, which offers long-term savings in cost
and speed compared to repeatedly invoking LLMs for each sentence pair. Trained
on the examples from GPT-4 (371K), Sim-GPT yields SOTA performances on the
widely-used seven STS benchmarks: +0.99 over supervised-SimCSE, and +0.42 over
the current SOTA PromCSE model. To encourage further advancements of the field,
we release both models and the 371K annotated examples from GPT-4. Code, models
and annotated data are available at: https://github.com/ShuheWang1998/Sim-GPT. | cs.CL | Sim-GPT: Text Similarity via GPT Annotated Data |
2023-12-09T14:13:45Z | http://arxiv.org/pdf/2312.05585v1 | http://arxiv.org/abs/2312.05585v1 | Chris Solomou | 2023-12-09T14:13:45Z | cs.CL, cs.LG | The introduction of Large Language Models (LLMs), and the vast volume of
publicly available medical data, amplified the application of NLP to the
medical domain. However, LLMs are pretrained on data that are not explicitly
relevant to the domain that are applied to and are often biased towards the
original data they were pretrained upon. Even when pretrained on domainspecific
data, these models typically require time-consuming fine-tuning to achieve good
performance for a specific task. To address these limitations, we propose an
alternative approach that achieves superior performance while being
computationally efficient. Specifically, we utilize keywords to train a deep
learning architecture that outperforms a language model pretrained on a large
corpus of text. Our proposal does not require pretraining nor fine-tuning and
can be applied directly to a specific setting for performing multi-label
classification. Our objective is to automatically assign a new patient to the
specialty of the medical professional they require, using a dataset that
contains medical transcriptions and relevant keywords. To this end, we
fine-tune the PubMedBERT model on this dataset, which serves as the baseline
for our experiments. We then twice train/fine-tune a DNN and the RoBERTa
language model, using both the keywords and the full transcriptions as input.
We compare the performance of these approaches using relevant metrics. Our
results demonstrate that utilizing keywords for text classification
significantly improves classification performance, for both a basic DL
architecture and a large language model. Our approach represents a promising
and efficient alternative to traditional methods for finetuning language models
on domain-specific data and has potential applications in various medical
domains | cs.CL | Enhancing Medical Specialty Assignment to Patients using NLP Techniques |
2023-12-09T10:24:59Z | http://arxiv.org/pdf/2312.05520v1 | http://arxiv.org/abs/2312.05520v1 | Kenneth Enevoldsen | 2023-12-09T10:24:59Z | cs.CL | Augmnety is a Python library for structured text augmentation. It is built on
top of spaCy and allows for augmentation of both the text and its annotations.
Augmenty provides a wide range of augmenters which can be combined in a
flexible manner to create complex augmentation pipelines. It also includes a
set of primitives that can be used to create custom augmenters such as word
replacement augmenters. This functionality allows for augmentations within a
range of applications such as named entity recognition (NER), part-of-speech
tagging, and dependency parsing. | cs.CL | Augmenty: A Python Library for Structured Text Augmentation |
2023-12-09T08:25:55Z | http://arxiv.org/pdf/2312.05503v1 | http://arxiv.org/abs/2312.05503v1 | Zhou Ziheng, Yingnian Wu, Song-Chun Zhu, Demetri Terzopoulos | 2023-12-09T08:25:55Z | cs.CL, cs.AI, cs.LG, I.2; I.2.6; I.2.7 | We introduce Aligner, a novel Parameter-Efficient Fine-Tuning (PEFT) method
for aligning multi-billion-parameter-sized Large Language Models (LLMs).
Aligner employs a unique design that constructs a globally shared set of
tunable tokens that modify the attention of every layer. Remarkably with this
method, even when using one token accounting for a mere 5,000 parameters,
Aligner can still perform comparably well to state-of-the-art LLM adaptation
methods like LoRA that require millions of parameters. This capacity is
substantiated in both instruction following and value alignment tasks. Besides
the multiple order-of-magnitude improvement in parameter efficiency, the
insight Aligner provides into the internal mechanisms of LLMs is also valuable.
The architectural features and efficacy of our method, in addition to our
experiments demonstrate that an LLM separates its internal handling of "form"
and "knowledge" in a somewhat orthogonal manner. This finding promises to
motivate new research into LLM mechanism understanding and value alignment. | cs.CL | Aligner: One Global Token is Worth Millions of Parameters When Aligning Large Language Models |
2023-12-09T07:51:56Z | http://arxiv.org/pdf/2312.05497v3 | http://arxiv.org/abs/2312.05497v3 | Xunjian Yin, Jin Jiang, Liming Yang, Xiaojun Wan | 2023-12-14T12:06:24Z | cs.CL | The imperative task of revising or updating the knowledge stored within large
language models arises from two distinct sources: intrinsic errors inherent in
the model which should be corrected and outdated knowledge due to external
shifts in the real world which should be updated. Prevailing efforts in model
editing conflate these two distinct categories of edits arising from distinct
reasons and directly modify the original knowledge in models into new
knowledge. However, we argue that preserving the model's original knowledge
remains pertinent. Specifically, if a model's knowledge becomes outdated due to
evolving worldly dynamics, it should retain recollection of the historical
knowledge while integrating the newfound knowledge. In this work, we introduce
the task of Temporal Knowledge Editing (TKE) and establish a benchmark AToKe
(Assessment of TempOral Knowledge Editing) to evaluate current model editing
methods. We find that while existing model editing methods are effective at
making models remember new knowledge, the edited model catastrophically forgets
historical knowledge. To address this gap, we propose a simple and general
framework termed Multi-Editing with Time Objective (METO) for enhancing
existing editing models, which edits both historical and new knowledge
concurrently and optimizes the model's prediction for the time of each fact.
Our assessments demonstrate that while AToKe is still difficult, METO maintains
the effectiveness of learning new knowledge and meanwhile substantially
improves the performance of edited models on utilizing historical knowledge. | cs.CL | History Matters: Temporal Knowledge Editing in Large Language Model |
2023-12-09T07:35:24Z | http://arxiv.org/pdf/2312.05491v1 | http://arxiv.org/abs/2312.05491v1 | Vivek Miglani, Aobo Yang, Aram H. Markosyan, Diego Garcia-Olano, Narine Kokhlikyan | 2023-12-09T07:35:24Z | cs.CL, cs.AI, I.2.7 | Captum is a comprehensive library for model explainability in PyTorch,
offering a range of methods from the interpretability literature to enhance
users' understanding of PyTorch models. In this paper, we introduce new
features in Captum that are specifically designed to analyze the behavior of
generative language models. We provide an overview of the available
functionalities and example applications of their potential for understanding
learned associations within generative language models. | cs.CL | Using Captum to Explain Generative Language Models |
2023-12-09T07:33:26Z | http://arxiv.org/pdf/2312.05488v2 | http://arxiv.org/abs/2312.05488v2 | Caoyun Fan, Jindou Chen, Yaohui Jin, Hao He | 2023-12-12T18:32:39Z | cs.AI, cs.CL, cs.GT | Game theory, as an analytical tool, is frequently utilized to analyze human
behavior in social science research. With the high alignment between the
behavior of Large Language Models (LLMs) and humans, a promising research
direction is to employ LLMs as substitutes for humans in game experiments,
enabling social science research. However, despite numerous empirical
researches on the combination of LLMs and game theory, the capability
boundaries of LLMs in game theory remain unclear. In this research, we endeavor
to systematically analyze LLMs in the context of game theory. Specifically,
rationality, as the fundamental principle of game theory, serves as the metric
for evaluating players' behavior -- building a clear desire, refining belief
about uncertainty, and taking optimal actions. Accordingly, we select three
classical games (dictator game, Rock-Paper-Scissors, and ring-network game) to
analyze to what extent LLMs can achieve rationality in these three aspects. The
experimental results indicate that even the current state-of-the-art LLM
(GPT-4) exhibits substantial disparities compared to humans in game theory. For
instance, LLMs struggle to build desires based on uncommon preferences, fail to
refine belief from many simple patterns, and may overlook or modify refined
belief when taking actions. Therefore, we consider that introducing LLMs into
game experiments in the field of social science should be approached with
greater caution. | cs.AI | Can Large Language Models Serve as Rational Players in Game Theory? A Systematic Analysis |
2023-12-09T07:18:41Z | http://arxiv.org/pdf/2312.05483v1 | http://arxiv.org/abs/2312.05483v1 | Junyoung Lee, Elizabeth Koh | 2023-12-09T07:18:41Z | cs.CL | Teamwork is a necessary competency for students that is often inadequately
assessed. Towards providing a formative assessment of student teamwork, an
automated natural language processing approach was developed to identify
teamwork dimensions of students' online team chat. Developments in the field of
natural language processing and artificial intelligence have resulted in
advanced deep transfer learning approaches namely the Bidirectional Encoder
Representations from Transformers (BERT) model that allow for more in-depth
understanding of the context of the text. While traditional machine learning
algorithms were used in the previous work for the automatic classification of
chat messages into the different teamwork dimensions, our findings have shown
that classifiers based on the pre-trained language model BERT provides improved
classification performance, as well as much potential for generalizability in
the language use of varying team chat contexts and team member demographics.
This model will contribute towards an enhanced learning analytics tool for
teamwork assessment and feedback. | cs.CL | Teamwork Dimensions Classification Using BERT |
2023-12-09T05:38:32Z | http://arxiv.org/pdf/2312.05471v1 | http://arxiv.org/abs/2312.05471v1 | Ian Perera, Matthew Johnson, Carson Wilber | 2023-12-09T05:38:32Z | cs.CL, cs.AI | Natural language analysis of human collaborative chat dialogues is an
understudied domain with many unique challenges: a large number of dialogue act
labels, underspecified and dynamic tasks, interleaved topics, and long-range
contextual dependence. While prior work has studied broad metrics of team
dialogue and associated performance using methods such as LSA, there has been
little effort in generating fine-grained descriptions of team dynamics and
individual performance from dialogue. We describe initial work towards
developing an explainable analytics tool in the software development domain
using Slack chats mined from our organization, including generation of a novel,
hierarchical labeling scheme; design of descriptive metrics based on the
frequency of occurrence of dialogue acts; and initial results using a
transformer + CRF architecture to incorporate long-range context. | cs.CL | Fine-Grained Analysis of Team Collaborative Dialogue |
2023-12-09T05:04:34Z | http://arxiv.org/pdf/2312.05467v1 | http://arxiv.org/abs/2312.05467v1 | Mohammad Mamun Or Rashid | 2023-12-09T05:04:34Z | cs.CL | Social Media is a repository of digital literature including user-generated
content. The users of social media are expressing their opinion with diverse
mediums such as text, emojis, memes, and also through other visual and textual
mediums. A major portion of these media elements could be treated as harmful to
others and they are known by many words including Cyberbullying and Toxic
Language . The goal of this research paper is to analyze a curated and
value-added dataset of toxic language titled ToxLex_bn . It is an exhaustive
wordlist that can be used as classifier material to detect toxicity in social
media. The toxic language/script used by the Bengali community as
cyberbullying, hate speech and moral policing became major trends in social
media culture in Bangladesh and West Bengal. The toxicity became so high that
the victims has to post as a counter or release explanation video for the
haters. Most cases are pointed to women celebrity and their relation, dress,
lifestyle are became trolled and toxicity flooded in comments boxes. Not only
celebrity bashing but also hates occurred between Hindu Muslims,
India-Bangladesh, Two opponents of 1971 and these are very common for virtual
conflict in the comment thread. Even many times facebook comment causes sue and
legal matters in Bangladesh and thus it requires more study. In this study, a
Bangla toxic language dataset has been analyzed which was inputted by the user
in Bengali script & language. For this, about 1968 unique bigrams or phrases as
wordlists have been analyzed which are derived from 2207590 comments. It is
assumed that this analysis will reinforce the detection of Bangla's toxic
language used in social media and thus cure this virtual disease. | cs.CL | Textual Toxicity in Social Media: Understanding the Bangla Toxic Language Expressed in Facebook Comment |
2023-12-09T04:40:46Z | http://arxiv.org/pdf/2312.06681v3 | http://arxiv.org/abs/2312.06681v3 | Nina Rimsky, Nick Gabrieli, Julian Schulz, Meg Tong, Evan Hubinger, Alexander Matt Turner | 2024-03-07T02:06:00Z | cs.CL, cs.AI, cs.LG | We introduce Contrastive Activation Addition (CAA), an innovative method for
steering language models by modifying their activations during forward passes.
CAA computes "steering vectors" by averaging the difference in residual stream
activations between pairs of positive and negative examples of a particular
behavior, such as factual versus hallucinatory responses. During inference,
these steering vectors are added at all token positions after the user's prompt
with either a positive or negative coefficient, allowing precise control over
the degree of the targeted behavior. We evaluate CAA's effectiveness on Llama 2
Chat using multiple-choice behavioral question datasets and open-ended
generation tasks. We demonstrate that CAA significantly alters model behavior,
is effective over and on top of traditional methods like finetuning and system
prompt design, and minimally reduces capabilities. Moreover, we gain deeper
insights into CAA's mechanisms by employing various activation space
interpretation methods. CAA accurately steers model outputs and sheds light on
how high-level concepts are represented in Large Language Models (LLMs). | cs.CL | Steering Llama 2 via Contrastive Activation Addition |
2023-12-09T03:30:21Z | http://arxiv.org/pdf/2312.05448v1 | http://arxiv.org/abs/2312.05448v1 | Irene Manotas, Octavian Popescu, Ngoc Phuoc An Vo, Vadim Sheinin | 2023-12-09T03:30:21Z | cs.CL, I.2.7 | There are many recent advanced developments for the Text-to-SQL task, where
the Picard model is one of the the top performing models as measured by the
Spider dataset competition. However, bringing Text-to-SQL systems to realistic
use-cases through domain adaptation remains a tough challenge. We analyze how
well the base T5 Language Model and Picard perform on query structures
different from the Spider dataset, we fine-tuned the base model on the Spider
data and on independent databases (DB). To avoid accessing the DB content
online during inference, we also present an alternative way to disambiguate the
values in an input question using a rule-based approach that relies on an
intermediate representation of the semantic concepts of an input question. In
our results we show in what cases T5 and Picard can deliver good performance,
we share the lessons learned, and discuss current domain adaptation challenges. | cs.CL | Domain Adaptation of a State of the Art Text-to-SQL Model: Lessons Learned and Challenges Found |
2023-12-09T02:02:45Z | http://arxiv.org/pdf/2312.05435v1 | http://arxiv.org/abs/2312.05435v1 | Xiruo Ding, Zhecheng Sheng, Brian Hur, Feng Chen, Serguei V. S. Pakhomov, Trevor Cohen | 2023-12-09T02:02:45Z | cs.CL | Foundation models are a current focus of attention in both industry and
academia. While they have shown their capabilities in a variety of tasks,
in-depth research is required to determine their robustness to distribution
shift when used as a basis for supervised machine learning. This is especially
important in the context of clinical data, with particular limitations related
to data accessibility, lack of pretraining materials, and limited availability
of high-quality annotations. In this work, we examine the stability of models
based on representations from foundation models under distribution shift. We
focus on confounding by provenance, a form of distribution shift that emerges
in the context of multi-institutional datasets when there are differences in
source-specific language use and class distributions. Using a sampling strategy
that synthetically induces varying degrees of distribution shift, we evaluate
the extent to which representations from foundation models result in
predictions that are inherently robust to confounding by provenance.
Additionally, we examine the effectiveness of a straightforward confounding
adjustment method inspired by Pearl's conception of backdoor adjustment.
Results indicate that while foundation models do show some out-of-the-box
robustness to confounding-by-provenance related distribution shifts, this can
be considerably improved through adjustment. These findings suggest a need for
deliberate adjustment of predictive models using representations from
foundation models in the context of source-specific distributional differences. | cs.CL | Enhancing Robustness of Foundation Model Representations under Provenance-related Distribution Shifts |
2023-12-09T01:59:11Z | http://arxiv.org/pdf/2312.05434v1 | http://arxiv.org/abs/2312.05434v1 | Hongzhan Lin, Ziyang Luo, Jing Ma, Long Chen | 2023-12-09T01:59:11Z | cs.CL | The age of social media is rife with memes. Understanding and detecting
harmful memes pose a significant challenge due to their implicit meaning that
is not explicitly conveyed through the surface text and image. However,
existing harmful meme detection approaches only recognize superficial
harm-indicative signals in an end-to-end classification manner but ignore
in-depth cognition of the meme text and image. In this paper, we attempt to
detect harmful memes based on advanced reasoning over the interplay of
multimodal information in memes. Inspired by the success of Large Language
Models (LLMs) on complex reasoning, we first conduct abductive reasoning with
LLMs. Then we propose a novel generative framework to learn reasonable thoughts
from LLMs for better multimodal fusion and lightweight fine-tuning, which
consists of two training stages: 1) Distill multimodal reasoning knowledge from
LLMs; and 2) Fine-tune the generative framework to infer harmfulness. Extensive
experiments conducted on three meme datasets demonstrate that our proposed
approach achieves superior performance than state-of-the-art methods on the
harmful meme detection task. | cs.CL | Beneath the Surface: Unveiling Harmful Memes with Multimodal Reasoning Distilled from Large Language Models |
2023-12-08T23:59:25Z | http://arxiv.org/pdf/2312.05415v1 | http://arxiv.org/abs/2312.05415v1 | Via Nielson, Steven Hillis | 2023-12-08T23:59:25Z | cs.SD, cs.CL, eess.AS | We propose a new model architecture specifically suited for text-to-speech
(TTS) models. We combine WavLM, a pre-trained self-supervised learning (SSL)
speech model, and the BEST-RQ vector quantization framework. We assess the
extent to which the more task-agnostic WavLM, coupled with the superior
suitability of the simplistic BEST-RQ framework for a wider array of downstream
tasks, yields favorable outcomes. Experiments on the LibriSpeech dataset with
SUPERB benchmarking assert that the proposed model significantly underperforms.
We speculate the underlying reason for this performance is related to the
difference between featurizing raw audio waveforms and spectrograms with a
quantizer. We discuss the limitations of this approach to better guide future
advancements in TTS. | cs.SD | An Experimental Study: Assessing the Combined Framework of WavLM and BEST-RQ for Text-to-Speech Synthesis |
2023-12-08T22:57:35Z | http://arxiv.org/pdf/2312.05402v1 | http://arxiv.org/abs/2312.05402v1 | Zhixin Guo, Jianping Zhou, Jiexing Qi, Mingxuan Yan, Ziwei He, Guanjie Zheng, Zhouhan Lin, Xinbing Wang, Chenghu Zhou | 2023-12-08T22:57:35Z | cs.CL | The sheer volume of scientific experimental results and complex technical
statements, often presented in tabular formats, presents a formidable barrier
to individuals acquiring preferred information. The realms of scientific
reasoning and content generation that adhere to user preferences encounter
distinct challenges. In this work, we present a new task for generating fluent
and logical descriptions that match user preferences over scientific tabular
data, aiming to automate scientific document analysis. To facilitate research
in this direction, we construct a new challenging dataset CTRLSciTab consisting
of table-description pairs extracted from the scientific literature, with
highlighted cells and corresponding domain-specific knowledge base. We
evaluated popular pre-trained language models to establish a baseline and
proposed a novel architecture outperforming competing approaches. The results
showed that large models struggle to produce accurate content that aligns with
user preferences. As the first of its kind, our work should motivate further
research in scientific domains. | cs.CL | Towards Controlled Table-to-Text Generation with Scientific Reasoning |
2023-12-08T20:28:08Z | http://arxiv.org/pdf/2312.05356v3 | http://arxiv.org/abs/2312.05356v3 | Jian Gu, Aldeida Aleti, Chunyang Chen, Hongyu Zhang | 2024-04-15T07:31:00Z | cs.SE, cs.CL, cs.LG | Large Language Models (LLMs) have found widespread adoption in software
engineering, particularly in code generation tasks. However, updating these
models with new knowledge can be prohibitively expensive, yet it is essential
for maximizing their utility. In this paper, we propose a novel and effective
model editing approach, \textsc{MENT}, to patch LLMs in coding tasks.
\textsc{MENT} is effective, efficient, and reliable. It can correct a neural
model by patching 1 or 2 neurons. As the pioneer work on neuron-level model
editing of generative models, we formalize the editing process and introduce
the involved concepts. Besides, we also introduce new measures to evaluate its
generalization ability, and build a benchmark for further study. Our approach
is evaluated on three coding tasks, including API-seq recommendation,
line-level code generation, and pseudocode-to-code transaction. The
experimental results show that the proposed approach outperforms the state of
the arts by a significant margin in both effectiveness and efficiency measures.
In addition, we demonstrate the usages of \textsc{MENT} for LLM reasoning in
software engineering. By editing LLM knowledge, the directly or indirectly
dependent behaviors of API invocation in the chain-of-thought will change
accordingly. It explained the significance of repairing LLMs. | cs.SE | Neuron-level LLM Patching for Code Generation |
2023-12-08T18:50:20Z | http://arxiv.org/pdf/2312.07559v2 | http://arxiv.org/abs/2312.07559v2 | Jakub Lála, Odhran O'Donoghue, Aleksandar Shtedritski, Sam Cox, Samuel G. Rodriques, Andrew D. White | 2023-12-14T19:40:04Z | cs.CL, cs.AI, cs.LG | Large Language Models (LLMs) generalize well across language tasks, but
suffer from hallucinations and uninterpretability, making it difficult to
assess their accuracy without ground-truth. Retrieval-Augmented Generation
(RAG) models have been proposed to reduce hallucinations and provide provenance
for how an answer was generated. Applying such models to the scientific
literature may enable large-scale, systematic processing of scientific
knowledge. We present PaperQA, a RAG agent for answering questions over the
scientific literature. PaperQA is an agent that performs information retrieval
across full-text scientific articles, assesses the relevance of sources and
passages, and uses RAG to provide answers. Viewing this agent as a question
answering model, we find it exceeds performance of existing LLMs and LLM agents
on current science QA benchmarks. To push the field closer to how humans
perform research on scientific literature, we also introduce LitQA, a more
complex benchmark that requires retrieval and synthesis of information from
full-text scientific papers across the literature. Finally, we demonstrate
PaperQA's matches expert human researchers on LitQA. | cs.CL | PaperQA: Retrieval-Augmented Generative Agent for Scientific Research |
2023-12-08T18:33:11Z | http://arxiv.org/pdf/2312.05235v2 | http://arxiv.org/abs/2312.05235v2 | Hui Wang, Anh Dang, Zihao Wu, Son Mac | 2024-03-05T05:49:24Z | cs.CL, cs.CY | The advancements in Generative Artificial Intelligence (GenAI) technologies
such as ChatGPT provide opportunities to enrich educational experiences, but
also raise concerns about academic integrity if misused. This study aims to
explore how universities and educators respond and adapt to the development of
GenAI in their academic contexts by analyzing academic policies and guidelines
established by top-ranked US universities regarding the use of ChatGPT in
higher education. The data sources include academic policies, statements,
guidelines as well as relevant resources provided by the top 100 universities
in the US. Results show that the majority of these universities adopt an open
but cautious approach towards the integration of GenAI. Primary concerns lie in
ethical usage, accuracy, and data privacy. Most universities actively respond
and provide diverse types of resources, such as syllabus templates/samples,
workshops, shared articles, and one-on-one consultations, with topics focusing
on general technical introduction, ethical concerns, pedagogical applications,
preventive strategies, data privacy, limitations, and detective tools. The
findings provide two suggestions for educators in policy-making: establish
discipline-specific policies, and manage sensitive information carefully, as
well as four implications for educators in teaching practices: accept its
presence, align its use with learning objectives, evolve curriculum to prevent
misuse, and adopt multifaceted evaluation strategies rather than relying on AI
detectors. | cs.CL | Generative AI in Higher Education: Seeing ChatGPT Through Universities' Policies, Resources, and Guidelines |
2023-12-08T18:25:22Z | http://arxiv.org/pdf/2312.05230v1 | http://arxiv.org/abs/2312.05230v1 | Zhiting Hu, Tianmin Shu | 2023-12-08T18:25:22Z | cs.AI, cs.CL, cs.CV, cs.LG, cs.RO | Despite their tremendous success in many applications, large language models
often fall short of consistent reasoning and planning in various (language,
embodied, and social) scenarios, due to inherent limitations in their
inference, learning, and modeling capabilities. In this position paper, we
present a new perspective of machine reasoning, LAW, that connects the concepts
of Language models, Agent models, and World models, for more robust and
versatile reasoning capabilities. In particular, we propose that world and
agent models are a better abstraction of reasoning, that introduces the crucial
elements of deliberate human-like reasoning, including beliefs about the world
and other agents, anticipation of consequences, goals/rewards, and strategic
planning. Crucially, language models in LAW serve as a backend to implement the
system or its elements and hence provide the computational power and
adaptability. We review the recent studies that have made relevant progress and
discuss future research directions towards operationalizing the LAW framework. | cs.AI | Language Models, Agent Models, and World Models: The LAW for Machine Reasoning and Planning |
2023-12-08T18:14:21Z | http://arxiv.org/pdf/2312.05291v2 | http://arxiv.org/abs/2312.05291v2 | Mohammad Reza Taesiri, Tianjun Feng, Anh Nguyen, Cor-Paul Bezemer | 2024-03-29T16:49:59Z | cs.CV, cs.AI, cs.CL | Large multimodal models (LMMs) have evolved from large language models (LLMs)
to integrate multiple input modalities, such as visual inputs. This integration
augments the capacity of LLMs for tasks requiring visual comprehension and
reasoning. However, the extent and limitations of their enhanced abilities are
not fully understood, especially when it comes to real-world tasks. To address
this gap, we introduce GlitchBench, a novel benchmark derived from video game
quality assurance tasks, to test and evaluate the reasoning capabilities of
LMMs. Our benchmark is curated from a variety of unusual and glitched scenarios
from video games and aims to challenge both the visual and linguistic reasoning
powers of LMMs in detecting and interpreting out-of-the-ordinary events. We
evaluate multiple state-of-the-art LMMs, and we show that GlitchBench presents
a new challenge for these models. Code and data are available at:
https://glitchbench.github.io/ | cs.CV | GlitchBench: Can large multimodal models detect video game glitches? |
2023-12-08T17:57:20Z | http://arxiv.org/pdf/2312.05209v2 | http://arxiv.org/abs/2312.05209v2 | Navapat Nananukul, Mayank Kejriwal | 2024-04-02T17:55:52Z | cs.AI, cs.CL | Recent progress in generative AI, including large language models (LLMs) like
ChatGPT, has opened up significant opportunities in fields ranging from natural
language processing to knowledge discovery and data mining. However, there is
also a growing awareness that the models can be prone to problems such as
making information up or `hallucinations', and faulty reasoning on seemingly
simple problems. Because of the popularity of models like ChatGPT, both
academic scholars and citizen scientists have documented hallucinations of
several different types and severity. Despite this body of work, a formal model
for describing and representing these hallucinations (with relevant meta-data)
at a fine-grained level, is still lacking. In this paper, we address this gap
by presenting the Hallucination Ontology or HALO, a formal, extensible ontology
written in OWL that currently offers support for six different types of
hallucinations known to arise in LLMs, along with support for provenance and
experimental metadata. We also collect and publish a dataset containing
hallucinations that we inductively gathered across multiple independent Web
sources, and show that HALO can be successfully used to model this dataset and
answer competency questions. | cs.AI | HALO: An Ontology for Representing and Categorizing Hallucinations in Large Language Models |
2023-12-08T17:41:06Z | http://arxiv.org/pdf/2312.05200v1 | http://arxiv.org/abs/2312.05200v1 | Mobashir Sadat, Zhengyu Zhou, Lukas Lange, Jun Araki, Arsalan Gundroo, Bingqing Wang, Rakesh R Menon, Md Rizwan Parvez, Zhe Feng | 2023-12-08T17:41:06Z | cs.CL | Hallucination is a well-known phenomenon in text generated by large language
models (LLMs). The existence of hallucinatory responses is found in almost all
application scenarios e.g., summarization, question-answering (QA) etc. For
applications requiring high reliability (e.g., customer-facing assistants), the
potential existence of hallucination in LLM-generated text is a critical
problem. The amount of hallucination can be reduced by leveraging information
retrieval to provide relevant background information to the LLM. However, LLMs
can still generate hallucinatory content for various reasons (e.g.,
prioritizing its parametric knowledge over the context, failure to capture the
relevant information from the context, etc.). Detecting hallucinations through
automated methods is thus paramount. To facilitate research in this direction,
we introduce a sophisticated dataset, DelucionQA, that captures hallucinations
made by retrieval-augmented LLMs for a domain-specific QA task. Furthermore, we
propose a set of hallucination detection methods to serve as baselines for
future works from the research community. Analysis and case study are also
provided to share valuable insights on hallucination phenomena in the target
scenario. | cs.CL | DelucionQA: Detecting Hallucinations in Domain-specific Question Answering |
2023-12-08T17:18:42Z | http://arxiv.org/pdf/2312.05187v1 | http://arxiv.org/abs/2312.05187v1 | Seamless Communication, Loïc Barrault, Yu-An Chung, Mariano Coria Meglioli, David Dale, Ning Dong, Mark Duppenthaler, Paul-Ambroise Duquenne, Brian Ellis, Hady Elsahar, Justin Haaheim, John Hoffman, Min-Jae Hwang, Hirofumi Inaguma, Christopher Klaiber, Ilia Kulikov, Pengwei Li, Daniel Licht, Jean Maillard, Ruslan Mavlyutov, Alice Rakotoarison, Kaushik Ram Sadagopan, Abinesh Ramakrishnan, Tuan Tran, Guillaume Wenzek, Yilin Yang, Ethan Ye, Ivan Evtimov, Pierre Fernandez, Cynthia Gao, Prangthip Hansanti, Elahe Kalbassi, Amanda Kallet, Artyom Kozhevnikov, Gabriel Mejia Gonzalez, Robin San Roman, Christophe Touret, Corinne Wong, Carleigh Wood, Bokai Yu, Pierre Andrews, Can Balioglu, Peng-Jen Chen, Marta R. Costa-jussà, Maha Elbayad, Hongyu Gong, Francisco Guzmán, Kevin Heffernan, Somya Jain, Justine Kao, Ann Lee, Xutai Ma, Alex Mourachko, Benjamin Peloquin, Juan Pino, Sravya Popuri, Christophe Ropers, Safiyyah Saleem, Holger Schwenk, Anna Sun, Paden Tomasello, Changhan Wang, Jeff Wang, Skyler Wang, Mary Williamson | 2023-12-08T17:18:42Z | cs.CL, cs.SD, eess.AS | Large-scale automatic speech translation systems today lack key features that
help machine-mediated communication feel seamless when compared to
human-to-human dialogue. In this work, we introduce a family of models that
enable end-to-end expressive and multilingual translations in a streaming
fashion. First, we contribute an improved version of the massively multilingual
and multimodal SeamlessM4T model-SeamlessM4T v2. This newer model,
incorporating an updated UnitY2 framework, was trained on more low-resource
language data. SeamlessM4T v2 provides the foundation on which our next two
models are initiated. SeamlessExpressive enables translation that preserves
vocal styles and prosody. Compared to previous efforts in expressive speech
research, our work addresses certain underexplored aspects of prosody, such as
speech rate and pauses, while also preserving the style of one's voice. As for
SeamlessStreaming, our model leverages the Efficient Monotonic Multihead
Attention mechanism to generate low-latency target translations without waiting
for complete source utterances. As the first of its kind, SeamlessStreaming
enables simultaneous speech-to-speech/text translation for multiple source and
target languages. To ensure that our models can be used safely and responsibly,
we implemented the first known red-teaming effort for multimodal machine
translation, a system for the detection and mitigation of added toxicity, a
systematic evaluation of gender bias, and an inaudible localized watermarking
mechanism designed to dampen the impact of deepfakes. Consequently, we bring
major components from SeamlessExpressive and SeamlessStreaming together to form
Seamless, the first publicly available system that unlocks expressive
cross-lingual communication in real-time. The contributions to this work are
publicly released and accessible at
https://github.com/facebookresearch/seamless_communication | cs.CL | Seamless: Multilingual Expressive and Streaming Speech Translation |
2023-12-08T17:05:47Z | http://arxiv.org/pdf/2312.05180v2 | http://arxiv.org/abs/2312.05180v2 | Olga Golovneva, Sean O'Brien, Ramakanth Pasunuru, Tianlu Wang, Luke Zettlemoyer, Maryam Fazel-Zarandi, Asli Celikyilmaz | 2023-12-12T16:06:32Z | cs.CL | With recent advancements in large language models, methods like
chain-of-thought prompting to elicit reasoning chains have been shown to
improve results on reasoning tasks. However, tasks that require multiple steps
of reasoning still pose significant challenges to state-of-the-art models.
Drawing inspiration from the beam search algorithm, we propose PathFinder, a
tree-search-based reasoning path generation approach. It enhances diverse
branching and multi-hop reasoning through the integration of dynamic decoding,
enabled by varying sampling methods and parameters. Using constrained
reasoning, PathFinder integrates novel quality constraints, pruning, and
exploration methods to enhance the efficiency and the quality of generation.
Moreover, it includes scoring and ranking features to improve candidate
selection. Our approach outperforms competitive baselines on three complex
arithmetic and commonsense reasoning tasks by 6% on average. Our model
generalizes well to longer, unseen reasoning chains, reflecting similar
complexities to beam search with large branching factors. | cs.CL | PathFinder: Guided Search over Multi-Step Reasoning Paths |
2023-12-08T16:51:29Z | http://arxiv.org/pdf/2312.05172v1 | http://arxiv.org/abs/2312.05172v1 | Tatiana Passali, Efstathios Chatzikyriakidis, Stelios Andreadis, Thanos G. Stavropoulos, Anastasia Matonaki, Anestis Fachantidis, Grigorios Tsoumakas | 2023-12-08T16:51:29Z | cs.CL | Long sentences have been a persistent issue in written communication for many
years since they make it challenging for readers to grasp the main points or
follow the initial intention of the writer. This survey, conducted using the
PRISMA guidelines, systematically reviews two main strategies for addressing
the issue of long sentences: a) sentence compression and b) sentence splitting.
An increased trend of interest in this area has been observed since 2005, with
significant growth after 2017. Current research is dominated by supervised
approaches for both sentence compression and splitting. Yet, there is a
considerable gap in weakly and self-supervised techniques, suggesting an
opportunity for further research, especially in domains with limited data. In
this survey, we categorize and group the most representative methods into a
comprehensive taxonomy. We also conduct a comparative evaluation analysis of
these methods on common sentence compression and splitting datasets. Finally,
we discuss the challenges and limitations of current methods, providing
valuable insights for future research directions. This survey is meant to serve
as a comprehensive resource for addressing the complexities of long sentences.
We aim to enable researchers to make further advancements in the field until
long sentences are no longer a barrier to effective communication. | cs.CL | From Lengthy to Lucid: A Systematic Literature Review on NLP Techniques for Taming Long Sentences |
2023-12-08T16:18:15Z | http://arxiv.org/pdf/2312.10075v1 | http://arxiv.org/abs/2312.10075v1 | Noam Benkler, Drisana Mosaphir, Scott Friedman, Andrew Smart, Sonja Schmer-Galunder | 2023-12-08T16:18:15Z | cs.CL, cs.AI | The fields of AI current lacks methods to quantitatively assess and
potentially alter the moral values inherent in the output of large language
models (LLMs). However, decades of social science research has developed and
refined widely-accepted moral value surveys, such as the World Values Survey
(WVS), eliciting value judgments from direct questions in various geographies.
We have turned those questions into value statements and use NLP to compute to
how well popular LLMs are aligned with moral values for various demographics
and cultures. While the WVS is accepted as an explicit assessment of values, we
lack methods for assessing implicit moral and cultural values in media, e.g.,
encountered in social media, political rhetoric, narratives, and generated by
AI systems such as LLMs that are increasingly present in our daily lives. As we
consume online content and utilize LLM outputs, we might ask, which moral
values are being implicitly promoted or undercut, or -- in the case of LLMs --
if they are intending to represent a cultural identity, are they doing so
consistently? In this paper we utilize a Recognizing Value Resonance (RVR) NLP
model to identify WVS values that resonate and conflict with a given passage of
output text. We apply RVR to the text generated by LLMs to characterize
implicit moral values, allowing us to quantify the moral/cultural distance
between LLMs and various demographics that have been surveyed using the WVS. In
line with other work we find that LLMs exhibit several Western-centric value
biases; they overestimate how conservative people in non-Western countries are,
they are less accurate in representing gender for non-Western countries, and
portray older populations as having more traditional values. Our results
highlight value misalignment and age groups, and a need for social science
informed technological solutions addressing value plurality in LLMs. | cs.CL | Assessing LLMs for Moral Value Pluralism |
2023-12-08T15:31:39Z | http://arxiv.org/pdf/2312.05103v1 | http://arxiv.org/abs/2312.05103v1 | Tongxin Hu, Zhuang Li, Xin Jin, Lizhen Qu, Xin Zhang | 2023-12-08T15:31:39Z | cs.CL, cs.CY, cs.LG | Annually, e-commerce platforms incur substantial financial losses due to
trademark infringements, making it crucial to identify and mitigate potential
legal risks tied to merchant information registered to the platforms. However,
the absence of high-quality datasets hampers research in this area. To address
this gap, our study introduces TMID, a novel dataset to detect trademark
infringement in merchant registrations. This is a real-world dataset sourced
directly from Alipay, one of the world's largest e-commerce and digital payment
platforms. As infringement detection is a legal reasoning task requiring an
understanding of the contexts and legal rules, we offer a thorough collection
of legal rules and merchant and trademark-related contextual information with
annotations from legal experts. We ensure the data quality by performing an
extensive statistical analysis. Furthermore, we conduct an empirical study on
this dataset to highlight its value and the key challenges. Through this study,
we aim to contribute valuable resources to advance research into legal
compliance related to trademark infringement within the e-commerce sphere. The
dataset is available at https://github.com/emnlpTMID/emnlpTMID.github.io . | cs.CL | TMID: A Comprehensive Real-world Dataset for Trademark Infringement Detection in E-Commerce |
2023-12-08T14:30:08Z | http://arxiv.org/pdf/2312.05061v2 | http://arxiv.org/abs/2312.05061v2 | Lena Held, Ivan Habernal | 2024-06-14T18:27:49Z | cs.CL | Why does an argument end up in the final court decision? Was it deliberated
or questioned during the oral hearings? Was there something in the hearings
that triggered a particular judge to write a dissenting opinion? Despite the
availability of the final judgments of the European Court of Human Rights
(ECHR), none of these legal research questions can currently be answered as the
ECHR's multilingual oral hearings are not transcribed, structured, or
speaker-attributed. We address this fundamental gap by presenting LaCour!, the
first corpus of textual oral arguments of the ECHR, consisting of 154 full
hearings (2.1 million tokens from over 267 hours of video footage) in English,
French, and other court languages, each linked to the corresponding final
judgment documents. In addition to the transcribed and partially manually
corrected text from the video, we provide sentence-level timestamps and
manually annotated role and language labels. We also showcase LaCour! in a set
of preliminary experiments that explore the interplay between questions and
dissenting opinions. Apart from the use cases in legal NLP, we hope that law
students or other interested parties will also use LaCour! as a learning
resource, as it is freely available in various formats at
https://huggingface.co/datasets/TrustHLT/LaCour. | cs.CL | LaCour!: Enabling Research on Argumentation in Hearings of the European Court of Human Rights |
2023-12-08T14:01:09Z | http://arxiv.org/pdf/2312.05047v1 | http://arxiv.org/abs/2312.05047v1 | Gaurav Kolhatkar, Akshit Madan, Nidhi Kowtal, Satyajit Roy, Sheetal Sonawane | 2023-12-08T14:01:09Z | cs.CL | The conversion of user epics or stories into their appropriate representation
in pseudocode or code is a time-consuming task, which can take up a large
portion of the time in an industrial project. With this research paper, we aim
to present a methodology to generate pseudocode from a given agile user story
of small functionalities so as to reduce the overall time spent on the
industrial project. Pseudocode is a programming language agnostic
representation of the steps involved in a computer program, which can be easily
converted into any programming language. Leveraging the potential of Natural
Language Processing, we want to simplify the development process in
organizations that use the Agile Model of Software Development. We present a
methodology to convert a problem described in the English language into
pseudocode. This methodology divides the Text to Pseudocode conversion task
into two stages or subtasks, each of which is treated like an individual
machine translation task. Stage 1 is Text to Code Conversion and Stage 2 is
Code to Pseudocode Conversion. We find that the CodeT5 model gives the best
results in terms of BLEU score when trained separately on the two subtasks
mentioned above. BLEU score is a metric that is used to measure the similarity
between a machine-translated text and a set of reference translations. | cs.CL | Converting Epics/Stories into Pseudocode using Transformers |
2023-12-08T11:43:00Z | http://arxiv.org/pdf/2312.04982v1 | http://arxiv.org/abs/2312.04982v1 | Yookyung Kho, Jaehee Kim, Pilsung Kang | 2023-12-08T11:43:00Z | cs.CL | Recently, prompt-based fine-tuning has garnered considerable interest as a
core technique for few-shot text classification task. This approach
reformulates the fine-tuning objective to align with the Masked Language
Modeling (MLM) objective. Leveraging unlabeled data, prompt-based self-training
has shown greater effectiveness in binary and three-class classification.
However, prompt-based self-training for multi-class classification has not been
adequately investigated, despite its significant applicability to real-world
scenarios. Moreover, extending current methods to multi-class classification
suffers from the verbalizer that extracts the predicted value of manually
pre-defined single label word for each class from MLM predictions.
Consequently, we introduce a novel, efficient verbalizer structure, named
Mapping-free Automatic Verbalizer (MAV). Comprising two fully connected layers,
MAV serves as a trainable verbalizer that automatically extracts the requisite
word features for classification by capitalizing on all available information
from MLM predictions. Experimental results on five multi-class classification
datasets indicate MAV's superior self-training efficacy. | cs.CL | Boosting Prompt-Based Self-Training With Mapping-Free Automatic Verbalizer for Multi-Class Classification |
2023-12-08T10:22:43Z | http://arxiv.org/pdf/2312.04945v1 | http://arxiv.org/abs/2312.04945v1 | Lucas Weber, Elia Bruni, Dieuwke Hupkes | 2023-12-08T10:22:43Z | cs.CL, cs.AI, cs.LG | Just like the previous generation of task-tuned models, large language models
(LLMs) that are adapted to tasks via prompt-based methods like
in-context-learning (ICL) perform well in some setups but not in others. This
lack of consistency in prompt-based learning hints at a lack of robust
generalisation. We here introduce the ICL consistency test -- a contribution to
the GenBench collaborative benchmark task (CBT) -- which evaluates how
consistent a model makes predictions across many different setups while using
the same data. The test is based on different established natural language
inference tasks. We provide preprocessed data constituting 96 different
'setups' and a metric that estimates model consistency across these setups. The
metric is provided on a fine-grained level to understand what properties of a
setup render predictions unstable and on an aggregated level to compare overall
model consistency. We conduct an empirical analysis of eight state-of-the-art
models, and our consistency metric reveals how all tested LLMs lack robust
generalisation. | cs.CL | The ICL Consistency Test |
2023-12-08T09:44:25Z | http://arxiv.org/pdf/2312.04927v1 | http://arxiv.org/abs/2312.04927v1 | Simran Arora, Sabri Eyuboglu, Aman Timalsina, Isys Johnson, Michael Poli, James Zou, Atri Rudra, Christopher Ré | 2023-12-08T09:44:25Z | cs.CL, cs.LG | Attention-free language models that combine gating and convolutions are
growing in popularity due to their efficiency and increasingly competitive
performance. To better understand these architectures, we pretrain a suite of
17 attention and "gated-convolution" language models, finding that SoTA
gated-convolution architectures still underperform attention by up to 2.1
perplexity points on the Pile. In fine-grained analysis, we find 82% of the gap
is explained by each model's ability to recall information that is previously
mentioned in-context, e.g. "Hakuna Matata means no worries Hakuna Matata it
means no" $\rightarrow$ "??". On this task, termed "associative recall", we
find that attention outperforms gated-convolutions by a large margin: a 70M
parameter attention model outperforms a 1.4 billion parameter gated-convolution
model on associative recall. This is surprising because prior work shows gated
convolutions can perfectly solve synthetic tests for AR capability. To close
the gap between synthetics and real language, we develop a new formalization of
the task called multi-query associative recall (MQAR) that better reflects
actual language. We perform an empirical and theoretical study of MQAR that
elucidates differences in the parameter-efficiency of attention and
gated-convolution recall. Informed by our analysis, we evaluate simple
convolution-attention hybrids and show that hybrids with input-dependent sparse
attention patterns can close 97.4% of the gap to attention, while maintaining
sub-quadratic scaling. Our code is accessible at:
https://github.com/HazyResearch/zoology. | cs.CL | Zoology: Measuring and Improving Recall in Efficient Language Models |
2023-12-08T09:02:45Z | http://arxiv.org/pdf/2312.05278v2 | http://arxiv.org/abs/2312.05278v2 | Junyu Lu, Dixiang Zhang, Songxin Zhang, Zejian Xie, Zhuoyang Song, Cong Lin, Jiaxing Zhang, Bingyi Jing, Pingjian Zhang | 2024-04-12T10:26:01Z | cs.CL | Large Vision Language Models (LVLMs) have demonstrated impressive zero-shot
capabilities in various vision-language dialogue scenarios. However, the
absence of fine-grained visual object detection hinders the model from
understanding the details of images, leading to irreparable visual
hallucinations and factual errors. In this paper, we propose Lyrics, a novel
multi-modal pre-training and instruction fine-tuning paradigm that bootstraps
vision-language alignment from fine-grained cross-modal collaboration. Building
on the foundation of BLIP-2, Lyrics infuses local visual features extracted
from a visual refiner that includes image tagging, object detection and
semantic segmentation modules into the Querying Transformer, while on the text
side, the language inputs equip the boundary boxes and tags derived from the
visual refiner. We further introduce a two-stage training scheme, in which the
pre-training stage bridges the modality gap through explicit and comprehensive
vision-language alignment targets. During the instruction fine-tuning stage, we
introduce semantic-aware visual feature extraction, a crucial method that
enables the model to extract informative features from concrete visual objects.
Our approach achieves robust performance on 13 datasets across various
vision-language tasks, and demonstrates promising multi-modal understanding,
perception and conversation capabilities in 11 scenario-based benchmark
toolkits. | cs.CL | Lyrics: Boosting Fine-grained Language-Vision Alignment and Comprehension via Semantic-aware Visual Objects |
2023-12-08T08:43:46Z | http://arxiv.org/pdf/2312.04906v1 | http://arxiv.org/abs/2312.04906v1 | Huan Zhao, Qian Ling, Yi Pan, Tianyang Zhong, Jin-Yu Hu, Junjie Yao, Fengqian Xiao, Zhenxiang Xiao, Yutong Zhang, San-Hua Xu, Shi-Nan Wu, Min Kang, Zihao Wu, Zhengliang Liu, Xi Jiang, Tianming Liu, Yi Shao | 2023-12-08T08:43:46Z | cs.CL | In recent years, pre-trained large language models (LLMs) have achieved
tremendous success in the field of Natural Language Processing (NLP). Prior
studies have primarily focused on general and generic domains, with relatively
less research on specialized LLMs in the medical field. The specialization and
high accuracy requirements for diagnosis in the medical field, as well as the
challenges in collecting large-scale data, have constrained the application and
development of LLMs in medical scenarios. In the field of ophthalmology,
clinical diagnosis mainly relies on doctors' interpretation of reports and
making diagnostic decisions. In order to take advantage of LLMs to provide
decision support for doctors, we collected three modalities of ophthalmic
report data and fine-tuned the LLaMA2 model, successfully constructing an LLM
termed the "Ophtha-LLaMA2" specifically tailored for ophthalmic disease
diagnosis. Inference test results show that even with a smaller fine-tuning
dataset, Ophtha-LLaMA2 performs significantly better in ophthalmic diagnosis
compared to other LLMs. It demonstrates that the Ophtha-LLaMA2 exhibits
satisfying accuracy and efficiency in ophthalmic disease diagnosis, making it a
valuable tool for ophthalmologists to provide improved diagnostic support for
patients. This research provides a useful reference for the application of LLMs
in the field of ophthalmology, while showcasing the immense potential and
prospects in this domain. | cs.CL | Ophtha-LLaMA2: A Large Language Model for Ophthalmology |
2023-12-08T08:11:11Z | http://arxiv.org/pdf/2312.04889v3 | http://arxiv.org/abs/2312.04889v3 | Haojie Pan, Zepeng Zhai, Hao Yuan, Yaojia Lv, Ruiji Fu, Ming Liu, Zhongyuan Wang, Bing Qin | 2024-01-10T09:44:45Z | cs.AI, cs.CL, cs.LG | Driven by curiosity, humans have continually sought to explore and understand
the world around them, leading to the invention of various tools to satiate
this inquisitiveness. Despite not having the capacity to process and memorize
vast amounts of information in their brains, humans excel in critical thinking,
planning, reflection, and harnessing available tools to interact with and
interpret the world, enabling them to find answers efficiently. The recent
advancements in large language models (LLMs) suggest that machines might also
possess the aforementioned human-like capabilities, allowing them to exhibit
powerful abilities even with a constrained parameter count. In this paper, we
introduce KwaiAgents, a generalized information-seeking agent system based on
LLMs. Within KwaiAgents, we propose an agent system that employs LLMs as its
cognitive core, which is capable of understanding a user's query, behavior
guidelines, and referencing external documents. The agent can also update and
retrieve information from its internal memory, plan and execute actions using a
time-aware search-browse toolkit, and ultimately provide a comprehensive
response. We further investigate the system's performance when powered by LLMs
less advanced than GPT-4, and introduce the Meta-Agent Tuning (MAT) framework,
designed to ensure even an open-sourced 7B or 13B model performs well among
many agent systems. We exploit both benchmark and human evaluations to
systematically validate these capabilities. Extensive experiments show the
superiority of our agent system compared to other autonomous agents and
highlight the enhanced generalized agent-abilities of our fine-tuned LLMs. | cs.AI | KwaiAgents: Generalized Information-seeking Agent System with Large Language Models |
2023-12-08T07:42:06Z | http://arxiv.org/pdf/2312.04882v1 | http://arxiv.org/abs/2312.04882v1 | Kristina Schaaff, Tim Schlippe, Lorenz Mindner | 2023-12-08T07:42:06Z | cs.CL, cs.AI | In this paper we analyze features to classify human- and AI-generated text
for English, French, German and Spanish and compare them across languages. We
investigate two scenarios: (1) The detection of text generated by AI from
scratch, and (2) the detection of text rephrased by AI. For training and
testing the classifiers in this multilingual setting, we created a new text
corpus covering 10 topics for each language. For the detection of AI-generated
text, the combination of all proposed features performs best, indicating that
our features are portable to other related languages: The F1-scores are close
with 99% for Spanish, 98% for English, 97% for German and 95% for French. For
the detection of AI-rephrased text, the systems with all features outperform
systems with other features in many cases, but using only document features
performs best for German (72%) and Spanish (86%) and only text vector features
leads to best results for English (78%). | cs.CL | Classification of Human- and AI-Generated Texts for English, French, German, and Spanish |
2023-12-08T07:40:59Z | http://arxiv.org/pdf/2312.04881v1 | http://arxiv.org/abs/2312.04881v1 | Yujie Qian, Zhening Li, Zhengkai Tu, Connor W. Coley, Regina Barzilay | 2023-12-08T07:40:59Z | cs.CL, cs.AI, cs.IR | This paper focuses on using natural language descriptions to enhance
predictive models in the chemistry field. Conventionally, chemoinformatics
models are trained with extensive structured data manually extracted from the
literature. In this paper, we introduce TextReact, a novel method that directly
augments predictive chemistry with texts retrieved from the literature.
TextReact retrieves text descriptions relevant for a given chemical reaction,
and then aligns them with the molecular representation of the reaction. This
alignment is enhanced via an auxiliary masked LM objective incorporated in the
predictor training. We empirically validate the framework on two chemistry
tasks: reaction condition recommendation and one-step retrosynthesis. By
leveraging text retrieval, TextReact significantly outperforms state-of-the-art
chemoinformatics models trained solely on molecular data. | cs.CL | Predictive Chemistry Augmented with Text Retrieval |
2023-12-08T07:27:26Z | http://arxiv.org/pdf/2312.04877v3 | http://arxiv.org/abs/2312.04877v3 | Xiaobin Tian, Zequn Sun, Wei Hu | 2024-03-21T07:22:54Z | cs.CL, cs.DB | Entity alignment (EA) seeks identical entities in different knowledge graphs,
which is a long-standing task in the database research. Recent work leverages
deep learning to embed entities in vector space and align them via nearest
neighbor search. Although embedding-based EA has gained marked success in
recent years, it lacks explanations for alignment decisions. In this paper, we
present the first framework that can generate explanations for understanding
and repairing embedding-based EA results. Given an EA pair produced by an
embedding model, we first compare its neighbor entities and relations to build
a matching subgraph as a local explanation. We then construct an alignment
dependency graph to understand the pair from an abstract perspective. Finally,
we repair the pair by resolving three types of alignment conflicts based on
dependency graphs. Experiments on a variety of EA datasets demonstrate the
effectiveness, generalization, and robustness of our framework in explaining
and repairing embedding-based EA results. | cs.CL | Generating Explanations to Understand and Repair Embedding-based Entity Alignment |
2023-12-08T06:22:12Z | http://arxiv.org/pdf/2312.04854v1 | http://arxiv.org/abs/2312.04854v1 | Haotian Wang, Xiyuan Du, Weijiang Yu, Qianglong Chen, Kun Zhu, Zheng Chu, Lian Yan, Yi Guan | 2023-12-08T06:22:12Z | cs.CL, cs.AI | Multi-agent debate systems are designed to derive accurate and consistent
conclusions through adversarial interactions among agents. However, these
systems often encounter challenges due to cognitive constraints, manifesting as
(1) agents' obstinate adherence to incorrect viewpoints and (2) their
propensity to abandon correct viewpoints. These issues are primarily
responsible for the ineffectiveness of such debates. Addressing the challenge
of cognitive constraints, we introduce a novel framework, the Multi-Agent
Debate with Retrieval Augmented (MADRA). MADRA incorporates retrieval of prior
knowledge into the debate process, effectively breaking cognitive constraints
and enhancing the agents' reasoning capabilities. Furthermore, we have
developed a self-selection module within this framework, enabling agents to
autonomously select pertinent evidence, thereby minimizing the impact of
irrelevant or noisy data. We have comprehensively tested and analyzed MADRA
across six diverse datasets. The experimental results demonstrate that our
approach significantly enhances performance across various tasks, proving the
effectiveness of our proposed method. | cs.CL | Apollo's Oracle: Retrieval-Augmented Reasoning in Multi-Agent Debates |
2023-12-08T05:42:04Z | http://arxiv.org/pdf/2312.04843v1 | http://arxiv.org/abs/2312.04843v1 | Virgile Rennard, Guokan Shang, Damien Grari, Julie Hunter, Michalis Vazirgiannis | 2023-12-08T05:42:04Z | cs.CL, cs.AI | Recent advances in deep learning, and especially the invention of
encoder-decoder architectures, has significantly improved the performance of
abstractive summarization systems. The majority of research has focused on
written documents, however, neglecting the problem of multi-party dialogue
summarization. In this paper, we present a dataset of French political debates
for the purpose of enhancing resources for multi-lingual dialogue
summarization. Our dataset consists of manually transcribed and annotated
political debates, covering a range of topics and perspectives. We highlight
the importance of high quality transcription and annotations for training
accurate and effective dialogue summarization models, and emphasize the need
for multilingual resources to support dialogue summarization in non-English
languages. We also provide baseline experiments using state-of-the-art methods,
and encourage further research in this area to advance the field of dialogue
summarization. Our dataset will be made publicly available for use by the
research community. | cs.CL | FREDSum: A Dialogue Summarization Corpus for French Political Debates |
2023-12-08T05:23:50Z | http://arxiv.org/pdf/2312.04837v2 | http://arxiv.org/abs/2312.04837v2 | Jae Sung Park, Jack Hessel, Khyathi Raghavi Chandu, Paul Pu Liang, Ximing Lu, Peter West, Youngjae Yu, Qiuyuan Huang, Jianfeng Gao, Ali Farhadi, Yejin Choi | 2023-12-12T05:48:14Z | cs.AI, cs.CL, cs.CV | Instruction following vision-language (VL) models offer a flexible interface
that supports a broad range of multimodal tasks in a zero-shot fashion.
However, interfaces that operate on full images do not directly enable the user
to "point to" and access specific regions within images. This capability is
important not only to support reference-grounded VL benchmarks, but also, for
practical applications that require precise within-image reasoning. We build
Localized Visual Commonsense models, which allow users to specify (multiple)
regions as input. We train our model by sampling localized commonsense
knowledge from a large language model (LLM): specifically, we prompt an LLM to
collect commonsense knowledge given a global literal image description and a
local literal region description automatically generated by a set of VL models.
With a separately trained critic model that selects high-quality examples, we
find that training on the localized commonsense corpus can successfully distill
existing VL models to support a reference-as-input interface. Empirical results
and human evaluations in a zero-shot setup demonstrate that our distillation
method results in more precise VL models of reasoning compared to a baseline of
passing a generated referring expression to an LLM. | cs.AI | Localized Symbolic Knowledge Distillation for Visual Commonsense Models |
2023-12-08T05:01:47Z | http://arxiv.org/pdf/2312.04828v2 | http://arxiv.org/abs/2312.04828v2 | Boyi Zeng, Chenghu Zhou, Xinbing Wang, Zhouhan Lin | 2024-02-07T11:01:25Z | cs.CL, cs.AI | Protecting the copyright of large language models (LLMs) has become crucial
due to their resource-intensive training and accompanying carefully designed
licenses. However, identifying the original base model of an LLM is challenging
due to potential parameter alterations. In this study, we introduce a
human-readable fingerprint for LLMs that uniquely identifies the base model
without exposing model parameters or interfering with training. We first
observe that the vector direction of LLM parameters remains stable after the
model has converged during pretraining, showing negligible perturbations
through subsequent training steps, including continued pretraining, supervised
fine-tuning (SFT), and RLHF, which makes it a sufficient condition to identify
the base model. The necessity is validated by continuing to train an LLM with
an extra term to drive away the model parameters' direction and the model
becomes damaged. However, this direction is vulnerable to simple attacks like
dimension permutation or matrix rotation, which significantly change it without
affecting performance. To address this, leveraging the Transformer structure,
we systematically analyze potential attacks and define three invariant terms
that identify an LLM's base model. We make these invariant terms human-readable
by mapping them to a Gaussian vector using a convolutional encoder and then
converting it into a natural image with StyleGAN2. Our method generates a dog
image as an identity fingerprint for an LLM, where the dog's appearance
strongly indicates the LLM's base model. The fingerprint provides intuitive
information for qualitative discrimination, while the invariant terms can be
employed for quantitative and precise verification. Experimental results across
various LLMs demonstrate the effectiveness of our method. | cs.CL | Human-Readable Fingerprint for Large Language Models |
2023-12-08T02:55:00Z | http://arxiv.org/pdf/2312.04807v1 | http://arxiv.org/abs/2312.04807v1 | Ke Wang, Jun Xie, Yuqi Zhang, Yu Zhao | 2023-12-08T02:55:00Z | cs.CL | Improving neural machine translation (NMT) systems with prompting has
achieved significant progress in recent years. In this work, we focus on how to
integrate multi-knowledge, multiple types of knowledge, into NMT models to
enhance the performance with prompting. We propose a unified framework, which
can integrate effectively multiple types of knowledge including sentences,
terminologies/phrases and translation templates into NMT models. We utilize
multiple types of knowledge as prefix-prompts of input for the encoder and
decoder of NMT models to guide the translation process. The approach requires
no changes to the model architecture and effectively adapts to domain-specific
translation without retraining. The experiments on English-Chinese and
English-German translation demonstrate that our approach significantly
outperform strong baselines, achieving high translation quality and terminology
match accuracy. | cs.CL | Improving Neural Machine Translation by Multi-Knowledge Integration with Prompting |
2023-12-08T02:39:17Z | http://arxiv.org/pdf/2312.04804v1 | http://arxiv.org/abs/2312.04804v1 | Xinchen Yu, Eduardo Blanco, Lingzi Hong | 2023-12-08T02:39:17Z | cs.CY, cs.CL | User-generated replies to hate speech are promising means to combat hatred,
but questions about whether they can stop incivility in follow-up conversations
linger. We argue that effective replies stop incivility from emerging in
follow-up conversations - replies that elicit more incivility are
counterproductive. This study introduces the task of predicting the incivility
of conversations following replies to hate speech. We first propose a metric to
measure conversation incivility based on the number of civil and uncivil
comments as well as the unique authors involved in the discourse. Our metric
approximates human judgments more accurately than previous metrics. We then use
the metric to evaluate the outcomes of replies to hate speech. A linguistic
analysis uncovers the differences in the language of replies that elicit
follow-up conversations with high and low incivility. Experimental results show
that forecasting incivility is challenging. We close with a qualitative
analysis shedding light into the most common errors made by the best model. | cs.CY | Hate Cannot Drive out Hate: Forecasting Conversation Incivility following Replies to Hate Speech |
2023-12-08T01:17:28Z | http://arxiv.org/pdf/2312.04775v1 | http://arxiv.org/abs/2312.04775v1 | Jun Bai, Xiaofeng Zhang, Chen Li, Hanhua Hong, Xi Xu, Chenghua Lin, Wenge Rong | 2023-12-08T01:17:28Z | cs.CL | Transferability estimation has been attached to great attention in the
computer vision fields. Researchers try to estimate with low computational cost
the performance of a model when transferred from a source task to a given
target task. Considering the effectiveness of such estimations, the communities
of natural language processing also began to study similar problems for the
selection of pre-trained language models. However, there is a lack of a
comprehensive comparison between these estimation methods yet. Also, the
differences between vision and language scenarios make it doubtful whether
previous conclusions can be established across fields. In this paper, we first
conduct a thorough survey of existing transferability estimation methods being
able to find the most suitable model, then we conduct a detailed empirical
study for the surveyed methods based on the GLUE benchmark. From qualitative
and quantitative analyses, we demonstrate the strengths and weaknesses of
existing methods and show that H-Score generally performs well with
superiorities in effectiveness and efficiency. We also outline the difficulties
of consideration of training details, applicability to text generation, and
consistency to certain metrics which shed light on future directions. | cs.CL | How to Determine the Most Powerful Pre-trained Language Model without Brute Force Fine-tuning? An Empirical Survey |
2023-12-08T00:31:43Z | http://arxiv.org/pdf/2312.09463v1 | http://arxiv.org/abs/2312.09463v1 | Antoine Bruguier, David Qiu, Yanzhang He | 2023-12-08T00:31:43Z | cs.CL | For many streaming automatic speech recognition tasks, it is important to
provide timely intermediate streaming results, while refining a high quality
final result. This can be done using a multi-stage architecture, where a small
left-context only model creates streaming results and a larger left- and
right-context model produces a final result at the end. While this
significantly improves the quality of the final results without compromising
the streaming emission latency of the system, streaming results do not benefit
from the quality improvements. Here, we propose using a text manipulation
algorithm that merges the streaming outputs of both models. We improve the
quality of streaming results by around 10%, without altering the final results.
Our approach introduces no additional latency and reduces flickering. It is
also lightweight, does not require retraining the model, and it can be applied
to a wide variety of multi-stage architectures. | cs.CL | Partial Rewriting for Multi-Stage ASR |
2023-12-08T00:28:41Z | http://arxiv.org/pdf/2312.04764v1 | http://arxiv.org/abs/2312.04764v1 | Atnafu Lambebo Tonja, Melkamu Mersha, Ananya Kalita, Olga Kolesnikova, Jugal Kalita | 2023-12-08T00:28:41Z | cs.CL | This paper presents the creation of initial bilingual corpora for thirteen
very low-resource languages of India, all from Northeast India. It also
presents the results of initial translation efforts in these languages. It
creates the first-ever parallel corpora for these languages and provides
initial benchmark neural machine translation results for these languages. We
intend to extend these corpora to include a large number of low-resource Indian
languages and integrate the effort with our prior work with African and
American-Indian languages to create corpora covering a large number of
languages from across the world. | cs.CL | First Attempt at Building Parallel Corpora for Machine Translation of Northeast India's Very Low-Resource Languages |
2023-12-07T23:26:06Z | http://arxiv.org/pdf/2312.04748v1 | http://arxiv.org/abs/2312.04748v1 | Shuli Jiang, Swanand Ravindra Kadhe, Yi Zhou, Ling Cai, Nathalie Baracaldo | 2023-12-07T23:26:06Z | cs.CR, cs.AI, cs.CL | Growing applications of large language models (LLMs) trained by a third party
raise serious concerns on the security vulnerability of LLMs.It has been
demonstrated that malicious actors can covertly exploit these vulnerabilities
in LLMs through poisoning attacks aimed at generating undesirable outputs.
While poisoning attacks have received significant attention in the image domain
(e.g., object detection), and classification tasks, their implications for
generative models, particularly in the realm of natural language generation
(NLG) tasks, remain poorly understood. To bridge this gap, we perform a
comprehensive exploration of various poisoning techniques to assess their
effectiveness across a range of generative tasks. Furthermore, we introduce a
range of metrics designed to quantify the success and stealthiness of poisoning
attacks specifically tailored to NLG tasks. Through extensive experiments on
multiple NLG tasks, LLMs and datasets, we show that it is possible to
successfully poison an LLM during the fine-tuning stage using as little as 1\%
of the total tuning data samples. Our paper presents the first systematic
approach to comprehend poisoning attacks targeting NLG tasks considering a wide
range of triggers and attack settings. We hope our findings will assist the AI
security community in devising appropriate defenses against such threats. | cs.CR | Forcing Generative Models to Degenerate Ones: The Power of Data Poisoning Attacks |
2023-12-07T23:16:37Z | http://arxiv.org/pdf/2312.04746v2 | http://arxiv.org/abs/2312.04746v2 | Mehmet Saygin Seyfioglu, Wisdom O. Ikezogwo, Fatemeh Ghezloo, Ranjay Krishna, Linda Shapiro | 2024-04-09T21:48:42Z | cs.CV, cs.AI, cs.CL | Diagnosis in histopathology requires a global whole slide images (WSIs)
analysis, requiring pathologists to compound evidence from different WSI
patches. The gigapixel scale of WSIs poses a challenge for histopathology
multi-modal models. Training multi-model models for histopathology requires
instruction tuning datasets, which currently contain information for individual
image patches, without a spatial grounding of the concepts within each patch
and without a wider view of the WSI. Therefore, they lack sufficient diagnostic
capacity for histopathology. To bridge this gap, we introduce Quilt-Instruct, a
large-scale dataset of 107,131 histopathology-specific instruction
question/answer pairs, grounded within diagnostically relevant image patches
that make up the WSI. Our dataset is collected by leveraging educational
histopathology videos from YouTube, which provides spatial localization of
narrations by automatically extracting the narrators' cursor positions.
Quilt-Instruct supports contextual reasoning by extracting diagnosis and
supporting facts from the entire WSI. Using Quilt-Instruct, we train
Quilt-LLaVA, which can reason beyond the given single image patch, enabling
diagnostic reasoning across patches. To evaluate Quilt-LLaVA, we propose a
comprehensive evaluation dataset created from 985 images and 1283
human-generated question-answers. We also thoroughly evaluate Quilt-LLaVA using
public histopathology datasets, where Quilt-LLaVA significantly outperforms
SOTA by over 10% on relative GPT-4 score and 4% and 9% on open and closed set
VQA. Our code, data, and model are publicly accessible at
quilt-llava.github.io. | cs.CV | Quilt-LLaVA: Visual Instruction Tuning by Extracting Localized Narratives from Open-Source Histopathology Videos |
2023-12-07T22:35:16Z | http://arxiv.org/pdf/2312.04737v1 | http://arxiv.org/abs/2312.04737v1 | Rui Xue, Xipeng Shen, Ruozhou Yu, Xiaorui Liu | 2023-12-07T22:35:16Z | cs.LG, cs.AI, cs.CL | Learning from Text-Attributed Graphs (TAGs) has attracted significant
attention due to its wide range of real-world applications. The rapid evolution
of large language models (LLMs) has revolutionized the way we process textual
data, which indicates a strong potential to replace shallow text embedding
generally used in Graph Neural Networks (GNNs). However, we find that existing
LLM approaches that exploit text information in graphs suffer from inferior
computation and data efficiency. In this work, we introduce a novel and
efficient approach for the end-to-end fine-tuning of Large Language Models
(LLMs) on TAGs, named LEADING. The proposed approach maintains computation cost
and memory overhead comparable to the graph-less fine-tuning of LLMs. Moreover,
it transfers the rick knowledge in LLMs to downstream graph learning tasks
effectively with limited labeled data in semi-supervised learning. Its superior
computation and data efficiency are demonstrated through comprehensive
experiments, offering a promising solution for a wide range of LLMs and graph
learning tasks on TAGs. | cs.LG | Efficient Large Language Models Fine-Tuning On Graphs |
2023-12-07T22:33:34Z | http://arxiv.org/pdf/2312.04736v1 | http://arxiv.org/abs/2312.04736v1 | Sabrina McCallum, Max Taylor-Davies, Stefano V. Albrecht, Alessandro Suglia | 2023-12-07T22:33:34Z | cs.CL, cs.AI | Despite numerous successes, the field of reinforcement learning (RL) remains
far from matching the impressive generalisation power of human behaviour
learning. One possible way to help bridge this gap be to provide RL agents with
richer, more human-like feedback expressed in natural language. To investigate
this idea, we first extend BabyAI to automatically generate language feedback
from the environment dynamics and goal condition success. Then, we modify the
Decision Transformer architecture to take advantage of this additional signal.
We find that training with language feedback either in place of or in addition
to the return-to-go or goal descriptions improves agents' generalisation
performance, and that agents can benefit from feedback even when this is only
available during training, but not at inference. | cs.CL | Is Feedback All You Need? Leveraging Natural Language Feedback in Goal-Conditioned Reinforcement Learning |
2023-12-07T21:58:37Z | http://arxiv.org/pdf/2312.04720v1 | http://arxiv.org/abs/2312.04720v1 | Stanisław Woźniak, Jan Kocoń | 2023-12-07T21:58:37Z | cs.CL, cs.AI, cs.LG | In the era of artificial intelligence, data is gold but costly to annotate.
The paper demonstrates a groundbreaking solution to this dilemma using ChatGPT
for text augmentation in sentiment analysis. We leverage ChatGPT's generative
capabilities to create synthetic training data that significantly improves the
performance of smaller models, making them competitive with, or even
outperforming, their larger counterparts. This innovation enables models to be
both efficient and effective, thereby reducing computational cost, inference
time, and memory usage without compromising on quality. Our work marks a key
advancement in the cost-effective development and deployment of robust
sentiment analysis models. | cs.CL | From Big to Small Without Losing It All: Text Augmentation with ChatGPT for Efficient Sentiment Analysis |
2023-12-07T21:44:14Z | http://arxiv.org/pdf/2312.04715v1 | http://arxiv.org/abs/2312.04715v1 | Jan Kocoń | 2023-12-07T21:44:14Z | cs.CL, cs.AI, cs.LG | Sentiment analysis involves using WordNets enriched with emotional metadata,
which are valuable resources. However, manual annotation is time-consuming and
expensive, resulting in only a few WordNet Lexical Units being annotated. This
paper introduces two new techniques for automatically propagating sentiment
annotations from a partially annotated WordNet to its entirety and to a WordNet
in a different language: Multilingual Structured Synset Embeddings (MSSE) and
Cross-Lingual Deep Neural Sentiment Propagation (CLDNS). We evaluated the
proposed MSSE+CLDNS method extensively using Princeton WordNet and Polish
WordNet, which have many inter-lingual relations. Our results show that the
MSSE+CLDNS method outperforms existing propagation methods, indicating its
effectiveness in enriching WordNets with emotional metadata across multiple
languages. This work provides a solid foundation for large-scale, multilingual
sentiment analysis and is valuable for academic research and practical
applications. | cs.CL | Deep Emotions Across Languages: A Novel Approach for Sentiment Propagation in Multilingual WordNets |
2023-12-07T20:42:05Z | http://arxiv.org/pdf/2312.04691v3 | http://arxiv.org/abs/2312.04691v3 | Victor Agostinelli, Max Wild, Matthew Raffel, Kazi Ahmed Asif Fuad, Lizhong Chen | 2024-06-05T03:12:13Z | cs.CL, cs.AI | Large language models (LLMs) with billions of parameters and pretrained on
massive amounts of data are now capable of near or better than state-of-the-art
performance in a variety of downstream natural language processing tasks.
Neural machine translation (NMT) is one such task that LLMs have been applied
to with great success. However, little research has focused on applying LLMs to
the more difficult subset of NMT called simultaneous translation (SimulMT),
where translation begins before the entire source context is available to the
model. In this paper, we address key challenges facing LLMs fine-tuned for
SimulMT, validate classical SimulMT concepts and practices in the context of
LLMs, explore adapting LLMs that are fine-tuned for NMT to the task of SimulMT,
and introduce Simul-LLM, the first open-source fine-tuning and evaluation
pipeline development framework for LLMs focused on SimulMT. | cs.CL | Simul-LLM: A Framework for Exploring High-Quality Simultaneous Translation with Large Language Models |
2023-12-07T20:36:10Z | http://arxiv.org/pdf/2312.04684v1 | http://arxiv.org/abs/2312.04684v1 | Zifan Xu, Haozhu Wang, Dmitriy Bespalov, Peter Stone, Yanjun Qi | 2023-12-07T20:36:10Z | cs.CL, cs.AI | Recent advances in Large Language Models (LLMs) have led to an emergent
ability of chain-of-thought (CoT) prompting, a prompt reasoning strategy that
adds intermediate rationale steps between questions and answers to construct
prompts. Conditioned on these prompts, LLMs can effectively learn in context to
generate rationales that lead to more accurate answers than when answering the
same question directly. To design LLM prompts, one important setting, called
demonstration selection, considers selecting demonstrations from an example
bank. Existing methods use various heuristics for this selection, but for CoT
prompting, which involves unique rationales, it is essential to base the
selection upon the intrinsic skills that CoT rationales need, for instance, the
skills of addition or subtraction for math word problems.
To address this requirement, we introduce a novel approach named Reasoning
Skill Discovery (RSD) that use unsupervised learning to create a latent space
representation of rationales, called a reasoning skill. Simultaneously, RSD
learns a reasoning policy to determine the required reasoning skill for a given
question. This can then guide the selection of examples that demonstrate the
required reasoning skills. Our approach offers several desirable properties: it
is (1) theoretically grounded, (2) sample-efficient, requiring no LLM inference
or manual prompt design, and (3) LLM-agnostic. Empirically, RSD outperforms
existing methods by up to 6% in terms of the answer accuracy across multiple
reasoning tasks. | cs.CL | Latent Skill Discovery for Chain-of-Thought Reasoning |
2023-12-07T20:06:23Z | http://arxiv.org/pdf/2312.04668v1 | http://arxiv.org/abs/2312.04668v1 | Sungryull Sohn, Yiwei Lyu, Anthony Liu, Lajanugen Logeswaran, Dong-Ki Kim, Dongsub Shim, Honglak Lee | 2023-12-07T20:06:23Z | cs.CL, cs.AI, cs.LG | Task-Oriented Dialogue (TOD) systems have become crucial components in
interactive artificial intelligence applications. While recent advances have
capitalized on pre-trained language models (PLMs), they exhibit limitations
regarding transparency and controllability. To address these challenges, we
propose a novel approach focusing on inferring the TOD-Flow graph from dialogue
data annotated with dialog acts, uncovering the underlying task structure in
the form of a graph. The inferred TOD-Flow graph can be easily integrated with
any dialogue model to improve its prediction performance, transparency, and
controllability. Our TOD-Flow graph learns what a model can, should, and should
not predict, effectively reducing the search space and providing a rationale
for the model's prediction. We show that the proposed TOD-Flow graph better
resembles human-annotated graphs compared to prior approaches. Furthermore,
when combined with several dialogue policies and end-to-end dialogue models, we
demonstrate that our approach significantly improves dialog act classification
and end-to-end response generation performance in the MultiWOZ and SGD
benchmarks. Code available at: https://github.com/srsohn/TOD-Flow | cs.CL | TOD-Flow: Modeling the Structure of Task-Oriented Dialogues |
2023-12-07T19:40:50Z | http://arxiv.org/pdf/2312.06674v1 | http://arxiv.org/abs/2312.06674v1 | Hakan Inan, Kartikeya Upasani, Jianfeng Chi, Rashi Rungta, Krithika Iyer, Yuning Mao, Michael Tontchev, Qing Hu, Brian Fuller, Davide Testuggine, Madian Khabsa | 2023-12-07T19:40:50Z | cs.CL, cs.AI | We introduce Llama Guard, an LLM-based input-output safeguard model geared
towards Human-AI conversation use cases. Our model incorporates a safety risk
taxonomy, a valuable tool for categorizing a specific set of safety risks found
in LLM prompts (i.e., prompt classification). This taxonomy is also
instrumental in classifying the responses generated by LLMs to these prompts, a
process we refer to as response classification. For the purpose of both prompt
and response classification, we have meticulously gathered a dataset of high
quality. Llama Guard, a Llama2-7b model that is instruction-tuned on our
collected dataset, albeit low in volume, demonstrates strong performance on
existing benchmarks such as the OpenAI Moderation Evaluation dataset and
ToxicChat, where its performance matches or exceeds that of currently available
content moderation tools. Llama Guard functions as a language model, carrying
out multi-class classification and generating binary decision scores.
Furthermore, the instruction fine-tuning of Llama Guard allows for the
customization of tasks and the adaptation of output formats. This feature
enhances the model's capabilities, such as enabling the adjustment of taxonomy
categories to align with specific use cases, and facilitating zero-shot or
few-shot prompting with diverse taxonomies at the input. We are making Llama
Guard model weights available and we encourage researchers to further develop
and adapt them to meet the evolving needs of the community for AI safety. | cs.CL | Llama Guard: LLM-based Input-Output Safeguard for Human-AI Conversations |
2023-12-07T19:39:11Z | http://arxiv.org/pdf/2312.04657v1 | http://arxiv.org/abs/2312.04657v1 | Ruoyao Wang, Peter Jansen | 2023-12-07T19:39:11Z | cs.CL, cs.AI | In this work, we introduce a self-supervised behavior cloning transformer for
text games, which are challenging benchmarks for multi-step reasoning in
virtual environments. Traditionally, Behavior Cloning Transformers excel in
such tasks but rely on supervised training data. Our approach auto-generates
training data by exploring trajectories (defined by common macro-action
sequences) that lead to reward within the games, while determining the
generality and utility of these trajectories by rapidly training small models
then evaluating their performance on unseen development games. Through
empirical analysis, we show our method consistently uncovers generalizable
training data, achieving about 90\% performance of supervised systems across
three benchmark text games. | cs.CL | Self-Supervised Behavior Cloned Transformers are Path Crawlers for Text Games |
2023-12-07T19:19:43Z | http://arxiv.org/pdf/2312.04649v1 | http://arxiv.org/abs/2312.04649v1 | Wannaphong Phatthiyaphaibun, Korakot Chaovavanich, Charin Polpanumas, Arthit Suriyawongkul, Lalita Lowphansirikul, Pattarawat Chormai, Peerat Limkonchotiwat, Thanathip Suntorntip, Can Udomcharoenchaikit | 2023-12-07T19:19:43Z | cs.CL, I.2.7 | We present PyThaiNLP, a free and open-source natural language processing
(NLP) library for Thai language implemented in Python. It provides a wide range
of software, models, and datasets for Thai language. We first provide a brief
historical context of tools for Thai language prior to the development of
PyThaiNLP. We then outline the functionalities it provided as well as datasets
and pre-trained language models. We later summarize its development milestones
and discuss our experience during its development. We conclude by demonstrating
how industrial and research communities utilize PyThaiNLP in their work. The
library is freely available at https://github.com/pythainlp/pythainlp. | cs.CL | PyThaiNLP: Thai Natural Language Processing in Python |
2023-12-07T19:00:56Z | http://arxiv.org/pdf/2312.04642v1 | http://arxiv.org/abs/2312.04642v1 | Montgomery Gole, Williams-Paul Nwadiugwu, Andriy Miranskyy | 2023-12-07T19:00:56Z | cs.CL, cs.LG | Sarcasm is a form of irony that requires readers or listeners to interpret
its intended meaning by considering context and social cues. Machine learning
classification models have long had difficulty detecting sarcasm due to its
social complexity and contradictory nature.
This paper explores the applications of the Generative Pretrained Transformer
(GPT) models, including GPT-3, InstructGPT, GPT-3.5, and GPT-4, in detecting
sarcasm in natural language. It tests fine-tuned and zero-shot models of
different sizes and releases.
The GPT models were tested on the political and balanced (pol-bal) portion of
the popular Self-Annotated Reddit Corpus (SARC 2.0) sarcasm dataset. In the
fine-tuning case, the largest fine-tuned GPT-3 model achieves accuracy and
$F_1$-score of 0.81, outperforming prior models. In the zero-shot case, one of
GPT-4 models yields an accuracy of 0.70 and $F_1$-score of 0.75. Other models
score lower. Additionally, a model's performance may improve or deteriorate
with each release, highlighting the need to reassess performance after each
release. | cs.CL | On Sarcasm Detection with OpenAI GPT-based Models |
2023-12-07T18:59:29Z | http://arxiv.org/pdf/2312.04556v2 | http://arxiv.org/abs/2312.04556v2 | Simon Frieder, Julius Berner, Philipp Petersen, Thomas Lukasiewicz | 2024-04-02T14:35:40Z | cs.CL, cs.AI, cs.LG, math.HO | Large language models (LLMs) such as ChatGPT have received immense interest
for their general-purpose language understanding and, in particular, their
ability to generate high-quality text or computer code. For many professions,
LLMs represent an invaluable tool that can speed up and improve the quality of
work. In this note, we discuss to what extent they can aid professional
mathematicians. We first provide a mathematical description of the transformer
model used in all modern language models. Based on recent studies, we then
outline best practices and potential issues and report on the mathematical
abilities of language models. Finally, we shed light on the potential of LLMs
to change how mathematicians work. | cs.CL | Large Language Models for Mathematicians |
2023-12-07T18:59:22Z | http://arxiv.org/pdf/2312.04554v1 | http://arxiv.org/abs/2312.04554v1 | Ruozhen He, Paola Cascante-Bonilla, Ziyan Yang, Alexander C. Berg, Vicente Ordonez | 2023-12-07T18:59:22Z | cs.CV, cs.CL, cs.LG | Vision-and-language models trained to match images with text can be combined
with visual explanation methods to point to the locations of specific objects
in an image. Our work shows that the localization --"grounding"-- abilities of
these models can be further improved by finetuning for self-consistent visual
explanations. We propose a strategy for augmenting existing text-image datasets
with paraphrases using a large language model, and SelfEQ, a weakly-supervised
strategy on visual explanation maps for paraphrases that encourages
self-consistency. Specifically, for an input textual phrase, we attempt to
generate a paraphrase and finetune the model so that the phrase and paraphrase
map to the same region in the image. We posit that this both expands the
vocabulary that the model is able to handle, and improves the quality of the
object locations highlighted by gradient-based visual explanation methods (e.g.
GradCAM). We demonstrate that SelfEQ improves performance on Flickr30k,
ReferIt, and RefCOCO+ over a strong baseline method and several prior works.
Particularly, comparing to other methods that do not use any type of box
annotations, we obtain 84.07% on Flickr30k (an absolute improvement of 4.69%),
67.40% on ReferIt (an absolute improvement of 7.68%), and 75.10%, 55.49% on
RefCOCO+ test sets A and B respectively (an absolute improvement of 3.74% on
average). | cs.CV | Improved Visual Grounding through Self-Consistent Explanations |
2023-12-07T18:58:27Z | http://arxiv.org/pdf/2312.04965v1 | http://arxiv.org/abs/2312.04965v1 | Sihan Xu, Yidong Huang, Jiayi Pan, Ziqiao Ma, Joyce Chai | 2023-12-07T18:58:27Z | cs.CV, cs.AI, cs.CL | Despite recent advances in inversion-based editing, text-guided image
manipulation remains challenging for diffusion models. The primary bottlenecks
include 1) the time-consuming nature of the inversion process; 2) the struggle
to balance consistency with accuracy; 3) the lack of compatibility with
efficient consistency sampling methods used in consistency models. To address
the above issues, we start by asking ourselves if the inversion process can be
eliminated for editing. We show that when the initial sample is known, a
special variance schedule reduces the denoising step to the same form as the
multi-step consistency sampling. We name this Denoising Diffusion Consistent
Model (DDCM), and note that it implies a virtual inversion strategy without
explicit inversion in sampling. We further unify the attention control
mechanisms in a tuning-free framework for text-guided editing. Combining them,
we present inversion-free editing (InfEdit), which allows for consistent and
faithful editing for both rigid and non-rigid semantic changes, catering to
intricate modifications without compromising on the image's integrity and
explicit inversion. Through extensive experiments, InfEdit shows strong
performance in various editing tasks and also maintains a seamless workflow
(less than 3 seconds on one single A40), demonstrating the potential for
real-time applications. Project Page: https://sled-group.github.io/InfEdit/ | cs.CV | Inversion-Free Image Editing with Natural Language |
2023-12-07T18:34:57Z | http://arxiv.org/pdf/2312.04515v1 | http://arxiv.org/abs/2312.04515v1 | Xutai Ma, Anna Sun, Siqi Ouyang, Hirofumi Inaguma, Paden Tomasello | 2023-12-07T18:34:57Z | cs.CL | We introduce the Efficient Monotonic Multihead Attention (EMMA), a
state-of-the-art simultaneous translation model with numerically-stable and
unbiased monotonic alignment estimation. In addition, we present improved
training and inference strategies, including simultaneous fine-tuning from an
offline translation model and reduction of monotonic alignment variance. The
experimental results demonstrate that the proposed model attains
state-of-the-art performance in simultaneous speech-to-text translation on the
Spanish and English translation task. | cs.CL | Efficient Monotonic Multihead Attention |
2023-12-07T18:32:04Z | http://arxiv.org/pdf/2312.04511v3 | http://arxiv.org/abs/2312.04511v3 | Sehoon Kim, Suhong Moon, Ryan Tabrizi, Nicholas Lee, Michael W. Mahoney, Kurt Keutzer, Amir Gholami | 2024-06-05T03:53:10Z | cs.CL | The reasoning capabilities of the recent LLMs enable them to execute external
function calls to overcome their inherent limitations, such as knowledge
cutoffs, poor arithmetic skills, or lack of access to private data. This
development has allowed LLMs to select and coordinate multiple functions based
on the context to tackle more complex problems. However, current methods for
function calling often require sequential reasoning and acting for each
function which can result in high latency, cost, and sometimes inaccurate
behavior. To address this, we introduce LLMCompiler, which executes functions
in parallel to efficiently orchestrate multiple function calls. Drawing
inspiration from the principles of classical compilers, LLMCompiler enables
parallel function calling with three components: (i) a Function Calling
Planner, formulating execution plans for function calling; (ii) a Task Fetching
Unit, dispatching function calling tasks; and (iii) an Executor, executing
these tasks in parallel. LLMCompiler automatically generates an optimized
orchestration for the function calls and can be used with both open-source and
closed-source models. We have benchmarked LLMCompiler on a range of tasks with
different patterns of function calling. We observe consistent latency speedup
of up to 3.7x, cost savings of up to 6.7x, and accuracy improvement of up to
~9% compared to ReAct. Our code is available at
https://github.com/SqueezeAILab/LLMCompiler. | cs.CL | An LLM Compiler for Parallel Function Calling |
2023-12-07T18:30:15Z | http://arxiv.org/pdf/2312.04510v1 | http://arxiv.org/abs/2312.04510v1 | Jarad Forristal, Niloofar Mireshghallah, Greg Durrett, Taylor Berg-Kirkpatrick | 2023-12-07T18:30:15Z | cs.CL, cs.LG | Recent work has shown that energy-based language modeling is an effective
framework for controllable text generation because it enables flexible
integration of arbitrary discriminators. However, because energy-based LMs are
globally normalized, approximate techniques like Metropolis-Hastings (MH) are
required for inference. Past work has largely explored simple proposal
distributions that modify a single token at a time, like in Gibbs sampling. In
this paper, we develop a novel MH sampler that, in contrast, proposes re-writes
of the entire sequence in each step via iterative prompting of a large language
model. Our new sampler (a) allows for more efficient and accurate sampling from
a target distribution and (b) allows generation length to be determined through
the sampling procedure rather than fixed in advance, as past work has required.
We perform experiments on two controlled generation tasks, showing both
downstream performance gains and more accurate target distribution sampling in
comparison with single-token proposal techniques. | cs.CL | A Block Metropolis-Hastings Sampler for Controllable Energy-based Text Generation |
2023-12-07T17:51:43Z | http://arxiv.org/pdf/2312.04474v2 | http://arxiv.org/abs/2312.04474v2 | Chengshu Li, Jacky Liang, Andy Zeng, Xinyun Chen, Karol Hausman, Dorsa Sadigh, Sergey Levine, Li Fei-Fei, Fei Xia, Brian Ichter | 2023-12-08T03:04:46Z | cs.CL, cs.AI, cs.LG, cs.RO | Code provides a general syntactic structure to build complex programs and
perform precise computations when paired with a code interpreter - we
hypothesize that language models (LMs) can leverage code-writing to improve
Chain of Thought reasoning not only for logic and arithmetic tasks, but also
for semantic ones (and in particular, those that are a mix of both). For
example, consider prompting an LM to write code that counts the number of times
it detects sarcasm in an essay: the LM may struggle to write an implementation
for "detect_sarcasm(string)" that can be executed by the interpreter (handling
the edge cases would be insurmountable). However, LMs may still produce a valid
solution if they not only write code, but also selectively "emulate" the
interpreter by generating the expected output of "detect_sarcasm(string)" and
other lines of code that cannot be executed. In this work, we propose Chain of
Code (CoC), a simple yet surprisingly effective extension that improves LM
code-driven reasoning. The key idea is to encourage LMs to format semantic
sub-tasks in a program as flexible pseudocode that the interpreter can
explicitly catch undefined behaviors and hand off to simulate with an LM (as an
"LMulator"). Experiments demonstrate that Chain of Code outperforms Chain of
Thought and other baselines across a variety of benchmarks; on BIG-Bench Hard,
Chain of Code achieves 84%, a gain of 12% over Chain of Thought. CoC scales
well with large and small models alike, and broadens the scope of reasoning
questions that LMs can correctly answer by "thinking in code". Project webpage:
https://chain-of-code.github.io. | cs.CL | Chain of Code: Reasoning with a Language Model-Augmented Code Emulator |
2023-12-07T17:41:44Z | http://arxiv.org/pdf/2312.04469v3 | http://arxiv.org/abs/2312.04469v3 | Chenchen Gu, Xiang Lisa Li, Percy Liang, Tatsunori Hashimoto | 2024-05-02T07:05:56Z | cs.LG, cs.CL, cs.CR | Watermarking of language model outputs enables statistical detection of
model-generated text, which can mitigate harms and misuses of language models.
Existing watermarking strategies operate by altering the decoder of an existing
language model. In this paper, we ask whether language models can directly
learn to generate watermarked text, which would have significant implications
for the real-world deployment of watermarks. First, learned watermarks could be
used to build open models that naturally generate watermarked text, enabling
watermarking for open models, where users can control the decoding procedure.
Second, if watermarking is used to determine the provenance of generated text,
an adversary can hurt the reputation of a victim model by spoofing its
watermark and generating damaging watermarked text. To investigate the
learnability of watermarks, we propose watermark distillation, which trains a
student model to behave like a teacher model that uses decoding-based
watermarking. We test our approach on three decoding-based watermarking
strategies and various hyperparameter settings, finding that models can learn
to generate watermarked text with high detectability. We also find limitations
to learnability, including the loss of watermarking capabilities under
fine-tuning on normal text and high sample complexity when learning
low-distortion watermarks. | cs.LG | On the Learnability of Watermarks for Language Models |
2023-12-07T17:24:51Z | http://arxiv.org/pdf/2312.04455v4 | http://arxiv.org/abs/2312.04455v4 | Yuhan Chen, Ang Lv, Ting-En Lin, Changyu Chen, Yuchuan Wu, Fei Huang, Yongbin Li, Rui Yan | 2024-06-04T07:33:12Z | cs.CL, cs.AI, cs.LG | In this paper, we demonstrate that an inherent waveform pattern in the
attention allocation of large language models (LLMs) significantly affects
their performance in tasks demanding a high degree of context awareness, such
as utilizing LLMs for tool-use. Specifically, the crucial information in the
context will be potentially overlooked by model when it is positioned in the
trough zone of the attention waveform, leading to decreased performance. To
address this issue, we propose a novel inference method named Attention
Buckets. It allows LLMs to process their input through multiple parallel
processes. Each process utilizes a distinct base angle for the rotary position
embedding, thereby creating a unique attention waveform. By compensating an
attention trough of a particular process with an attention peak of another
process, our approach enhances LLM's awareness to various contextual positions,
thus mitigating the risk of overlooking crucial information. In the largest
tool-use benchmark, our method elevates a 7B model to achieve state-of-the-art
performance, comparable to that of GPT-4. On other benchmarks and some RAG
tasks, which also demand a thorough understanding of contextual content,
Attention Buckets also exhibited notable enhancements in performance. | cs.CL | Fortify the Shortest Stave in Attention: Enhancing Context Awareness of Large Language Models for Effective Tool Use |
2023-12-07T17:06:20Z | http://arxiv.org/pdf/2312.04440v1 | http://arxiv.org/abs/2312.04440v1 | Shmuel Amar, Liat Schiff, Ori Ernst, Asi Shefer, Ori Shapira, Ido Dagan | 2023-12-07T17:06:20Z | cs.CL | The performance of automatic summarization models has improved dramatically
in recent years. Yet, there is still a gap in meeting specific information
needs of users in real-world scenarios, particularly when a targeted summary is
sought, such as in the useful aspect-based summarization setting targeted in
this paper. Previous datasets and studies for this setting have predominantly
concentrated on a limited set of pre-defined aspects, focused solely on single
document inputs, or relied on synthetic data. To advance research on more
realistic scenarios, we introduce OpenAsp, a benchmark for multi-document
\textit{open} aspect-based summarization. This benchmark is created using a
novel and cost-effective annotation protocol, by which an open aspect dataset
is derived from existing generic multi-document summarization datasets. We
analyze the properties of OpenAsp showcasing its high-quality content. Further,
we show that the realistic open-aspect setting realized in OpenAsp poses a
challenge for current state-of-the-art summarization models, as well as for
large language models. | cs.CL | OpenAsp: A Benchmark for Multi-document Open Aspect-based Summarization |
2023-12-07T15:43:52Z | http://arxiv.org/pdf/2312.04372v2 | http://arxiv.org/abs/2312.04372v2 | Yunsheng Ma, Can Cui, Xu Cao, Wenqian Ye, Peiran Liu, Juanwu Lu, Amr Abdelraouf, Rohit Gupta, Kyungtae Han, Aniket Bera, James M. Rehg, Ziran Wang | 2024-04-04T05:20:11Z | cs.CL, cs.AI | Autonomous driving (AD) has made significant strides in recent years.
However, existing frameworks struggle to interpret and execute spontaneous user
instructions, such as "overtake the car ahead." Large Language Models (LLMs)
have demonstrated impressive reasoning capabilities showing potential to bridge
this gap. In this paper, we present LaMPilot, a novel framework that integrates
LLMs into AD systems, enabling them to follow user instructions by generating
code that leverages established functional primitives. We also introduce
LaMPilot-Bench, the first benchmark dataset specifically designed to
quantitatively evaluate the efficacy of language model programs in AD. Adopting
the LaMPilot framework, we conduct extensive experiments to assess the
performance of off-the-shelf LLMs on LaMPilot-Bench. Our results demonstrate
the potential of LLMs in handling diverse driving scenarios and following user
instructions in driving. To facilitate further research in this area, we
release our code and data at https://github.com/PurdueDigitalTwin/LaMPilot. | cs.CL | LaMPilot: An Open Benchmark Dataset for Autonomous Driving with Language Model Programs |
2023-12-07T15:29:34Z | http://arxiv.org/pdf/2312.04362v1 | http://arxiv.org/abs/2312.04362v1 | Hamed Hematian Hemati, Atousa Toghyani, Atena Souri, Sayed Hesam Alavian, Hossein Sameti, Hamid Beigy | 2023-12-07T15:29:34Z | cs.CL, cs.AI | Humans seek information regarding a specific topic through performing a
conversation containing a series of questions and answers. In the pursuit of
conversational question answering research, we introduce the PCoQA, the first
\textbf{P}ersian \textbf{Co}nversational \textbf{Q}uestion \textbf{A}nswering
dataset, a resource comprising information-seeking dialogs encompassing a total
of 9,026 contextually-driven questions. Each dialog involves a questioner, a
responder, and a document from the Wikipedia; The questioner asks several
inter-connected questions from the text and the responder provides a span of
the document as the answer for each question. PCoQA is designed to present
novel challenges compared to previous question answering datasets including
having more open-ended non-factual answers, longer answers, and fewer lexical
overlaps. This paper not only presents the comprehensive PCoQA dataset but also
reports the performance of various benchmark models. Our models include
baseline models and pre-trained models, which are leveraged to boost the
performance of the model. The dataset and benchmarks are available at our
Github page. | cs.CL | PCoQA: Persian Conversational Question Answering Dataset |
2023-12-07T15:12:12Z | http://arxiv.org/pdf/2312.04350v3 | http://arxiv.org/abs/2312.04350v3 | Zhijing Jin, Yuen Chen, Felix Leeb, Luigi Gresele, Ojasv Kamal, Zhiheng Lyu, Kevin Blin, Fernando Gonzalez Adauto, Max Kleiman-Weiner, Mrinmaya Sachan, Bernhard Schölkopf | 2024-01-17T14:41:55Z | cs.CL, cs.AI, cs.LG | The ability to perform causal reasoning is widely considered a core feature
of intelligence. In this work, we investigate whether large language models
(LLMs) can coherently reason about causality. Much of the existing work in
natural language processing (NLP) focuses on evaluating commonsense causal
reasoning in LLMs, thus failing to assess whether a model can perform causal
inference in accordance with a set of well-defined formal rules. To address
this, we propose a new NLP task, causal inference in natural language, inspired
by the "causal inference engine" postulated by Judea Pearl et al. We compose a
large dataset, CLadder, with 10K samples: based on a collection of causal
graphs and queries (associational, interventional, and counterfactual), we
obtain symbolic questions and ground-truth answers, through an oracle causal
inference engine. These are then translated into natural language. We evaluate
multiple LLMs on our dataset, and we introduce and evaluate a bespoke
chain-of-thought prompting strategy, CausalCoT. We show that our task is highly
challenging for LLMs, and we conduct an in-depth analysis to gain deeper
insights into the causal reasoning abilities of LLMs. Our data is open-sourced
at https://huggingface.co/datasets/causalNLP/cladder, and our code can be found
at https://github.com/causalNLP/cladder. | cs.CL | CLadder: Assessing Causal Reasoning in Language Models |
2023-12-07T15:09:24Z | http://arxiv.org/pdf/2312.04348v1 | http://arxiv.org/abs/2312.04348v1 | Tomoyuki Yamakami | 2023-12-07T15:09:24Z | cs.CC, cs.CL, cs.FL | Many NP-complete problems take integers as part of their input instances.
These input integers are generally binarized, that is, provided in the form of
the "binary" numeral representation, and the lengths of such binary forms are
used as a basis unit to measure the computational complexity of the problems.
In sharp contrast, the "unarization" (or the "unary" numeral representation) of
numbers has been known to bring a remarkably different effect onto the
computational complexity of the problems. When no computational-complexity
difference is observed between binarization and unarization of instances, on
the contrary, the problems are said to be strong NP-complete. This work
attempts to spotlight an issue of how the unarization of instances affects the
computational complexity of various combinatorial problems. We present numerous
NP-complete (or even NP-hard) problems, which turn out to be easily solvable
when input integers are represented in unary. We then discuss the computational
complexities of such problems when taking unary-form integer inputs. We hope
that a list of such problems signifies the structural differences between
strong NP-completeness and non-strong NP-completeness. | cs.CC | When Input Integers are Given in the Unary Numeral Representation |
2023-12-07T15:05:59Z | http://arxiv.org/pdf/2312.04344v2 | http://arxiv.org/abs/2312.04344v2 | Pengcheng Chen, Ziyan Huang, Zhongying Deng, Tianbin Li, Yanzhou Su, Haoyu Wang, Jin Ye, Yu Qiao, Junjun He | 2023-12-12T06:37:53Z | cs.CL, cs.AI, cs.CV, cs.LG | OpenAI's latest large vision-language model (LVLM), GPT-4V(ision), has piqued
considerable interest for its potential in medical applications. Despite its
promise, recent studies and internal reviews highlight its underperformance in
specialized medical tasks. This paper explores the boundary of GPT-4V's
capabilities in medicine, particularly in processing complex imaging data from
endoscopies, CT scans, and MRIs etc. Leveraging open-source datasets, we
assessed its foundational competencies, identifying substantial areas for
enhancement. Our research emphasizes prompt engineering, an often-underutilized
strategy for improving AI responsiveness. Through iterative testing, we refined
the model's prompts, significantly improving its interpretative accuracy and
relevance in medical imaging. From our comprehensive evaluations, we distilled
10 effective prompt engineering techniques, each fortifying GPT-4V's medical
acumen. These methodical enhancements facilitate more reliable, precise, and
clinically valuable insights from GPT-4V, advancing its operability in critical
healthcare environments. Our findings are pivotal for those employing AI in
medicine, providing clear, actionable guidance on harnessing GPT-4V's full
diagnostic potential. | cs.CL | Enhancing Medical Task Performance in GPT-4V: A Comprehensive Study on Prompt Engineering Strategies |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.