publication_date
stringlengths 20
20
| doc_url
stringlengths 33
34
| id
stringlengths 33
34
| authors
stringlengths 5
20.1k
| update_date
stringlengths 20
20
| category_all
stringlengths 5
138
| abstract
stringlengths 123
3.09k
| category_primary
stringclasses 78
values | title
stringlengths 10
211
|
---|---|---|---|---|---|---|---|---|
2024-01-16T14:44:47Z | http://arxiv.org/pdf/2401.08406v3 | http://arxiv.org/abs/2401.08406v3 | Angels Balaguer, Vinamra Benara, Renato Luiz de Freitas Cunha, Roberto de M. Estevão Filho, Todd Hendry, Daniel Holstein, Jennifer Marsman, Nick Mecklenburg, Sara Malvar, Leonardo O. Nunes, Rafael Padilha, Morris Sharp, Bruno Silva, Swati Sharma, Vijay Aski, Ranveer Chandra | 2024-01-30T13:55:34Z | cs.CL, cs.LG | There are two common ways in which developers are incorporating proprietary
and domain-specific data when building applications of Large Language Models
(LLMs): Retrieval-Augmented Generation (RAG) and Fine-Tuning. RAG augments the
prompt with the external data, while fine-Tuning incorporates the additional
knowledge into the model itself. However, the pros and cons of both approaches
are not well understood. In this paper, we propose a pipeline for fine-tuning
and RAG, and present the tradeoffs of both for multiple popular LLMs, including
Llama2-13B, GPT-3.5, and GPT-4. Our pipeline consists of multiple stages,
including extracting information from PDFs, generating questions and answers,
using them for fine-tuning, and leveraging GPT-4 for evaluating the results. We
propose metrics to assess the performance of different stages of the RAG and
fine-Tuning pipeline. We conduct an in-depth study on an agricultural dataset.
Agriculture as an industry has not seen much penetration of AI, and we study a
potentially disruptive application - what if we could provide location-specific
insights to a farmer? Our results show the effectiveness of our dataset
generation pipeline in capturing geographic-specific knowledge, and the
quantitative and qualitative benefits of RAG and fine-tuning. We see an
accuracy increase of over 6 p.p. when fine-tuning the model and this is
cumulative with RAG, which increases accuracy by 5 p.p. further. In one
particular experiment, we also demonstrate that the fine-tuned model leverages
information from across geographies to answer specific questions, increasing
answer similarity from 47% to 72%. Overall, the results point to how systems
built using LLMs can be adapted to respond and incorporate knowledge across a
dimension that is critical for a specific industry, paving the way for further
applications of LLMs in other industrial domains. | cs.CL | RAG vs Fine-tuning: Pipelines, Tradeoffs, and a Case Study on Agriculture |
2024-01-16T14:41:20Z | http://arxiv.org/pdf/2401.08396v3 | http://arxiv.org/abs/2401.08396v3 | Qiao Jin, Fangyuan Chen, Yiliang Zhou, Ziyang Xu, Justin M. Cheung, Robert Chen, Ronald M. Summers, Justin F. Rousseau, Peiyun Ni, Marc J Landsman, Sally L. Baxter, Subhi J. Al'Aref, Yijia Li, Alex Chen, Josef A. Brejt, Michael F. Chiang, Yifan Peng, Zhiyong Lu | 2024-04-22T23:04:41Z | cs.CV, cs.AI, cs.CL | Recent studies indicate that Generative Pre-trained Transformer 4 with Vision
(GPT-4V) outperforms human physicians in medical challenge tasks. However,
these evaluations primarily focused on the accuracy of multi-choice questions
alone. Our study extends the current scope by conducting a comprehensive
analysis of GPT-4V's rationales of image comprehension, recall of medical
knowledge, and step-by-step multimodal reasoning when solving New England
Journal of Medicine (NEJM) Image Challenges - an imaging quiz designed to test
the knowledge and diagnostic capabilities of medical professionals. Evaluation
results confirmed that GPT-4V performs comparatively to human physicians
regarding multi-choice accuracy (81.6% vs. 77.8%). GPT-4V also performs well in
cases where physicians incorrectly answer, with over 78% accuracy. However, we
discovered that GPT-4V frequently presents flawed rationales in cases where it
makes the correct final choices (35.5%), most prominent in image comprehension
(27.2%). Regardless of GPT-4V's high accuracy in multi-choice questions, our
findings emphasize the necessity for further in-depth evaluations of its
rationales before integrating such multimodal AI models into clinical
workflows. | cs.CV | Hidden Flaws Behind Expert-Level Accuracy of GPT-4 Vision in Medicine |
2024-01-16T14:40:54Z | http://arxiv.org/pdf/2401.12989v1 | http://arxiv.org/abs/2401.12989v1 | Adriano Belisario, Scott Hale, Luc Rocher | 2024-01-16T14:40:54Z | cs.CL, cs.IR | Gun violence is a pressing and growing human rights issue that affects nearly
every dimension of the social fabric, from healthcare and education to
psychology and the economy. Reliable data on firearm events is paramount to
developing more effective public policy and emergency responses. However, the
lack of comprehensive databases and the risks of in-person surveys prevent
human rights organizations from collecting needed data in most countries. Here,
we partner with a Brazilian human rights organization to conduct a systematic
evaluation of language models to assist with monitoring real-world firearm
events from social media data. We propose a fine-tuned BERT-based model trained
on Twitter (now X) texts to distinguish gun violence reports from ordinary
Portuguese texts. Our model achieves a high AUC score of 0.97. We then
incorporate our model into a web application and test it in a live
intervention. We study and interview Brazilian analysts who continuously
fact-check social media texts to identify new gun violence events. Qualitative
assessments show that our solution helped all analysts use their time more
efficiently and expanded their search capacities. Quantitative assessments show
that the use of our model was associated with more analysts' interactions with
online users reporting gun violence. Taken together, our findings suggest that
modern Natural Language Processing techniques can help support the work of
human rights organizations. | cs.CL | Into the crossfire: evaluating the use of a language model to crowdsource gun violence reports |
2024-01-16T14:33:09Z | http://arxiv.org/pdf/2401.08392v3 | http://arxiv.org/abs/2401.08392v3 | Zongxin Yang, Guikun Chen, Xiaodi Li, Wenguan Wang, Yi Yang | 2024-05-05T06:12:19Z | cs.CV, cs.CL | Recent LLM-driven visual agents mainly focus on solving image-based tasks,
which limits their ability to understand dynamic scenes, making it far from
real-life applications like guiding students in laboratory experiments and
identifying their mistakes. Hence, this paper explores DoraemonGPT, a
comprehensive and conceptually elegant system driven by LLMs to understand
dynamic scenes. Considering the video modality better reflects the
ever-changing nature of real-world scenarios, we exemplify DoraemonGPT as a
video agent. Given a video with a question/task, DoraemonGPT begins by
converting the input video into a symbolic memory that stores task-related
attributes. This structured representation allows for spatial-temporal querying
and reasoning by well-designed sub-task tools, resulting in concise
intermediate results. Recognizing that LLMs have limited internal knowledge
when it comes to specialized domains (e.g., analyzing the scientific principles
underlying experiments), we incorporate plug-and-play tools to assess external
knowledge and address tasks across different domains. Moreover, a novel
LLM-driven planner based on Monte Carlo Tree Search is introduced to explore
the large planning space for scheduling various tools. The planner iteratively
finds feasible solutions by backpropagating the result's reward, and multiple
solutions can be summarized into an improved final answer. We extensively
evaluate DoraemonGPT's effectiveness on three benchmarks and several
in-the-wild scenarios. The code will be released at
https://github.com/z-x-yang/DoraemonGPT. | cs.CV | DoraemonGPT: Toward Understanding Dynamic Scenes with Large Language Models (Exemplified as A Video Agent) |
2024-01-16T14:00:28Z | http://arxiv.org/pdf/2401.08374v1 | http://arxiv.org/abs/2401.08374v1 | Miquel Esplà-Gomis, Víctor M. Sánchez-Cartagena, Juan Antonio Pérez-Ortiz, Felipe Sánchez-Martínez | 2024-01-16T14:00:28Z | cs.CL | Computer-aided translation (CAT) tools based on translation memories (MT)
play a prominent role in the translation workflow of professional translators.
However, the reduced availability of in-domain TMs, as compared to in-domain
monolingual corpora, limits its adoption for a number of translation tasks. In
this paper, we introduce a novel neural approach aimed at overcoming this
limitation by exploiting not only TMs, but also in-domain target-language (TL)
monolingual corpora, and still enabling a similar functionality to that offered
by conventional TM-based CAT tools. Our approach relies on cross-lingual
sentence embeddings to retrieve translation proposals from TL monolingual
corpora, and on a neural model to estimate their post-editing effort. The paper
presents an automatic evaluation of these techniques on four language pairs
that shows that our approach can successfully exploit monolingual texts in a
TM-based CAT environment, increasing the amount of useful translation
proposals, and that our neural model for estimating the post-editing effort
enables the combination of translation proposals obtained from monolingual
corpora and from TMs in the usual way. A human evaluation performed on a single
language pair confirms the results of the automatic evaluation and seems to
indicate that the translation proposals retrieved with our approach are more
useful than what the automatic evaluation shows. | cs.CL | Cross-lingual neural fuzzy matching for exploiting target-language monolingual corpora in computer-aided translation |
2024-01-16T13:54:43Z | http://arxiv.org/pdf/2401.12988v1 | http://arxiv.org/abs/2401.12988v1 | Haoxin Liu, Wenli Zhang, Jiaheng Xie, Buomsoo Kim, Zhu Zhang, Yidong Chai | 2024-01-16T13:54:43Z | cs.CL, cs.AI, K.5, I.2.7; H.4.m | This study harnesses state-of-the-art AI technology for chronic disease
management, specifically in detecting various mental disorders through
user-generated textual content. Existing studies typically rely on fully
supervised machine learning, which presents challenges such as the
labor-intensive manual process of annotating extensive training data for each
disease and the need to design specialized deep learning architectures for each
problem. To address such challenges, we propose a novel framework that
leverages advanced AI techniques, including large language models and
multi-prompt engineering. Specifically, we address two key technical challenges
in data-driven chronic disease management: (1) developing personalized prompts
to represent each user's uniqueness and (2) incorporating medical knowledge
into prompts to provide context for chronic disease detection, instruct
learning objectives, and operationalize prediction goals. We evaluate our
method using four mental disorders, which are prevalent chronic diseases
worldwide, as research cases. On the depression detection task, our method (F1
= 0.975~0.978) significantly outperforms traditional supervised learning
paradigms, including feature engineering (F1 = 0.760) and architecture
engineering (F1 = 0.756). Meanwhile, our approach demonstrates success in
few-shot learning, i.e., requiring only a minimal number of training examples
to detect chronic diseases based on user-generated textual content (i.e., only
2, 10, or 100 subjects). Moreover, our method can be generalized to other
mental disorder detection tasks, including anorexia, pathological gambling, and
self-harm (F1 = 0.919~0.978). | cs.CL | Few-Shot Learning for Chronic Disease Management: Leveraging Large Language Models and Multi-Prompt Engineering with Medical Knowledge Injection |
2024-01-16T13:52:25Z | http://arxiv.org/pdf/2401.08367v1 | http://arxiv.org/abs/2401.08367v1 | Kengatharaiyer Sarveswaran | 2024-01-16T13:52:25Z | cs.CL | This paper provides an overview of the morphology and syntax of the Tamil
language, focusing on its contemporary usage. The paper also highlights the
complexity and richness of Tamil in terms of its morphological and syntactic
features, which will be useful for linguists analysing the language and
conducting comparative studies. In addition, the paper will be useful for those
developing computational resources for the Tamil language. It is proven as a
rule-based morphological analyser cum generator and a computational grammar for
Tamil have already been developed based on this paper. To enhance accessibility
for a broader audience, the analysis is conducted without relying on any
specific grammatical formalism. | cs.CL | Morphology and Syntax of the Tamil Language |
2024-01-16T13:36:07Z | http://arxiv.org/pdf/2401.08358v1 | http://arxiv.org/abs/2401.08358v1 | Junliang Luo, Tianyu Li, Di Wu, Michael Jenkin, Steve Liu, Gregory Dudek | 2024-01-16T13:36:07Z | cs.CL, cs.AI | Large language models (LLMs), including ChatGPT, Bard, and Llama, have
achieved remarkable successes over the last two years in a range of different
applications. In spite of these successes, there exist concerns that limit the
wide application of LLMs. A key problem is the problem of hallucination.
Hallucination refers to the fact that in addition to correct responses, LLMs
can also generate seemingly correct but factually incorrect responses. This
report aims to present a comprehensive review of the current literature on both
hallucination detection and hallucination mitigation. We hope that this report
can serve as a good reference for both engineers and researchers who are
interested in LLMs and applying them to real world tasks. | cs.CL | Hallucination Detection and Hallucination Mitigation: An Investigation |
2024-01-16T13:30:09Z | http://arxiv.org/pdf/2401.08350v2 | http://arxiv.org/abs/2401.08350v2 | Jianhui Pang, Fanghua Ye, Longyue Wang, Dian Yu, Derek F. Wong, Shuming Shi, Zhaopeng Tu | 2024-01-17T06:47:29Z | cs.CL | The evolution of Neural Machine Translation (NMT) has been significantly
influenced by six core challenges (Koehn and Knowles, 2017), which have acted
as benchmarks for progress in this field. This study revisits these challenges,
offering insights into their ongoing relevance in the context of advanced Large
Language Models (LLMs): domain mismatch, amount of parallel data, rare word
prediction, translation of long sentences, attention model as word alignment,
and sub-optimal beam search. Our empirical findings indicate that LLMs
effectively lessen the reliance on parallel data for major languages in the
pretraining phase. Additionally, the LLM-based translation system significantly
enhances the translation of long sentences that contain approximately 80 words
and shows the capability to translate documents of up to 512 words. However,
despite these significant improvements, the challenges of domain mismatch and
prediction of rare words persist. While the challenges of word alignment and
beam search, specifically associated with NMT, may not apply to LLMs, we
identify three new challenges for LLMs in translation tasks: inference
efficiency, translation of low-resource languages in the pretraining phase, and
human-aligned evaluation. The datasets and models are released at
https://github.com/pangjh3/LLM4MT. | cs.CL | Salute the Classic: Revisiting Challenges of Machine Translation in the Age of Large Language Models |
2024-01-16T12:45:15Z | http://arxiv.org/pdf/2401.08326v2 | http://arxiv.org/abs/2401.08326v2 | Junjie Ye, Yilong Wu, Songyang Gao, Caishuang Huang, Sixian Li, Guanyu Li, Xiaoran Fan, Qi Zhang, Tao Gui, Xuanjing Huang | 2024-01-19T08:48:37Z | cs.CL, cs.AI | Tool learning has generated widespread interest as a vital means of
interaction between Large Language Models (LLMs) and the physical world.
Current research predominantly emphasizes LLMs' capacity to utilize tools in
well-structured environments while overlooking their stability when confronted
with the inevitable noise of the real world. To bridge this gap, we introduce
RoTBench, a multi-level benchmark for evaluating the robustness of LLMs in tool
learning. Specifically, we establish five external environments, each featuring
varying levels of noise (i.e., Clean, Slight, Medium, Heavy, and Union),
providing an in-depth analysis of the model's resilience across three critical
phases: tool selection, parameter identification, and content filling.
Experiments involving six widely-used models underscore the urgent necessity
for enhancing the robustness of LLMs in tool learning. For instance, the
performance of GPT-4 even drops significantly from 80.00 to 58.10 when there is
no substantial change in manual accuracy. More surprisingly, the noise
correction capability inherent in the GPT family paradoxically impedes its
adaptability in the face of mild noise. In light of these findings, we propose
RoTTuning, a strategy that enriches the diversity of training environments to
bolster the robustness of LLMs in tool learning. The code and data are
available at https://github.com/Junjie-Ye/RoTBench. | cs.CL | RoTBench: A Multi-Level Benchmark for Evaluating the Robustness of Large Language Models in Tool Learning |
2024-01-16T12:30:56Z | http://arxiv.org/pdf/2401.08315v1 | http://arxiv.org/abs/2401.08315v1 | Chengguang Gan, Qinghao Zhang, Tatsunori Mori | 2024-01-16T12:30:56Z | cs.CL | The automation of resume screening is a crucial aspect of the recruitment
process in organizations. Automated resume screening systems often encompass a
range of natural language processing (NLP) tasks. The advent of Large Language
Models (LLMs) has notably enhanced the efficacy of these systems, showcasing
their robust generalization abilities across diverse language-related tasks.
Accompanying these developments are various agents based on LLMs, which
facilitate their application in practical scenarios. This paper introduces a
novel LLM-based agent framework for resume screening, aimed at enhancing
efficiency and time management in recruitment processes. Our framework is
distinct in its ability to efficiently summarize and grade each resume from a
large dataset. Moreover, it utilizes LLM agents for decision-making,
determining which candidates receive job offers, or which ones to bring in for
interviews. To evaluate our framework, we constructed a dataset from actual
resumes and conducted simulate a resume screening process. Subsequently, the
outcomes of the simulation experiment were compared and subjected to detailed
analysis. The results demonstrate that our automated resume screening framework
is 11 times faster than traditional manual methods. Furthermore, by fine-tuning
the LLMs, we observed a significant improvement in the F1 score, reaching
87.73\%, during the resume sentence classification phase. In the resume
summarization and grading phase, our fine-tuned model surpassed the baseline
performance of the GPT-3.5 model. Analysis of the decision-making efficacy of
the LLM agents in the final offer stage further underscores the potential of
LLM agents in transforming resume screening processes. | cs.CL | Application of LLM Agents in Recruitment: A Novel Framework for Resume Screening |
2024-01-16T12:10:49Z | http://arxiv.org/pdf/2401.08309v1 | http://arxiv.org/abs/2401.08309v1 | Zhongwang Zhang, Zhiwei Wang, Junjie Yao, Zhangchen Zhou, Xiaolong Li, Weinan E, Zhi-Qin John Xu | 2024-01-16T12:10:49Z | cs.CL, cs.LG | Understanding transformer-based language models is becoming increasingly
crucial, particularly as they play pivotal roles in advancing towards
artificial general intelligence. However, language model research faces
significant challenges, especially for academic research groups with
constrained resources. These challenges include complex data structures,
unknown target functions, high computational costs and memory requirements, and
a lack of interpretability in the inference process, etc. Drawing a parallel to
the use of simple models in scientific research, we propose the concept of an
anchor function. This is a type of benchmark function designed for studying
language models in learning tasks that follow an "anchor-key" pattern. By
utilizing the concept of an anchor function, we can construct a series of
functions to simulate various language tasks. The anchor function plays a role
analogous to that of mice in diabetes research, particularly suitable for
academic research. We demonstrate the utility of the anchor function with an
example, revealing two basic operations by attention structures in language
models: shifting tokens and broadcasting one token from one position to many
positions. These operations are also commonly observed in large language
models. The anchor function framework, therefore, opens up a series of valuable
and accessible research questions for further exploration, especially for
theoretical study. | cs.CL | Anchor function: a type of benchmark functions for studying language models |
2024-01-16T11:45:03Z | http://arxiv.org/pdf/2401.08295v3 | http://arxiv.org/abs/2401.08295v3 | Weixiang Zhao, Shilong Wang, Yulin Hu, Yanyan Zhao, Bing Qin, Xuanyu Zhang, Qing Yang, Dongliang Xu, Wanxiang Che | 2024-06-06T12:02:51Z | cs.CL | The continual learning (CL) ability is vital for deploying large language
models (LLMs) in the dynamic world. Existing methods devise the learning module
to acquire task-specific knowledge with parameter-efficient tuning (PET) block
and the selection module to pick out the corresponding one for the testing
input, aiming at handling the challenges of catastrophic forgetting and
knowledge transfer in CL. However, these methods tend to address only one of
the challenges, ignoring the potential of aligning the two modules to
effectively address catastrophic forgetting and knowledge transfer
simultaneously. To this end, we propose a novel Shared Attention Framework
(SAPT), to align the PET learning and selection via the Shared Attentive
Learning \& Selection module. Extensive Experiments on two CL benchmarks
demonstrate the superiority of SAPT. Moreover, SAPT consistently demonstrates
its superiority when we scale it to different model sizes (from 770M to 13B),
different model architectures (T5 and LLaMA-2) and unseen tasks. | cs.CL | SAPT: A Shared Attention Framework for Parameter-Efficient Continual Learning of Large Language Models |
2024-01-16T11:39:09Z | http://arxiv.org/pdf/2401.08294v1 | http://arxiv.org/abs/2401.08294v1 | Shuming Shi, Enbo Zhao, Deng Cai, Leyang Cui, Xinting Huang, Huayang Li | 2024-01-16T11:39:09Z | cs.CL | We present Inferflow, an efficient and highly configurable inference engine
for large language models (LLMs). With Inferflow, users can serve most of the
common transformer models by simply modifying some lines in corresponding
configuration files, without writing a single line of source code. Compared
with most existing inference engines, Inferflow has some key features. First,
by implementing a modular framework of atomic build-blocks and technologies,
Inferflow is compositionally generalizable to new models. Second, 3.5-bit
quantization is introduced in Inferflow as a tradeoff between 3-bit and 4-bit
quantization. Third, hybrid model partitioning for multi-GPU inference is
introduced in Inferflow to better balance inference speed and throughput than
the existing partition-by-layer and partition-by-tensor strategies. | cs.CL | Inferflow: an Efficient and Highly Configurable Inference Engine for Large Language Models |
2024-01-16T10:58:07Z | http://arxiv.org/pdf/2401.08276v1 | http://arxiv.org/abs/2401.08276v1 | Yipo Huang, Quan Yuan, Xiangfei Sheng, Zhichao Yang, Haoning Wu, Pengfei Chen, Yuzhe Yang, Leida Li, Weisi Lin | 2024-01-16T10:58:07Z | cs.CV, cs.CL | With collective endeavors, multimodal large language models (MLLMs) are
undergoing a flourishing development. However, their performances on image
aesthetics perception remain indeterminate, which is highly desired in
real-world applications. An obvious obstacle lies in the absence of a specific
benchmark to evaluate the effectiveness of MLLMs on aesthetic perception. This
blind groping may impede the further development of more advanced MLLMs with
aesthetic perception capacity. To address this dilemma, we propose AesBench, an
expert benchmark aiming to comprehensively evaluate the aesthetic perception
capacities of MLLMs through elaborate design across dual facets. (1) We
construct an Expert-labeled Aesthetics Perception Database (EAPD), which
features diversified image contents and high-quality annotations provided by
professional aesthetic experts. (2) We propose a set of integrative criteria to
measure the aesthetic perception abilities of MLLMs from four perspectives,
including Perception (AesP), Empathy (AesE), Assessment (AesA) and
Interpretation (AesI). Extensive experimental results underscore that the
current MLLMs only possess rudimentary aesthetic perception ability, and there
is still a significant gap between MLLMs and humans. We hope this work can
inspire the community to engage in deeper explorations on the aesthetic
potentials of MLLMs. Source data will be available at
https://github.com/yipoh/AesBench. | cs.CV | AesBench: An Expert Benchmark for Multimodal Large Language Models on Image Aesthetics Perception |
2024-01-16T10:53:11Z | http://arxiv.org/pdf/2401.08273v2 | http://arxiv.org/abs/2401.08273v2 | Pittawat Taveekitworachai, Febri Abdullah, Ruck Thawonmas | 2024-02-14T10:34:48Z | cs.CL, cs.AI, cs.LG | This paper presents null-shot prompting. Null-shot prompting exploits
hallucination in large language models (LLMs) by instructing LLMs to utilize
information from the "Examples" section that never exists within the provided
context to perform a task. While reducing hallucination is crucial and
non-negligible for daily and critical uses of LLMs, we propose that in the
current landscape in which these LLMs still hallucinate, it is possible, in
fact, to exploit hallucination to increase performance in performing tasks
compared to standard zero-shot prompting. Experiments with eight LLMs show
improvements in performance across the majority of eight datasets, including
reading comprehension, arithmetic reasoning, and closed-book question
answering. The observed inconsistency in increased relative performance across
the LLMs also potentially indicates a different degree of inherent
hallucination in each model. These differences show that it is possible to
utilize null-shot prompting as a way to detect degrees of hallucination in LLMs
using existing benchmarking datasets. We also perform ablation studies,
including experimenting with a modified version of null-shot prompting that
incorporates ideas from zero-shot chain-of-thought prompting, which shows
different trends of results. | cs.CL | Large Language Models are Null-Shot Learners |
2024-01-16T10:14:27Z | http://arxiv.org/pdf/2401.08255v1 | http://arxiv.org/abs/2401.08255v1 | Tom Roth, Inigo Jauregi Unanue, Alsharif Abuadbba, Massimo Piccardi | 2024-01-16T10:14:27Z | cs.CL, cs.AI | Current adversarial attack algorithms, where an adversary changes a text to
fool a victim model, have been repeatedly shown to be effective against text
classifiers. These attacks, however, generally assume that the victim model is
monolingual and cannot be used to target multilingual victim models, a
significant limitation given the increased use of these models. For this
reason, in this work we propose an approach to fine-tune a multilingual
paraphrase model with an adversarial objective so that it becomes able to
generate effective adversarial examples against multilingual classifiers. The
training objective incorporates a set of pre-trained models to ensure text
quality and language consistency of the generated text. In addition, all the
models are suitably connected to the generator by vocabulary-mapping matrices,
allowing for full end-to-end differentiability of the overall training
pipeline. The experimental validation over two multilingual datasets and five
languages has shown the effectiveness of the proposed approach compared to
existing baselines, particularly in terms of query efficiency. We also provide
a detailed analysis of the generated attacks and discuss limitations and
opportunities for future research. | cs.CL | A Generative Adversarial Attack for Multilingual Text Classifiers |
2024-01-16T09:18:46Z | http://arxiv.org/pdf/2401.09486v2 | http://arxiv.org/abs/2401.09486v2 | Yumeng Wang, Zhenyang Xiao | 2024-02-04T03:14:08Z | cs.LG, cs.CL | Large Language Models (LLMs) face limitations due to the high demand on GPU
memory and computational resources when handling long contexts. While sparsify
the Key-Value (KV) cache of transformer model is a typical strategy to
alleviate resource usage, it unavoidably results in the loss of information. We
introduce Lossless Compressed Memory Attention (LoMA), a novel approach that
enables lossless compression of the KV cache, thereby reducing the memory and
computational demands during autoregressive generation. LoMA incorporates a
specialized training or fine-tuning precedure alongside an autoregressive
generation algorithm optimized for the compressed context. Our method
compresses the KV cache after every $tc$ generated tokens with a compression
ratio of $c$ and a target compressed length $t$, and this process occurs within
a single inference pass without dependency on auxiliary models. We engineered
an efficient training scheme involving specific inputs, attention masks, and
position identifiers to instill this compression capability. Experimental
validation has demonstrated that LoMA significantly reducing computational
consumption and memory usage through achieving lossless KV cache compression. | cs.LG | LoMA: Lossless Compressed Memory Attention |
2024-01-16T08:44:29Z | http://arxiv.org/pdf/2401.08206v1 | http://arxiv.org/abs/2401.08206v1 | Xinwei Long, Jiali Zeng, Fandong Meng, Zhiyuan Ma, Kaiyan Zhang, Bowen Zhou, Jie Zhou | 2024-01-16T08:44:29Z | cs.IR, cs.CL | Knowledge retrieval with multi-modal queries plays a crucial role in
supporting knowledge-intensive multi-modal applications. However, existing
methods face challenges in terms of their effectiveness and training
efficiency, especially when it comes to training and integrating multiple
retrievers to handle multi-modal queries. In this paper, we propose an
innovative end-to-end generative framework for multi-modal knowledge retrieval.
Our framework takes advantage of the fact that large language models (LLMs) can
effectively serve as virtual knowledge bases, even when trained with limited
data. We retrieve knowledge via a two-step process: 1) generating knowledge
clues related to the queries, and 2) obtaining the relevant document by
searching databases using the knowledge clue. In particular, we first introduce
an object-aware prefix-tuning technique to guide multi-grained visual learning.
Then, we align multi-grained visual features into the textual feature space of
the LLM, employing the LLM to capture cross-modal interactions. Subsequently,
we construct instruction data with a unified format for model training.
Finally, we propose the knowledge-guided generation strategy to impose prior
constraints in the decoding steps, thereby promoting the generation of
distinctive knowledge clues. Through experiments conducted on three benchmarks,
we demonstrate significant improvements ranging from 3.0% to 14.6% across all
evaluation metrics when compared to strong baselines. | cs.IR | Generative Multi-Modal Knowledge Retrieval with Large Language Models |
2024-01-16T08:08:01Z | http://arxiv.org/pdf/2401.08190v3 | http://arxiv.org/abs/2401.08190v3 | Minpeng Liao, Wei Luo, Chengxi Li, Jing Wu, Kai Fan | 2024-02-21T20:28:13Z | cs.CL | Large language models (LLMs) have seen considerable advancements in natural
language understanding tasks, yet there remains a gap to bridge before
attaining true artificial general intelligence, especially concerning
shortcomings in mathematical reasoning capabilities. We postulate that the
inherent nature of LLM training, which focuses on predicting probabilities of
next token, presents challenges in effectively modeling mathematical reasoning
that demands exact calculations, both from data-driven and theoretical
standpoints. In this paper, we address this challenge by enriching the data
landscape and introducing a novel math dataset, enhanced with a capability to
utilize a Python code interpreter. This dataset is derived from GSM8K and MATH
and has been further refined through a combination of GPT-4 annotations, human
review, and self-training processes, where the errors in the original GSM8K
training set have been fixed. Additionally, we propose a tentative, easily
replicable protocol for the fine-tuning of math-specific LLMs, which has led to
a significant improvement in the performance of a 7B-parameter LLM on the GSM8K
and MATH datasets. We are committed to advancing the field of mathematical
reasoning in LLMs and, to that end, we have made source code for data
generation / training / inference, and the model checkpoints publicly available
at \url{https://github.com/MARIO-Math-Reasoning/MARIO}. We hope this will
facilitate further research and development within the community. | cs.CL | MARIO: MAth Reasoning with code Interpreter Output -- A Reproducible Pipeline |
2024-01-16T08:04:50Z | http://arxiv.org/pdf/2401.08189v4 | http://arxiv.org/abs/2401.08189v4 | Weize Kong, Spurthi Amba Hombaiah, Mingyang Zhang, Qiaozhu Mei, Michael Bendersky | 2024-06-10T13:46:22Z | cs.AI, cs.CL, cs.LG | Prompt engineering is critical for the development of LLM-based applications.
However, it is usually done manually in a "trial and error" fashion that can be
time consuming, ineffective, and sub-optimal. Even for the prompts which
seemingly work well, there is always a lingering question: can the prompts be
made better with further modifications?
To address these problems, we investigate automated prompt engineering in
this paper. Specifically, we propose PRewrite, an automated method to rewrite
an under-optimized prompt to a more effective prompt. We instantiate the prompt
rewriter using a LLM. The rewriter LLM is trained using reinforcement learning
to optimize the performance on a given downstream task. We conduct experiments
on diverse benchmark datasets, which demonstrates the effectiveness of
PRewrite. | cs.AI | PRewrite: Prompt Rewriting with Reinforcement Learning |
2024-01-16T07:18:41Z | http://arxiv.org/pdf/2401.12987v2 | http://arxiv.org/abs/2401.12987v2 | Taeyang Yun, Hyunkuk Lim, Jeonghwan Lee, Min Song | 2024-03-31T09:55:51Z | cs.CL, cs.LG, cs.SD, eess.AS | Emotion Recognition in Conversation (ERC) plays a crucial role in enabling
dialogue systems to effectively respond to user requests. The emotions in a
conversation can be identified by the representations from various modalities,
such as audio, visual, and text. However, due to the weak contribution of
non-verbal modalities to recognize emotions, multimodal ERC has always been
considered a challenging task. In this paper, we propose Teacher-leading
Multimodal fusion network for ERC (TelME). TelME incorporates cross-modal
knowledge distillation to transfer information from a language model acting as
the teacher to the non-verbal students, thereby optimizing the efficacy of the
weak modalities. We then combine multimodal features using a shifting fusion
approach in which student networks support the teacher. TelME achieves
state-of-the-art performance in MELD, a multi-speaker conversation dataset for
ERC. Finally, we demonstrate the effectiveness of our components through
additional experiments. | cs.CL | TelME: Teacher-leading Multimodal Fusion Network for Emotion Recognition in Conversation |
2024-01-16T04:05:25Z | http://arxiv.org/pdf/2401.12986v1 | http://arxiv.org/abs/2401.12986v1 | Yamil Velez | 2024-01-16T04:05:25Z | cs.CL, cs.AI, cs.HC, stat.AP | Public opinion surveys are vital for informing democratic decision-making,
but responding to rapidly changing information environments and measuring
beliefs within niche communities can be challenging for traditional survey
methods. This paper introduces a crowdsourced adaptive survey methodology
(CSAS) that unites advances in natural language processing and adaptive
algorithms to generate question banks that evolve with user input. The CSAS
method converts open-ended text provided by participants into Likert-style
items and applies a multi-armed bandit algorithm to determine user-provided
questions that should be prioritized in the survey. The method's adaptive
nature allows for the exploration of new survey questions, while imposing
minimal costs in survey length. Applications in the domains of Latino
information environments and issue importance showcase CSAS's ability to
identify claims or issues that might otherwise be difficult to track using
standard approaches. I conclude by discussing the method's potential for
studying topics where participant-generated content might improve our
understanding of public opinion. | cs.CL | Crowdsourced Adaptive Surveys |
2024-01-16T03:28:29Z | http://arxiv.org/pdf/2401.08089v1 | http://arxiv.org/abs/2401.08089v1 | Fu Li, Xueying Wang, Bin Li, Yunlong Wu, Yanzhen Wang, Xiaodong Yi | 2024-01-16T03:28:29Z | cs.CL, cs.AI, cs.RO | This paper presents an innovative exploration of the application potential of
large language models (LLM) in addressing the challenging task of automatically
generating behavior trees (BTs) for complex tasks. The conventional manual BT
generation method is inefficient and heavily reliant on domain expertise. On
the other hand, existing automatic BT generation technologies encounter
bottlenecks related to task complexity, model adaptability, and reliability. In
order to overcome these challenges, we propose a novel methodology that
leverages the robust representation and reasoning abilities of LLMs. The core
contribution of this paper lies in the design of a BT generation framework
based on LLM, which encompasses the entire process, from data synthesis and
model training to application developing and data verification. Synthetic data
is introduced to train the BT generation model (BTGen model), enhancing its
understanding and adaptability to various complex tasks, thereby significantly
improving its overall performance. In order to ensure the effectiveness and
executability of the generated BTs, we emphasize the importance of data
verification and introduce a multilevel verification strategy. Additionally, we
explore a range of agent design and development schemes with LLM as the central
element. We hope that the work in this paper may provide a reference for the
researchers who are interested in BT generation based on LLMs. | cs.CL | A Study on Training and Developing Large Language Models for Behavior Tree Generation |
2024-01-16T03:28:26Z | http://arxiv.org/pdf/2401.08088v1 | http://arxiv.org/abs/2401.08088v1 | Yachao Li, Junhui Li, Jing Jiang, Min Zhang | 2024-01-16T03:28:26Z | cs.CL | Existing large language models (LLMs) for machine translation are typically
fine-tuned on sentence-level translation instructions and achieve satisfactory
performance at the sentence level. However, when applied to document-level
translation, these models face a significant challenge, particularly when
dealing with documents containing over 512 tokens. This challenge arises from
the issue of sentence-level coverage, where subsequent sentences in the
document remain untranslated. As a result, the document-level translation
capability of LLMs fine-tuned on sentence-level translation instructions is
significantly limited. We conjecture that the primary cause of LLMs' weak
document-level translation performance is the absence of document-to-document
mapping ability. To address the issue, we propose an approach that combines
sentence-level and document-level translation instructions of varying lengths
to fine-tune LLMs. Our proposed translation mixed-instructions enable LLMs
(Llama-2~7B and 13B) to maintain consistent translation performance from the
sentence level to documents containing as many as 2048 tokens. Extensive
experimental results show that the proposed approach significantly enhances the
document-level translation capabilities of LLMs on 10 language pairs,
effectively mitigating the sentence-level coverage issue in document-level
translation. Experimentation on discourse phenomena has demonstrated that our
document-level translation approach significantly improves translation quality,
both in terms of BLEU score and discourse coherence. | cs.CL | Enhancing Document-level Translation of Large Language Model via Translation Mixed-instructions |
2024-01-16T02:11:35Z | http://arxiv.org/pdf/2401.10286v3 | http://arxiv.org/abs/2401.10286v3 | Linghan Zheng, Hui Liu, Xiaojun Lin, Jiayuan Dong, Yue Sheng, Gang Shi, Zhiwei Liu, Hongwei Chen | 2024-03-11T01:23:47Z | cs.CL, cs.AI | In previous studies, code-based models have consistently outperformed
text-based models in reasoning-intensive scenarios. When generating our
knowledge base for Retrieval-Augmented Generation (RAG), we observed that
code-based models also perform exceptionally well in Chinese QA Pair Extraction
task. Further, our experiments and the metrics we designed discovered that
code-based models containing a certain amount of Chinese data achieve even
better performance. Additionally, the capabilities of code-based English models
in specified Chinese tasks offer a distinct perspective for discussion on the
philosophical "Chinese Room" thought experiment. | cs.CL | Code-Based English Models Surprising Performance on Chinese QA Pair Extraction Task |
2024-01-16T02:00:17Z | http://arxiv.org/pdf/2401.08047v2 | http://arxiv.org/abs/2401.08047v2 | Somnath Basu Roy Chowdhury, Nicholas Monath, Avinava Dubey, Manzil Zaheer, Andrew McCallum, Amr Ahmed, Snigdha Chaturvedi | 2024-04-12T16:13:06Z | cs.CL, cs.LG | Extractive opinion summarization involves automatically producing a summary
of text about an entity (e.g., a product's reviews) by extracting
representative sentences that capture prevalent opinions in the review set.
Typically, in online marketplaces user reviews accumulate over time, and
opinion summaries need to be updated periodically to provide customers with
up-to-date information. In this work, we study the task of extractive opinion
summarization in an incremental setting, where the underlying review set
evolves over time. Many of the state-of-the-art extractive opinion
summarization approaches are centrality-based, such as CentroidRank (Radev et
al., 2004; Chowdhury et al., 2022). CentroidRank performs extractive
summarization by selecting a subset of review sentences closest to the centroid
in the representation space as the summary. However, these methods are not
capable of operating efficiently in an incremental setting, where reviews
arrive one at a time. In this paper, we present an efficient algorithm for
accurately computing the CentroidRank summaries in an incremental setting. Our
approach, CoverSumm, relies on indexing review representations in a cover tree
and maintaining a reservoir of candidate summary review sentences. CoverSumm's
efficacy is supported by a theoretical and empirical analysis of running time.
Empirically, on a diverse collection of data (both real and synthetically
created to illustrate scaling considerations), we demonstrate that CoverSumm is
up to 36x faster than baseline methods, and capable of adapting to nuanced
changes in data distribution. We also conduct human evaluations of the
generated summaries and find that CoverSumm is capable of producing informative
summaries consistent with the underlying review set. | cs.CL | Incremental Extractive Opinion Summarization Using Cover Trees |
2024-01-16T01:58:36Z | http://arxiv.org/pdf/2401.08046v1 | http://arxiv.org/abs/2401.08046v1 | Zhicheng Dou, Yuchen Guo, Ching-Chun Chang, Huy H. Nguyen, Isao Echizen | 2024-01-16T01:58:36Z | cs.CL, cs.AI | The emergence of large language models (LLMs), such as Generative Pre-trained
Transformer 4 (GPT-4) used by ChatGPT, has profoundly impacted the academic and
broader community. While these models offer numerous advantages in terms of
revolutionizing work and study methods, they have also garnered significant
attention due to their potential negative consequences. One example is
generating academic reports or papers with little to no human contribution.
Consequently, researchers have focused on developing detectors to address the
misuse of LLMs. However, most existing methods prioritize achieving higher
accuracy on restricted datasets, neglecting the crucial aspect of
generalizability. This limitation hinders their practical application in
real-life scenarios where reliability is paramount. In this paper, we present a
comprehensive analysis of the impact of prompts on the text generated by LLMs
and highlight the potential lack of robustness in one of the current
state-of-the-art GPT detectors. To mitigate these issues concerning the misuse
of LLMs in academic writing, we propose a reference-based Siamese detector
named Synthetic-Siamese which takes a pair of texts, one as the inquiry and the
other as the reference. Our method effectively addresses the lack of robustness
of previous detectors (OpenAI detector and DetectGPT) and significantly
improves the baseline performances in realistic academic writing scenarios by
approximately 67% to 95%. | cs.CL | Enhancing Robustness of LLM-Synthetic Text Detectors for Academic Writing: A Comprehensive Analysis |
2024-01-16T01:27:26Z | http://arxiv.org/pdf/2401.08038v1 | http://arxiv.org/abs/2401.08038v1 | Wenjun Qiu, David Lie, Lisa Austin | 2024-01-16T01:27:26Z | cs.CL, cs.CR, cs.HC, cs.LG | A significant challenge to training accurate deep learning models on privacy
policies is the cost and difficulty of obtaining a large and comprehensive set
of training data. To address these challenges, we present Calpric , which
combines automatic text selection and segmentation, active learning and the use
of crowdsourced annotators to generate a large, balanced training set for
privacy policies at low cost. Automated text selection and segmentation
simplifies the labeling task, enabling untrained annotators from crowdsourcing
platforms, like Amazon's Mechanical Turk, to be competitive with trained
annotators, such as law students, and also reduces inter-annotator agreement,
which decreases labeling cost. Having reliable labels for training enables the
use of active learning, which uses fewer training samples to efficiently cover
the input space, further reducing cost and improving class and data category
balance in the data set. The combination of these techniques allows Calpric to
produce models that are accurate over a wider range of data categories, and
provide more detailed, fine-grain labels than previous work. Our crowdsourcing
process enables Calpric to attain reliable labeled data at a cost of roughly
$0.92-$1.71 per labeled text segment. Calpric 's training process also
generates a labeled data set of 16K privacy policy text segments across 9 Data
categories with balanced positive and negative samples. | cs.CL | Calpric: Inclusive and Fine-grain Labeling of Privacy Policies with Crowdsourcing and Active Learning |
2024-01-16T00:47:36Z | http://arxiv.org/pdf/2401.08026v1 | http://arxiv.org/abs/2401.08026v1 | Fengzhu Zeng, Wei Gao | 2024-01-16T00:47:36Z | cs.CL | Justification is an explanation that supports the veracity assigned to a
claim in fact-checking. However, the task of justification generation is
previously oversimplified as summarization of fact-check article authored by
fact-checkers. Therefore, we propose a realistic approach to generate
justification based on retrieved evidence. We present a new benchmark dataset
called ExClaim for \underline{Ex}plainable fact-checking of real-world
\underline{Claim}s, and introduce JustiLM, a novel few-shot
\underline{Justi}fication generation based on retrieval-augmented
\underline{L}anguage \underline{M}odel by using fact-check articles as
auxiliary resource during training only. Experiments show that JustiLM achieves
promising performance in justification generation compared to strong baselines,
and can also enhance veracity classification with a straightforward extension. | cs.CL | JustiLM: Few-shot Justification Generation for Explainable Fact-Checking of Real-world Claims |
2024-01-16T00:46:29Z | http://arxiv.org/pdf/2401.08025v2 | http://arxiv.org/abs/2401.08025v2 | Syeda Nahida Akter, Aman Madaan, Sangwu Lee, Yiming Yang, Eric Nyberg | 2024-02-21T22:11:19Z | cs.AI, cs.CL, cs.LG | The potential of Vision-Language Models (VLMs) often remains underutilized in
handling complex text-based problems, particularly when these problems could
benefit from visual representation. Resonating with humans' ability to solve
complex text-based problems by (1) creating a visual diagram from the problem
and (2) deducing what steps they need to take to solve it, we propose
Self-Imagine. We leverage a single Vision-Language Model (VLM) to generate a
structured representation of the question using HTML, then render the HTML as
an image, and finally use the same VLM to answer the question using both the
question and the image. Our approach does not require any additional training
data or training. We evaluate our approach on three mathematics tasks and nine
general-purpose reasoning tasks using state-of-the-art (LLAVA-1.5 and GEMINI
PRO) VLMs. Our approach boosts the performance of LLAVA-1.5 and GEMINI PRO on
all math tasks (on average GSM8K: +3.1%; ASDIV: +3.2%; SVAMP: +6.9%) and the
majority of the general-purpose reasoning tasks by 3.2% to 6.0% on average. | cs.AI | Self-Imagine: Effective Unimodal Reasoning with Multimodal Models using Self-Imagination |
2024-01-15T22:36:31Z | http://arxiv.org/pdf/2401.07994v1 | http://arxiv.org/abs/2401.07994v1 | Fernando Vallecillos Ruiz, Anastasiia Grishina, Max Hort, Leon Moonen | 2024-01-15T22:36:31Z | cs.SE, cs.CL, cs.LG | Research shows that grammatical mistakes in a sentence can be corrected by
translating it to another language and back using neural machine translation
with language models. We investigate whether this correction capability of
Large Language Models (LLMs) extends to Automatic Program Repair (APR). Current
generative models for APR are pre-trained on source code and fine-tuned for
repair. This paper proposes bypassing the fine-tuning step and using Round-Trip
Translation (RTT): translation of code from one programming language to another
programming or natural language, and back. We hypothesize that RTT with LLMs
restores the most commonly seen patterns in code during pre-training, i.e.,
performs a regression toward the mean, which removes bugs as they are a form of
noise w.r.t. the more frequent, natural, bug-free code in the training data. To
test this hypothesis, we employ eight recent LLMs pre-trained on code,
including the latest GPT versions, and four common program repair benchmarks in
Java. We find that RTT with English as an intermediate language repaired 101 of
164 bugs with GPT-4 on the HumanEval-Java dataset. Moreover, 46 of these are
unique bugs that are not repaired by other LLMs fine-tuned for APR. Our
findings highlight the viability of round-trip translation with LLMs as a
technique for automated program repair and its potential for research in
software engineering.
Keywords: automated program repair, large language model, machine translation | cs.SE | A Novel Approach for Automatic Program Repair using Round-Trip Translation with Large Language Models |
2024-01-15T21:43:46Z | http://arxiv.org/pdf/2401.07977v1 | http://arxiv.org/abs/2401.07977v1 | Saptarshi Sengupta, Connor Heaton, Prasenjit Mitra, Soumalya Sarkar | 2024-01-15T21:43:46Z | cs.CL | Machine Reading Comprehension (MRC) has been a long-standing problem in NLP
and, with the recent introduction of the BERT family of transformer based
language models, it has come a long way to getting solved. Unfortunately,
however, when BERT variants trained on general text corpora are applied to
domain-specific text, their performance inevitably degrades on account of the
domain shift i.e. genre/subject matter discrepancy between the training and
downstream application data. Knowledge graphs act as reservoirs for either open
or closed domain information and prior studies have shown that they can be used
to improve the performance of general-purpose transformers in domain-specific
applications. Building on existing work, we introduce a method using
Multi-Layer Perceptrons (MLPs) for aligning and integrating embeddings
extracted from knowledge graphs with the embeddings spaces of pre-trained
language models (LMs). We fuse the aligned embeddings with open-domain LMs BERT
and RoBERTa, and fine-tune them for two MRC tasks namely span detection
(COVID-QA) and multiple-choice questions (PubMedQA). On the COVID-QA dataset,
we see that our approach allows these models to perform similar to their
domain-specific counterparts, Bio/Sci-BERT, as evidenced by the Exact Match
(EM) metric. With regards to PubMedQA, we observe an overall improvement in
accuracy while the F1 stays relatively the same over the domain-specific
models. | cs.CL | Leveraging External Knowledge Resources to Enable Domain-Specific Comprehension |
2024-01-15T21:10:19Z | http://arxiv.org/pdf/2401.07967v1 | http://arxiv.org/abs/2401.07967v1 | Robert G. Kimelman | 2024-01-15T21:10:19Z | cs.SD, cs.CL, cs.HC, eess.AS | A novel freestyle rap software, MCMChaos 0.0.1, based on rap music
transcriptions created in previous research is presented. The software has
three different versions, each making use of different mathematical simulation
methods: collapsed gibbs sampler and lorenz attractor simulation. As far as we
know, these simulation methods have never been used in rap music generation
before. The software implements Python Text-to-Speech processing (pyttxs) to
convert text wrangled from the MCFlow corpus into English speech. In each
version, values simulated from each respective mathematical model alter the
rate of speech, volume, and (in the multiple voice case) the voice of the
text-to-speech engine on a line-by-line basis. The user of the software is
presented with a real-time graphical user interface (GUI) which instantaneously
changes the initial values read into the mathematical simulation methods.
Future research might attempt to allow for more user control and autonomy. | cs.SD | MCMChaos: Improvising Rap Music with MCMC Methods and Chaos Theory |
2024-01-15T21:06:20Z | http://arxiv.org/pdf/2401.07964v2 | http://arxiv.org/abs/2401.07964v2 | Dimitri Coelho Mollo | 2024-02-05T17:34:17Z | cs.AI, cs.CL | Artificial Intelligence is a field that lives many lives, and the term has
come to encompass a motley collection of scientific and commercial endeavours.
In this paper, I articulate the contours of a rather neglected but central
scientific role that AI has to play, which I dub `AI-as-exploration'.The basic
thrust of AI-as-exploration is that of creating and studying systems that can
reveal candidate building blocks of intelligence that may differ from the forms
of human and animal intelligence we are familiar with. In other words, I
suggest that AI is one of the best tools we have for exploring intelligence
space, namely the space of possible intelligent systems. I illustrate the value
of AI-as-exploration by focusing on a specific case study, i.e., recent work on
the capacity to combine novel and invented concepts in humans and Large
Language Models. I show that the latter, despite showing human-level accuracy
in such a task, most probably solve it in ways radically different, but no less
relevant to intelligence research, to those hypothesised for humans. | cs.AI | AI-as-exploration: Navigating intelligence space |
2024-01-15T20:42:16Z | http://arxiv.org/pdf/2401.07955v1 | http://arxiv.org/abs/2401.07955v1 | Aisha Khatun, Daniel G. Brown | 2024-01-15T20:42:16Z | cs.CL, cs.AI, cs.LG | The widespread adoption of Large Language Models (LLMs) has become
commonplace, particularly with the emergence of open-source models. More
importantly, smaller models are well-suited for integration into consumer
devices and are frequently employed either as standalone solutions or as
subroutines in various AI tasks. Despite their ubiquitous use, there is no
systematic analysis of their specific capabilities and limitations. In this
study, we tackle one of the most widely used tasks - answering Multiple Choice
Question (MCQ). We analyze 26 small open-source models and find that 65% of the
models do not understand the task, only 4 models properly select an answer from
the given choices, and only 5 of these models are choice order independent.
These results are rather alarming given the extensive use of MCQ tests with
these models. We recommend exercising caution and testing task understanding
before using MCQ to evaluate LLMs in any field whatsoever. | cs.CL | A Study on Large Language Models' Limitations in Multiple-Choice Question Answering |
2024-01-15T20:22:21Z | http://arxiv.org/pdf/2401.07950v2 | http://arxiv.org/abs/2401.07950v2 | Dan Zhang, Ziniu Hu, Sining Zhoubian, Zhengxiao Du, Kaiyu Yang, Zihan Wang, Yisong Yue, Yuxiao Dong, Jie Tang | 2024-03-12T18:34:05Z | cs.CL | Large Language Models (LLMs) have shown promise in assisting scientific
discovery. However, such applications are currently limited by LLMs'
deficiencies in understanding intricate scientific concepts, deriving symbolic
equations, and solving advanced numerical calculations. To bridge these gaps,
we introduce SciGLM, a suite of scientific language models able to conduct
college-level scientific reasoning. Central to our approach is a novel
self-reflective instruction annotation framework to address the data scarcity
challenge in the science domain. This framework leverages existing LLMs to
generate step-by-step reasoning for unlabelled scientific questions, followed
by a process of self-reflective critic-and-revise. Applying this framework, we
curated SciInstruct, a diverse and high-quality dataset encompassing physics,
chemistry, math, and formal proofs. We fine-tuned the ChatGLM family of
language models with SciInstruct, enhancing their scientific and mathematical
reasoning capabilities. Remarkably, the SciGLM consistently improves both the
base model (ChatGLM3-6B-Base) by 4.87% and larger-scale models (32B) by 2.67%,
without sacrificing the language understanding capabilities of the base model.
This makes SciGLM a suitable foundational model to facilitate diverse
scientific discovery tasks. For the benefit of the wider research community, we
release SciInstruct, and SciGLM, alongside a self-reflective framework and
fine-tuning code at https://github.com/THUDM/SciGLM. | cs.CL | SciGLM: Training Scientific Language Models with Self-Reflective Instruction Annotation and Tuning |
2024-01-15T20:17:31Z | http://arxiv.org/pdf/2401.07944v2 | http://arxiv.org/abs/2401.07944v2 | Rupak Kumar Das, Dr. Ted Pedersen | 2024-06-19T15:41:58Z | cs.CL | This paper uses the BERT model, which is a transformer-based architecture, to
solve task 4A, English Language, Sentiment Analysis in Twitter of SemEval2017.
BERT is a very powerful large language model for classification tasks when the
amount of training data is small. For this experiment, we have used the
BERT(BASE) model, which has 12 hidden layers. This model provides better
accuracy, precision, recall, and f1 score than the Naive Bayes baseline model.
It performs better in binary classification subtasks than the multi-class
classification subtasks. We also considered all kinds of ethical issues during
this experiment, as Twitter data contains personal and sensible information.
The dataset and code used in our experiment can be found in this GitHub
repository. | cs.CL | SemEval-2017 Task 4: Sentiment Analysis in Twitter using BERT |
2024-01-15T19:39:29Z | http://arxiv.org/pdf/2401.07928v1 | http://arxiv.org/abs/2401.07928v1 | Emily Klein, Jennifer Golbeck | 2024-01-15T19:39:29Z | cs.CL | Incels are an extremist online community of men who believe in an ideology
rooted in misogyny, racism, the glorification of violence, and dehumanization.
In their online forums, they use an extensive, evolving cryptolect - a set of
ingroup terms that have meaning within the group, reflect the ideology,
demonstrate membership in the community, and are difficult for outsiders to
understand. This paper presents a lexicon with terms and definitions for common
incel root words, prefixes, and affixes. The lexicon is text-based for use in
automated analysis and is derived via a Qualitative Content Analysis of the
most frequent incel words, their structure, and their meaning on five of the
most active incel communities from 2016 to 2023. This lexicon will support
future work examining radicalization and deradicalization/disengagement within
the community. | cs.CL | A Lexicon for Studying Radicalization in Incel Communities |
2024-01-15T19:39:15Z | http://arxiv.org/pdf/2401.07927v4 | http://arxiv.org/abs/2401.07927v4 | Andreas Madsen, Sarath Chandar, Siva Reddy | 2024-05-16T20:26:43Z | cs.CL, cs.AI, cs.LG | Instruction-tuned Large Language Models (LLMs) excel at many tasks and will
even explain their reasoning, so-called self-explanations. However, convincing
and wrong self-explanations can lead to unsupported confidence in LLMs, thus
increasing risk. Therefore, it's important to measure if self-explanations
truly reflect the model's behavior. Such a measure is called
interpretability-faithfulness and is challenging to perform since the ground
truth is inaccessible, and many LLMs only have an inference API. To address
this, we propose employing self-consistency checks to measure faithfulness. For
example, if an LLM says a set of words is important for making a prediction,
then it should not be able to make its prediction without these words. While
self-consistency checks are a common approach to faithfulness, they have not
previously been successfully applied to LLM self-explanations for
counterfactual, feature attribution, and redaction explanations. Our results
demonstrate that faithfulness is explanation, model, and task-dependent,
showing self-explanations should not be trusted in general. For example, with
sentiment classification, counterfactuals are more faithful for Llama2, feature
attribution for Mistral, and redaction for Falcon 40B. | cs.CL | Are self-explanations from Large Language Models faithful? |
2024-01-15T19:21:08Z | http://arxiv.org/pdf/2401.07923v1 | http://arxiv.org/abs/2401.07923v1 | Edward Gow-Smith, Dylan Phelps, Harish Tayyar Madabushi, Carolina Scarton, Aline Villavicencio | 2024-01-15T19:21:08Z | cs.CL | All existing transformer-based approaches to NLP using subword tokenisation
algorithms encode whitespace (word boundary information) through the use of
special space symbols (such as \#\# or \_) forming part of tokens. These
symbols have been shown to a) lead to reduced morphological validity of
tokenisations, and b) give substantial vocabulary redundancy. As such, removing
these symbols has been shown to have a beneficial effect on the processing of
morphologically complex words for transformer encoders in the pretrain-finetune
paradigm. In this work, we explore whether word boundary information is at all
useful to such models. In particular, we train transformer encoders across four
different training scales, and investigate several alternative approaches to
including word boundary information, evaluating on a range of tasks across
different domains and problem set-ups: GLUE (for sentence-level
classification), NER (for token-level classification), and two classification
datasets involving complex words (Superbizarre and FLOTA). Overall, through an
extensive experimental setup that includes the pre-training of 29 models, we
find no substantial improvements from our alternative approaches, suggesting
that modifying tokenisers to remove word boundary information isn't leading to
a loss of useful information. | cs.CL | Word Boundary Information Isn't Useful for Encoder Language Models |
2024-01-15T18:53:15Z | http://arxiv.org/pdf/2401.07897v1 | http://arxiv.org/abs/2401.07897v1 | Kees van Deemter | 2024-01-15T18:53:15Z | cs.CL | Despite impressive advances in Natural Language Generation (NLG) and Large
Language Models (LLMs), researchers are still unclear about important aspects
of NLG evaluation. To substantiate this claim, I examine current
classifications of hallucination and omission in Data-text NLG, and I propose a
logic-based synthesis of these classfications. I conclude by highlighting some
remaining limitations of all current thinking about hallucination and by
discussing implications for LLMs. | cs.CL | The Pitfalls of Defining Hallucination |
2024-01-15T18:28:17Z | http://arxiv.org/pdf/2401.07886v1 | http://arxiv.org/abs/2401.07886v1 | Siddharth Jha, Coleman Hooper, Xiaoxuan Liu, Sehoon Kim, Kurt Keutzer | 2024-01-15T18:28:17Z | cs.LG, cs.AI, cs.CL, cs.DC | Many applications must provide low-latency LLM service to users or risk
unacceptable user experience. However, over-provisioning resources to serve
fluctuating request patterns is often prohibitively expensive. In this work, we
present a best-effort serving system that employs deep reinforcement learning
to adjust service quality based on the task distribution and system load. Our
best-effort system can maintain availability with over 10x higher client
request rates, serves above 96% of peak performance 4.1x more often, and serves
above 98% of peak performance 2.3x more often than static serving on
unpredictable workloads. Our learned router is robust to shifts in both the
arrival and task distribution. Compared to static serving, learned best-effort
serving allows for cost-efficient serving through increased hardware utility.
Additionally, we argue that learned best-effort LLM serving is applicable in
wide variety of settings and provides application developers great flexibility
to meet their specific needs. | cs.LG | Learned Best-Effort LLM Serving |
2024-01-15T18:25:18Z | http://arxiv.org/pdf/2401.07883v1 | http://arxiv.org/abs/2401.07883v1 | Paulo Finardi, Leonardo Avila, Rodrigo Castaldoni, Pedro Gengo, Celio Larcher, Marcos Piau, Pablo Costa, Vinicius Caridá | 2024-01-15T18:25:18Z | cs.LG, cs.AI, cs.CL, cs.IR | Retrieval Augmented Generation (RAG) has become one of the most popular
paradigms for enabling LLMs to access external data, and also as a mechanism
for grounding to mitigate against hallucinations. When implementing RAG you can
face several challenges like effective integration of retrieval models,
efficient representation learning, data diversity, computational efficiency
optimization, evaluation, and quality of text generation. Given all these
challenges, every day a new technique to improve RAG appears, making it
unfeasible to experiment with all combinations for your problem. In this
context, this paper presents good practices to implement, optimize, and
evaluate RAG for the Brazilian Portuguese language, focusing on the
establishment of a simple pipeline for inference and experiments. We explored a
diverse set of methods to answer questions about the first Harry Potter book.
To generate the answers we used the OpenAI's gpt-4, gpt-4-1106-preview,
gpt-3.5-turbo-1106, and Google's Gemini Pro. Focusing on the quality of the
retriever, our approach achieved an improvement of MRR@10 by 35.4% compared to
the baseline. When optimizing the input size in the application, we observed
that it is possible to further enhance it by 2.4%. Finally, we present the
complete architecture of the RAG with our recommendations. As result, we moved
from a baseline of 57.88% to a maximum relative score of 98.61%. | cs.LG | The Chronicles of RAG: The Retriever, the Chunk and the Generator |
2024-01-15T18:12:01Z | http://arxiv.org/pdf/2401.07877v1 | http://arxiv.org/abs/2401.07877v1 | Mingjie Li, Karin Verspoor | 2024-01-15T18:12:01Z | cs.CL, cs.AI | Information extraction techniques, including named entity recognition (NER)
and relation extraction (RE), are crucial in many domains to support making
sense of vast amounts of unstructured text data by identifying and connecting
relevant information. Such techniques can assist researchers in extracting
valuable insights. In this paper, we introduce the Entity-aware Masking for
Biomedical Relation Extraction (EMBRE) method for biomedical relation
extraction, as applied in the context of the BioRED challenge Task 1, in which
human-annotated entities are provided as input. Specifically, we integrate
entity knowledge into a deep neural network by pretraining the backbone model
with an entity masking objective. We randomly mask named entities for each
instance and let the model identify the masked entity along with its type. In
this way, the model is capable of learning more specific knowledge and more
robust representations. Then, we utilize the pre-trained model as our backbone
to encode language representations and feed these representations into two
multilayer perceptron (MLPs) to predict the logits for relation and novelty,
respectively. The experimental results demonstrate that our proposed method can
improve the performances of entity pair, relation and novelty extraction over
our baseline. | cs.CL | EMBRE: Entity-aware Masking for Biomedical Relation Extraction |
2024-01-15T18:07:21Z | http://arxiv.org/pdf/2401.07872v1 | http://arxiv.org/abs/2401.07872v1 | Saurav Pawar, S. M Towhidul Islam Tonmoy, S M Mehedi Zaman, Vinija Jain, Aman Chadha, Amitava Das | 2024-01-15T18:07:21Z | cs.CL | The advent of Large Language Models (LLMs) represents a notable breakthrough
in Natural Language Processing (NLP), contributing to substantial progress in
both text comprehension and generation. However, amidst these advancements, it
is noteworthy that LLMs often face a limitation in terms of context length
extrapolation. Understanding and extending the context length for LLMs is
crucial in enhancing their performance across various NLP applications. In this
survey paper, we delve into the multifaceted aspects of exploring why it is
essential, and the potential transformations that superior techniques could
bring to NLP applications. We study the inherent challenges associated with
extending context length and present an organized overview of the existing
strategies employed by researchers. Additionally, we discuss the intricacies of
evaluating context extension techniques and highlight the open challenges that
researchers face in this domain. Furthermore, we explore whether there is a
consensus within the research community regarding evaluation standards and
identify areas where further agreement is needed. This comprehensive survey
aims to serve as a valuable resource for researchers, guiding them through the
nuances of context length extension techniques and fostering discussions on
future advancements in this evolving field. | cs.CL | The What, Why, and How of Context Length Extension Techniques in Large Language Models -- A Detailed Survey |
2024-01-15T18:04:29Z | http://arxiv.org/pdf/2401.07870v2 | http://arxiv.org/abs/2401.07870v2 | Mouxiang Chen, Hao Tian, Zhongxin Liu, Xiaoxue Ren, Jianling Sun | 2024-06-05T14:12:03Z | cs.CL, cs.AI, cs.SE | While existing code large language models (code LLMs) exhibit impressive
capabilities in code generation, their autoregressive sequential generation
inherently lacks reversibility. This limitation hinders them from timely
correcting previous missing statements during coding as humans do, often
leading to error propagation and suboptimal performance. We introduce
JumpCoder, a novel model-agnostic framework that enables human-like online
modification and non-sequential generation to augment code LLMs. The key idea
behind JumpCoder is to insert new code into the currently generated code when
necessary during generation, which is achieved through an auxiliary infilling
model that works in tandem with the code LLM. Since identifying the best infill
position beforehand is intractable, we adopt an \textit{infill-first,
judge-later} strategy, which experiments with filling at the $k$ most critical
positions following the generation of each line, and uses an Abstract Syntax
Tree (AST) parser alongside the Generation Model Scoring to effectively judge
the validity of each potential infill. Extensive experiments using six
state-of-the-art code LLMs across multiple and multilingual benchmarks
consistently indicate significant improvements over all baselines. Our code is
public at https://github.com/Keytoyze/JumpCoder. | cs.CL | JumpCoder: Go Beyond Autoregressive Coder via Online Modification |
2024-01-15T18:01:59Z | http://arxiv.org/pdf/2401.07868v1 | http://arxiv.org/abs/2401.07868v1 | Md Sadman Sakib, Yu Sun | 2024-01-15T18:01:59Z | cs.RO, cs.AI, cs.CL | The inherent probabilistic nature of Large Language Models (LLMs) introduces
an element of unpredictability, raising concerns about potential discrepancies
in their output. This paper introduces an innovative approach aims to generate
correct and optimal robotic task plans for diverse real-world demands and
scenarios. LLMs have been used to generate task plans, but they are unreliable
and may contain wrong, questionable, or high-cost steps. The proposed approach
uses LLM to generate a number of task plans as trees and amalgamates them into
a graph by removing questionable paths. Then an optimal task tree can be
retrieved to circumvent questionable and high-cost nodes, thereby improving
planning accuracy and execution efficiency. The approach is further improved by
incorporating a large knowledge network. Leveraging GPT-4 further, the
high-level task plan is converted into a low-level Planning Domain Definition
Language (PDDL) plan executable by a robot. Evaluation results highlight the
superior accuracy and efficiency of our approach compared to previous
methodologies in the field of task planning. | cs.RO | Consolidating Trees of Robotic Plans Generated Using Large Language Models to Improve Reliability |
2024-01-15T17:57:41Z | http://arxiv.org/pdf/2401.07867v2 | http://arxiv.org/abs/2401.07867v2 | Dominik Macko, Robert Moro, Adaku Uchendu, Ivan Srba, Jason Samuel Lucas, Michiharu Yamashita, Nafis Irtiza Tripto, Dongwon Lee, Jakub Simko, Maria Bielikova | 2024-06-18T12:54:59Z | cs.CL | High-quality text generation capability of recent Large Language Models
(LLMs) causes concerns about their misuse (e.g., in massive generation/spread
of disinformation). Machine-generated text (MGT) detection is important to cope
with such threats. However, it is susceptible to authorship obfuscation (AO)
methods, such as paraphrasing, which can cause MGTs to evade detection. So far,
this was evaluated only in monolingual settings. Thus, the susceptibility of
recently proposed multilingual detectors is still unknown. We fill this gap by
comprehensively benchmarking the performance of 10 well-known AO methods,
attacking 37 MGT detection methods against MGTs in 11 languages (i.e., 10
$\times$ 37 $\times$ 11 = 4,070 combinations). We also evaluate the effect of
data augmentation on adversarial robustness using obfuscated texts. The results
indicate that all tested AO methods can cause evasion of automated detection in
all tested languages, where homoglyph attacks are especially successful.
However, some of the AO methods severely damaged the text, making it no longer
readable or easily recognizable by humans (e.g., changed language, weird
characters). | cs.CL | Authorship Obfuscation in Multilingual Machine-Generated Text Detection |
2024-01-15T17:26:50Z | http://arxiv.org/pdf/2401.07851v3 | http://arxiv.org/abs/2401.07851v3 | Heming Xia, Zhe Yang, Qingxiu Dong, Peiyi Wang, Yongqi Li, Tao Ge, Tianyu Liu, Wenjie Li, Zhifang Sui | 2024-06-04T17:08:37Z | cs.CL | To mitigate the high inference latency stemming from autoregressive decoding
in Large Language Models (LLMs), Speculative Decoding has emerged as a novel
decoding paradigm for LLM inference. In each decoding step, this method first
drafts several future tokens efficiently and then verifies them in parallel.
Unlike autoregressive decoding, Speculative Decoding facilitates the
simultaneous decoding of multiple tokens per step, thereby accelerating
inference. This paper presents a comprehensive overview and analysis of this
promising decoding paradigm. We begin by providing a formal definition and
formulation of Speculative Decoding. Then, we organize in-depth discussions on
its key facets, such as drafter selection and verification strategies.
Furthermore, we present a comparative analysis of leading methods under
third-party testing environments. We aim for this work to serve as a catalyst
for further research on Speculative Decoding, ultimately contributing to more
efficient LLM inference. | cs.CL | Unlocking Efficiency in Large Language Model Inference: A Comprehensive Survey of Speculative Decoding |
2024-01-15T17:23:02Z | http://arxiv.org/pdf/2401.07847v1 | http://arxiv.org/abs/2401.07847v1 | Saptarshi Sengupta, Shreya Ghosh, Prasenjit Mitra, Tarikul Islam Tamiti | 2024-01-15T17:23:02Z | cs.CL | Sentiment Analysis (SA) refers to the task of associating a view polarity
(usually, positive, negative, or neutral; or even fine-grained such as slightly
angry, sad, etc.) to a given text, essentially breaking it down to a supervised
(since we have the view labels apriori) classification task. Although heavily
studied in resource-rich languages such as English thus pushing the SOTA by
leaps and bounds, owing to the arrival of the Transformer architecture, the
same cannot be said for resource-poor languages such as Bengali (BN). For a
language spoken by roughly 300 million people, the technology enabling them to
run trials on their favored tongue is severely lacking. In this paper, we
analyze the SOTA for SA in Bengali, particularly, Transformer-based models. We
discuss available datasets, their drawbacks, the nuances associated with
Bengali i.e. what makes this a challenging language to apply SA on, and finally
provide insights for future direction to mitigate the limitations in the field. | cs.CL | Milestones in Bengali Sentiment Analysis leveraging Transformer-models: Fundamentals, Challenges and Future Directions |
2024-01-15T16:39:10Z | http://arxiv.org/pdf/2401.07817v3 | http://arxiv.org/abs/2401.07817v3 | Wenhao Zhu, Shujian Huang, Fei Yuan, Shuaijie She, Jiajun Chen, Alexandra Birch | 2024-06-29T16:34:38Z | cs.CL | Large language models show compelling performance on reasoning tasks but they
tend to perform much worse in languages other than English. This is
unsurprising given that their training data largely consists of English text
and instructions. A typical solution is to translate instruction data into all
languages of interest, and then train on the resulting multilingual data, which
is called translate-training. This approach not only incurs high cost, but also
results in poorly translated data due to the non-standard formatting of
mathematical chain-of-thought. In this paper, we explore the benefits of
question alignment, where we train the model to translate reasoning questions
into English by finetuning on X-English parallel question data. In this way we
perform targeted, in-domain language alignment which makes best use of English
instruction data to unlock the LLMs' multilingual reasoning abilities.
Experimental results on LLaMA2-13B show that question alignment leads to
consistent improvements over the translate-training approach: an average
improvement of 11.3% and 16.1% accuracy across ten languages on the MGSM and
MSVAMP multilingual reasoning benchmarks. The project will be available at:
https://github.com/NJUNLP/QAlign. | cs.CL | Question Translation Training for Better Multilingual Reasoning |
2024-01-15T16:35:52Z | http://arxiv.org/pdf/2401.07812v1 | http://arxiv.org/abs/2401.07812v1 | Kunpeng Guo, Dennis Diefenbach, Antoine Gourru, Christophe Gravier | 2024-01-15T16:35:52Z | cs.CL | Wikidata has grown to a knowledge graph with an impressive size. To date, it
contains more than 17 billion triples collecting information about people,
places, films, stars, publications, proteins, and many more. On the other side,
most of the information on the Web is not published in highly structured data
repositories like Wikidata, but rather as unstructured and semi-structured
content, more concretely in HTML pages containing text and tables. Finding,
monitoring, and organizing this data in a knowledge graph is requiring
considerable work from human editors. The volume and complexity of the data
make this task difficult and time-consuming. In this work, we present a
framework that is able to identify and extract new facts that are published
under multiple Web domains so that they can be proposed for validation by
Wikidata editors. The framework is relying on question-answering technologies.
We take inspiration from ideas that are used to extract facts from textual
collections and adapt them to extract facts from Web pages. For achieving this,
we demonstrate that language models can be adapted to extract facts not only
from textual collections but also from Web pages. By exploiting the information
already contained in Wikidata the proposed framework can be trained without the
need for any additional learning signals and can extract new facts for a wide
range of properties and domains. Following this path, Wikidata can be used as a
seed to extract facts on the Web. Our experiments show that we can achieve a
mean performance of 84.07 at F1-score. Moreover, our estimations show that we
can potentially extract millions of facts that can be proposed for human
validation. The goal is to help editors in their daily tasks and contribute to
the completion of the Wikidata knowledge graph. | cs.CL | Wikidata as a seed for Web Extraction |
2024-01-15T16:31:18Z | http://arxiv.org/pdf/2401.07810v1 | http://arxiv.org/abs/2401.07810v1 | Sougata Saha, Rohini Srihari | 2024-01-15T16:31:18Z | cs.CL, cs.AI | Hateful comments are prevalent on social media platforms. Although tools for
automatically detecting, flagging, and blocking such false, offensive, and
harmful content online have lately matured, such reactive and brute force
methods alone provide short-term and superficial remedies while the
perpetrators persist. With the public availability of large language models
which can generate articulate synthetic and engaging content at scale, there
are concerns about the rapid growth of dissemination of such malicious content
on the web. There is now a need to focus on deeper, long-term solutions that
involve engaging with the human perpetrator behind the source of the content to
change their viewpoint or at least bring down the rhetoric using persuasive
means. To do that, we propose defining and experimenting with controllable
strategies for generating counter-arguments to hateful comments in online
conversations. We experiment with controlling response generation using
features based on (i) argument structure and reasoning-based Walton argument
schemes, (ii) counter-argument speech acts, and (iii) human
characteristics-based qualities such as Big-5 personality traits and human
values. Using automatic and human evaluations, we determine the best
combination of features that generate fluent, argumentative, and logically
sound arguments for countering hate. We further share the developed
computational models for automatically annotating text with such features, and
a silver-standard annotated version of an existing hate speech dialog corpora. | cs.CL | Consolidating Strategies for Countering Hate Speech Using Persuasive Dialogues |
2024-01-15T16:00:50Z | http://arxiv.org/pdf/2401.07793v1 | http://arxiv.org/abs/2401.07793v1 | Ninglu Shao, Shitao Xiao, Zheng Liu, Peitian Zhang | 2024-01-15T16:00:50Z | cs.CL | Large language models (LLMs) are in need of sufficient contexts to handle
many critical applications, such as retrieval augmented generation and few-shot
learning. However, due to the constrained window size, the LLMs can only access
to the information within a limited context. Although the size of context
window can be extended by fine-tuning, it will result in a substantial cost in
both training and inference stage. In this paper, we present Extensible
Tokenization as an alternative method which realizes the flexible scaling of
LLMs' context. Extensible Tokenization stands as a midware in between of the
tokenized context and the LLM, which transforms the raw token embeddings into
the extensible embeddings. Such embeddings provide a more compact
representation for the long context, on top of which the LLM is able to
perceive more information with the same context window. Extensible Tokenization
is also featured by its flexibility: the scaling factor can be flexibly
determined within a feasible scope, leading to the extension of an arbitrary
context length at the inference time. Besides, Extensible Tokenization is
introduced as a drop-in component, which can be seamlessly plugged into not
only the LLM itself and but also its fine-tuned derivatives, bringing in the
extended contextual information while fully preserving the LLM's existing
capabilities. We perform comprehensive experiments on long-context language
modeling and understanding tasks, which verify Extensible Tokenization as an
effective, efficient, flexible, and compatible method to extend LLM's context.
Our model and source code will be made publicly available. | cs.CL | Flexibly Scaling Large Language Models Contexts Through Extensible Tokenization |
2024-01-15T15:40:16Z | http://arxiv.org/pdf/2401.07777v1 | http://arxiv.org/abs/2401.07777v1 | Giuseppe Buonaiuto, Raffaele Guarasci, Aniello Minutolo, Giuseppe De Pietro, Massimo Esposito | 2024-01-15T15:40:16Z | cs.CL, physics.comp-ph, quant-ph | Hybrid quantum-classical classifiers promise to positively impact critical
aspects of natural language processing tasks, particularly
classification-related ones. Among the possibilities currently investigated,
quantum transfer learning, i.e., using a quantum circuit for fine-tuning
pre-trained classical models for a specific task, is attracting significant
attention as a potential platform for proving quantum advantage.
This work shows potential advantages, both in terms of performance and
expressiveness, of quantum transfer learning algorithms trained on embedding
vectors extracted from a large language model to perform classification on a
classical Linguistics task: acceptability judgments. Acceptability judgment is
the ability to determine whether a sentence is considered natural and
well-formed by a native speaker. The approach has been tested on sentences
extracted from ItaCoLa, a corpus that collects Italian sentences labeled with
their acceptability judgment. The evaluation phase shows results for the
quantum transfer learning pipeline comparable to state-of-the-art classical
transfer learning algorithms, proving current quantum computers' capabilities
to tackle NLP tasks for ready-to-use applications. Furthermore, a qualitative
linguistic analysis, aided by explainable AI methods, reveals the capabilities
of quantum transfer learning algorithms to correctly classify complex and more
structured sentences, compared to their classical counterpart. This finding
sets the ground for a quantifiable quantum advantage in NLP in the near future. | cs.CL | Quantum Transfer Learning for Acceptability Judgements |
2024-01-15T15:27:18Z | http://arxiv.org/pdf/2401.12985v1 | http://arxiv.org/abs/2401.12985v1 | Kausik Lakkaraju, Aniket Gupta, Biplav Srivastava, Marco Valtorta, Dezhi Wu | 2024-01-15T15:27:18Z | cs.CL | Sentiment Analysis Systems (SASs) are data-driven Artificial Intelligence
(AI) systems that output polarity and emotional intensity when given a piece of
text as input. Like other AIs, SASs are also known to have unstable behavior
when subjected to changes in data which can make it problematic to trust out of
concerns like bias when AI works with humans and data has protected attributes
like gender, race, and age. Recently, an approach was introduced to assess SASs
in a blackbox setting without training data or code, and rating them for bias
using synthetic English data. We augment it by introducing two human-generated
chatbot datasets and also consider a round-trip setting of translating the data
from one language to the same through an intermediate language. We find that
these settings show SASs performance in a more realistic light. Specifically,
we find that rating SASs on the chatbot data showed more bias compared to the
synthetic data, and round-tripping using Spanish and Danish as intermediate
languages reduces the bias (up to 68% reduction) in human-generated data while,
in synthetic data, it takes a surprising turn by increasing the bias! Our
findings will help researchers and practitioners refine their SAS testing
strategies and foster trust as SASs are considered part of more
mission-critical applications for global use. | cs.CL | The Effect of Human v/s Synthetic Test Data and Round-tripping on Assessment of Sentiment Analysis Systems for Bias |
2024-01-15T15:11:15Z | http://arxiv.org/pdf/2401.07760v1 | http://arxiv.org/abs/2401.07760v1 | Abbas Ghaddar, Philippe Langlais, Mehdi Rezagholizadeh, Boxing Chen | 2024-01-15T15:11:15Z | cs.CL | Pretraining monolingual language models have been proven to be vital for
performance in Arabic Natural Language Processing (NLP) tasks. In this paper,
we conduct a comprehensive study on the role of data in Arabic Pretrained
Language Models (PLMs). More precisely, we reassess the performance of a suite
of state-of-the-art Arabic PLMs by retraining them on massive-scale,
high-quality Arabic corpora. We have significantly improved the performance of
the leading Arabic encoder-only BERT-base and encoder-decoder T5-base models on
the ALUE and ORCA leaderboards, thereby reporting state-of-the-art results in
their respective model categories. In addition, our analysis strongly suggests
that pretraining data by far is the primary contributor to performance,
surpassing other factors. Our models and source code are publicly available at
https://github.com/huawei-noah/Pretrained-Language-Model/tree/master/JABER-PyTorch. | cs.CL | On the importance of Data Scale in Pretraining Arabic Language Models |
2024-01-15T14:19:47Z | http://arxiv.org/pdf/2401.07702v1 | http://arxiv.org/abs/2401.07702v1 | Christopher Davis, Andrew Caines, Øistein Andersen, Shiva Taslimipoor, Helen Yannakoudakis, Zheng Yuan, Christopher Bryant, Marek Rei, Paula Buttery | 2024-01-15T14:19:47Z | cs.CL | Thanks to recent advances in generative AI, we are able to prompt large
language models (LLMs) to produce texts which are fluent and grammatical. In
addition, it has been shown that we can elicit attempts at grammatical error
correction (GEC) from LLMs when prompted with ungrammatical input sentences. We
evaluate how well LLMs can perform at GEC by measuring their performance on
established benchmark datasets. We go beyond previous studies, which only
examined GPT* models on a selection of English GEC datasets, by evaluating
seven open-source and three commercial LLMs on four established GEC benchmarks.
We investigate model performance and report results against individual error
types. Our results indicate that LLMs do not always outperform supervised
English GEC models except in specific contexts -- namely commercial LLMs on
benchmarks annotated with fluency corrections as opposed to minimal edits. We
find that several open-source models outperform commercial ones on minimal edit
benchmarks, and that in some settings zero-shot prompting is just as
competitive as few-shot prompting. | cs.CL | Prompting open-source and commercial language models for grammatical error correction of English learner text |
2024-01-15T13:51:00Z | http://arxiv.org/pdf/2401.07683v1 | http://arxiv.org/abs/2401.07683v1 | Marcel Gohsen, Benno Stein | 2024-01-15T13:51:00Z | cs.CL | Encyclopedic knowledge graphs, such as Wikidata, host an extensive repository
of millions of knowledge statements. However, domain-specific knowledge from
fields such as history, physics, or medicine is significantly underrepresented
in those graphs. Although few domain-specific knowledge graphs exist (e.g.,
Pubmed for medicine), developing specialized retrieval applications for many
domains still requires constructing knowledge graphs from scratch. To
facilitate knowledge graph construction, we introduce WAKA: a Web application
that allows domain experts to create knowledge graphs through the medium with
which they are most familiar: natural language. | cs.CL | Assisted Knowledge Graph Authoring: Human-Supervised Knowledge Graph Construction from Natural Language |
2024-01-15T11:06:43Z | http://arxiv.org/pdf/2401.07598v2 | http://arxiv.org/abs/2401.07598v2 | Divyanshu Aggarwal, Ashutosh Sathe, Ishaan Watts, Sunayana Sitaram | 2024-02-20T08:06:39Z | cs.CL | Parameter Efficient Finetuning (PEFT) has emerged as a viable solution for
improving the performance of Large Language Models (LLMs) without requiring
massive resources and compute. Prior work on multilingual evaluation has shown
that there is a large gap between the performance of LLMs on English and other
languages. Further, there is also a large gap between the performance of
smaller open-source models and larger LLMs. Finetuning can be an effective way
to bridge this gap and make language models more equitable. In this work, we
finetune the LLama-2-7B and Mistral-7B models on two synthetic multilingual
instruction tuning datasets to determine its effect on model performance on six
downstream tasks covering forty languages in all. Additionally, we experiment
with various parameters, such as rank for low-rank adaptation and values of
quantisation to determine their effects on downstream performance and find that
higher rank and higher quantisation values benefit low-resource languages. We
find that PEFT of smaller open-source models sometimes bridges the gap between
the performance of these models and the larger ones, however, English
performance can take a hit. We also find that finetuning sometimes improves
performance on low-resource languages, while degrading performance on
high-resource languages. | cs.CL | MAPLE: Multilingual Evaluation of Parameter Efficient Finetuning of Large Language Models |
2024-01-15T10:18:08Z | http://arxiv.org/pdf/2401.07575v1 | http://arxiv.org/abs/2401.07575v1 | Nicolae-Catalin Ristea, Andrei Anghel, Radu Tudor Ionescu | 2024-01-15T10:18:08Z | cs.CL, cs.LG, cs.SD, eess.AS | Speech classification tasks often require powerful language understanding
models to grasp useful features, which becomes problematic when limited
training data is available. To attain superior classification performance, we
propose to harness the inherent value of multimodal representations by
transcribing speech using automatic speech recognition (ASR) models and
translating the transcripts into different languages via pretrained translation
models. We thus obtain an audio-textual (multimodal) representation for each
data sample. Subsequently, we combine language-specific Bidirectional Encoder
Representations from Transformers (BERT) with Wav2Vec2.0 audio features via a
novel cascaded cross-modal transformer (CCMT). Our model is based on two
cascaded transformer blocks. The first one combines text-specific features from
distinct languages, while the second one combines acoustic features with
multilingual features previously learned by the first transformer block. We
employed our system in the Requests Sub-Challenge of the ACM Multimedia 2023
Computational Paralinguistics Challenge. CCMT was declared the winning
solution, obtaining an unweighted average recall (UAR) of 65.41% and 85.87% for
complaint and request detection, respectively. Moreover, we applied our
framework on the Speech Commands v2 and HarperValleyBank dialog data sets,
surpassing previous studies reporting results on these benchmarks. Our code is
freely available for download at: https://github.com/ristea/ccmt. | cs.CL | Cascaded Cross-Modal Transformer for Audio-Textual Classification |
2024-01-15T10:16:44Z | http://arxiv.org/pdf/2401.07572v1 | http://arxiv.org/abs/2401.07572v1 | Qi Sun, Xiao Cui, Wengang Zhou, Houqiang Li | 2024-01-15T10:16:44Z | cs.CV, cs.CL | In this study, we tackle the challenge of classifying the object category in
point clouds, which previous works like PointCLIP struggle to address due to
the inherent limitations of the CLIP architecture. Our approach leverages GPT-4
Vision (GPT-4V) to overcome these challenges by employing its advanced
generative abilities, enabling a more adaptive and robust classification
process. We adapt the application of GPT-4V to process complex 3D data,
enabling it to achieve zero-shot recognition capabilities without altering the
underlying model architecture. Our methodology also includes a systematic
strategy for point cloud image visualization, mitigating domain gap and
enhancing GPT-4V's efficiency. Experimental validation demonstrates our
approach's superiority in diverse scenarios, setting a new benchmark in
zero-shot point cloud classification. | cs.CV | Exploiting GPT-4 Vision for Zero-shot Point Cloud Understanding |
2024-01-15T09:37:03Z | http://arxiv.org/pdf/2401.07553v3 | http://arxiv.org/abs/2401.07553v3 | Xingzhou Lou, Junge Zhang, Ziyan Wang, Kaiqi Huang, Yali Du | 2024-05-15T12:08:21Z | cs.LG, cs.CL | Safe reinforcement learning (RL) agents accomplish given tasks while adhering
to specific constraints. Employing constraints expressed via
easily-understandable human language offers considerable potential for
real-world applications due to its accessibility and non-reliance on domain
expertise. Previous safe RL methods with natural language constraints typically
adopt a recurrent neural network, which leads to limited capabilities when
dealing with various forms of human language input. Furthermore, these methods
often require a ground-truth cost function, necessitating domain expertise for
the conversion of language constraints into a well-defined cost function that
determines constraint violation. To address these issues, we proposes to use
pre-trained language models (LM) to facilitate RL agents' comprehension of
natural language constraints and allow them to infer costs for safe policy
learning. Through the use of pre-trained LMs and the elimination of the need
for a ground-truth cost, our method enhances safe policy learning under a
diverse set of human-derived free-form natural language constraints.
Experiments on grid-world navigation and robot control show that the proposed
method can achieve strong performance while adhering to given constraints. The
usage of pre-trained LMs allows our method to comprehend complicated
constraints and learn safe policies without the need for ground-truth cost at
any stage of training or evaluation. Extensive ablation studies are conducted
to demonstrate the efficacy of each part of our method. | cs.LG | Safe Reinforcement Learning with Free-form Natural Language Constraints and Pre-Trained Language Models |
2024-01-15T09:09:14Z | http://arxiv.org/pdf/2401.07544v2 | http://arxiv.org/abs/2401.07544v2 | Youcheng Huang, Wenqiang Lei, Zheng Zhang, Jiancheng Lv, Shuicheng Yan | 2024-01-17T05:28:18Z | cs.CL | Knowledge-editing updates knowledge of large language models (LLMs) and
contributes to the interpretability and application of LLMs. However, knowledge
applying is context-consistent: LLMs can recall the same knowledge in different
contexts. Existing works ignore this property and the editing lacks
generalization. In this paper, we empirically find that the effects of
different contexts upon LLMs in recalling the same knowledge follow a
Gaussian-like distribution. We then sample Gaussian noises to simulate the
effects of different contexts when updating LLMs. By such, we can make LLMs see
the unseen contexts where the edited knowledge will be applied, therefore
improving the editing generalization. Experimental results on three LLMs
demonstrate the effectiveness of our methods and also distinguish our methods
from the others of fine-tuning LLMs by noises. | cs.CL | See the Unseen: Better Context-Consistent Knowledge-Editing by Noises |
2024-01-15T08:19:22Z | http://arxiv.org/pdf/2401.07529v3 | http://arxiv.org/abs/2401.07529v3 | Yuhao Wang, Yusheng Liao, Heyang Liu, Hongcheng Liu, Yu Wang, Yanfeng Wang | 2024-06-01T06:14:37Z | cs.CV, cs.CL | Recent advancements in Multimodal Large Language Models (MLLMs) have
demonstrated exceptional capabilities in visual perception and understanding.
However, these models also suffer from hallucinations, which limit their
reliability as AI systems. We believe that these hallucinations are partially
due to the models' struggle with understanding what they can and cannot
perceive from images, a capability we refer to as self-awareness in perception.
Despite its importance, this aspect of MLLMs has been overlooked in prior
studies. In this paper, we aim to define and evaluate the self-awareness of
MLLMs in perception. To do this, we first introduce the knowledge quadrant in
perception, which helps define what MLLMs know and do not know about images.
Using this framework, we propose a novel benchmark, the Self-Awareness in
Perception for MLLMs (MM-SAP), specifically designed to assess this capability.
We apply MM-SAP to a variety of popular MLLMs, offering a comprehensive
analysis of their self-awareness and providing detailed insights. The
experiment results reveal that current MLLMs possess limited self-awareness
capabilities, pointing to a crucial area for future advancement in the
development of trustworthy MLLMs. Code and data are available at
https://github.com/YHWmz/MM-SAP. | cs.CV | MM-SAP: A Comprehensive Benchmark for Assessing Self-Awareness of Multimodal Large Language Models in Perception |
2024-01-15T08:08:24Z | http://arxiv.org/pdf/2401.07526v1 | http://arxiv.org/abs/2401.07526v1 | Itai Feigenbaum, Devansh Arpit, Huan Wang, Shelby Heinecke, Juan Carlos Niebles, Weiran Yao, Caiming Xiong, Silvio Savarese | 2024-01-15T08:08:24Z | cs.CL, cs.AI, cs.LG | Large Language Model (LLM) editing modifies factual information in LLMs.
Locate-and-Edit (L\&E) methods accomplish this by finding where relevant
information is stored within the neural network, and editing the weights at
that location. The goal of editing is to modify the response of an LLM to a
proposition independently of its phrasing, while not modifying its response to
other related propositions. Existing methods are limited to binary
propositions, which represent straightforward binary relations between a
subject and an object. Furthermore, existing methods rely on semantic subject
labels, which may not be available or even be well-defined in practice. In this
paper, we show that both of these issues can be effectively skirted with a
simple and fast localization method called Gradient Tracing (GT). This
localization method allows editing arbitrary propositions instead of just
binary ones, and does so without the need for subject labels. As propositions
always have a truth value, our experiments prompt an LLM as a boolean
classifier, and edit its T/F response to propositions. Our method applies GT
for location tracing, and then edit the model at that location using a mild
variant of Rank-One Model Editing (ROME). On datasets of binary propositions
derived from the CounterFact dataset, we show that our method -- without access
to subject labels -- performs close to state-of-the-art L\&E methods which has
access subject labels. We then introduce a new dataset, Factual Accuracy
Classification Test (FACT), which includes non-binary propositions and for
which subject labels are not generally applicable, and therefore is beyond the
scope of existing L\&E methods. Nevertheless, we show that with our method
editing is possible on FACT. | cs.CL | Editing Arbitrary Propositions in LLMs without Subject Labels |
2024-01-15T07:57:58Z | http://arxiv.org/pdf/2401.07525v2 | http://arxiv.org/abs/2401.07525v2 | Yihan Cao, Xu Chen, Lun Du, Hao Chen, Qiang Fu, Shi Han, Yushu Du, Yanbin Kang, Guangming Lu, Zi Li | 2024-01-17T23:06:15Z | cs.CL, cs.AI | Person-job fit is an essential part of online recruitment platforms in
serving various downstream applications like Job Search and Candidate
Recommendation. Recently, pretrained large language models have further
enhanced the effectiveness by leveraging richer textual information in user
profiles and job descriptions apart from user behavior features and job
metadata. However, the general domain-oriented design struggles to capture the
unique structural information within user profiles and job descriptions,
leading to a loss of latent semantic correlations. We propose TAROT, a
hierarchical multitask co-pretraining framework, to better utilize structural
and semantic information for informative text embeddings. TAROT targets
semi-structured text in profiles and jobs, and it is co-pretained with
multi-grained pretraining tasks to constrain the acquired semantic information
at each level. Experiments on a real-world LinkedIn dataset show significant
performance improvements, proving its effectiveness in person-job fit tasks. | cs.CL | TAROT: A Hierarchical Framework with Multitask Co-Pretraining on Semi-Structured Data towards Effective Person-Job Fit |
2024-01-15T07:48:42Z | http://arxiv.org/pdf/2401.07518v3 | http://arxiv.org/abs/2401.07518v3 | Yunshi Lan, Xinyuan Li, Hanyue Du, Xuesong Lu, Ming Gao, Weining Qian, Aoying Zhou | 2024-03-15T05:10:05Z | cs.CL, cs.AI | Natural Language Processing (NLP) aims to analyze text or speech via
techniques in the computer science field. It serves the applications in domains
of healthcare, commerce, education and so on. Particularly, NLP has been widely
applied to the education domain and its applications have enormous potential to
help teaching and learning. In this survey, we review recent advances in NLP
with the focus on solving problems relevant to the education domain. In detail,
we begin with introducing the related background and the real-world scenarios
in education where NLP techniques could contribute. Then, we present a taxonomy
of NLP in the education domain and highlight typical NLP applications including
question answering, question construction, automated assessment, and error
correction. Next, we illustrate the task definition, challenges, and
corresponding cutting-edge techniques based on the above taxonomy. In
particular, LLM-involved methods are included for discussion due to the wide
usage of LLMs in diverse NLP applications. After that, we showcase some
off-the-shelf demonstrations in this domain. At last, we conclude with six
promising directions for future research, including more datasets in education
domain, controllable usage of LLMs, intervention of difficulty-level control,
interpretable educational NLP, methods with adaptive learning, and integrated
systems for education. We organize all relevant datasets and papers in the
open-available Github Link for better
review~\url{https://github.com/LiXinyuan1015/NLP-for-Education}. | cs.CL | Survey of Natural Language Processing for Education: Taxonomy, Systematic Review, and Future Trends |
2024-01-15T07:21:16Z | http://arxiv.org/pdf/2401.07510v3 | http://arxiv.org/abs/2401.07510v3 | Qing Li, Lei Li, Yu Li | 2024-01-20T22:08:18Z | cs.CL, cs.AI, cs.CL, 92-02, I.2.1 | ChatGPT explores a strategic blueprint of question answering (QA) in
delivering medical diagnosis, treatment recommendations, and other healthcare
support. This is achieved through the increasing incorporation of medical
domain data via natural language processing (NLP) and multimodal paradigms. By
transitioning the distribution of text, images, videos, and other modalities
from the general domain to the medical domain, these techniques have expedited
the progress of medical domain question answering (MDQA). They bridge the gap
between human natural language and sophisticated medical domain knowledge or
expert manual annotations, handling large-scale, diverse, unbalanced, or even
unlabeled data analysis scenarios in medical contexts. Central to our focus is
the utilizing of language models and multimodal paradigms for medical question
answering, aiming to guide the research community in selecting appropriate
mechanisms for their specific medical research requirements. Specialized tasks
such as unimodal-related question answering, reading comprehension, reasoning,
diagnosis, relation extraction, probability modeling, and others, as well as
multimodal-related tasks like vision question answering, image caption,
cross-modal retrieval, report summarization, and generation, are discussed in
detail. Each section delves into the intricate specifics of the respective
method under consideration. This paper highlights the structures and
advancements of medical domain explorations against general domain methods,
emphasizing their applications across different tasks and datasets. It also
outlines current challenges and opportunities for future medical domain
research, paving the way for continued innovation and application in this
rapidly evolving field. | cs.CL | Developing ChatGPT for Biology and Medicine: A Complete Review of Biomedical Question Answering |
2024-01-15T05:06:17Z | http://arxiv.org/pdf/2401.07475v1 | http://arxiv.org/abs/2401.07475v1 | Chengwei Wei, Runqi Pang, C. -C. Jay Kuo | 2024-01-15T05:06:17Z | cs.CL | As a fundamental tool for natural language processing (NLP), the
part-of-speech (POS) tagger assigns the POS label to each word in a sentence. A
novel lightweight POS tagger based on word embeddings is proposed and named
GWPT (green word-embedding-based POS tagger) in this work. Following the green
learning (GL) methodology, GWPT contains three modules in cascade: 1)
representation learning, 2) feature learning, and 3) decision learning modules.
The main novelty of GWPT lies in representation learning. It uses
non-contextual or contextual word embeddings, partitions embedding dimension
indices into low-, medium-, and high-frequency sets, and represents them with
different N-grams. It is shown by experimental results that GWPT offers
state-of-the-art accuracies with fewer model parameters and significantly lower
computational complexity in both training and inference as compared with
deep-learning-based methods. | cs.CL | GWPT: A Green Word-Embedding-based POS Tagger |
2024-01-15T04:58:50Z | http://arxiv.org/pdf/2401.07470v1 | http://arxiv.org/abs/2401.07470v1 | Zahra Ahani, Moein Shahiki Tash, Yoel Ledo Mezquita, Jason Angel | 2024-01-15T04:58:50Z | cs.CL, cs.AI | This paper provides an extensive examination of a sizable dataset of English
tweets focusing on nine widely recognized cryptocurrencies, specifically
Cardano, Binance, Bitcoin, Dogecoin, Ethereum, Fantom, Matic, Shiba, and
Ripple. Our primary objective was to conduct a psycholinguistic and emotion
analysis of social media content associated with these cryptocurrencies. To
enable investigators to make more informed decisions. The study involved
comparing linguistic characteristics across the diverse digital coins, shedding
light on the distinctive linguistic patterns that emerge within each coin's
community. To achieve this, we utilized advanced text analysis techniques.
Additionally, our work unveiled an intriguing Understanding of the interplay
between these digital assets within the cryptocurrency community. By examining
which coin pairs are mentioned together most frequently in the dataset, we
established correlations between different cryptocurrencies. To ensure the
reliability of our findings, we initially gathered a total of 832,559 tweets
from Twitter. These tweets underwent a rigorous preprocessing stage, resulting
in a refined dataset of 115,899 tweets that were used for our analysis.
Overall, our research offers valuable Perception into the linguistic nuances of
various digital coins' online communities and provides a deeper understanding
of their interactions in the cryptocurrency space. | cs.CL | Utilizing deep learning models for the identification of enhancers and super-enhancers based on genomic and epigenomic features |
2024-01-15T04:04:26Z | http://arxiv.org/pdf/2401.07456v1 | http://arxiv.org/abs/2401.07456v1 | Yun-Wei Chu, Dong-Jun Han, Christopher G. Brinton | 2024-01-15T04:04:26Z | cs.CL, cs.AI | Federated learning (FL) is a promising approach for solving multilingual
tasks, potentially enabling clients with their own language-specific data to
collaboratively construct a high-quality neural machine translation (NMT)
model. However, communication constraints in practical network systems present
challenges for exchanging large-scale NMT engines between FL parties. In this
paper, we propose a meta-learning-based adaptive parameter selection
methodology, MetaSend, that improves the communication efficiency of model
transmissions from clients during FL-based multilingual NMT training. Our
approach learns a dynamic threshold for filtering parameters prior to
transmission without compromising the NMT model quality, based on the tensor
deviations of clients between different FL rounds. Through experiments on two
NMT datasets with different language distributions, we demonstrate that
MetaSend obtains substantial improvements over baselines in translation quality
in the presence of a limited communication budget. | cs.CL | Only Send What You Need: Learning to Communicate Efficiently in Federated Multilingual Machine Translation |
2024-01-15T03:57:15Z | http://arxiv.org/pdf/2401.07453v4 | http://arxiv.org/abs/2401.07453v4 | Akshat Gupta, Anurag Rao, Gopala Anumanchipalli | 2024-06-10T17:50:14Z | cs.CL, cs.AI, cs.IR | Editing knowledge in large language models is an attractive capability to
have which allows us to correct incorrectly learnt facts during pre-training,
as well as update the model with an ever-growing list of new facts. While
existing model editing techniques have shown promise, they are usually
evaluated using metrics for reliability, specificity and generalization over
one or few edits. We argue that for model editing to have practical utility, we
must be able to make multiple edits to the same model. With this in mind, we
evaluate the current model editing methods at scale, focusing on two state of
the art methods: ROME and MEMIT. We find that as the model is edited
sequentially with multiple facts, it continually forgets previously edited
facts and the ability to perform downstream tasks. This forgetting happens in
two phases -- an initial gradual but progressive forgetting phase followed by
abrupt or catastrophic forgetting phase. Both gradual and catastrophic
forgetting limit the usefulness of model editing methods at scale -- the former
making model editing less effective as multiple edits are made to the model
while the latter caps the scalability of such model editing methods. Our
analysis also highlights other key limitations of ROME and MEMIT at scale. With
our work, we push for the development and evaluation of model editing methods
keeping scalability in mind. | cs.CL | Model Editing at Scale leads to Gradual and Catastrophic Forgetting |
2024-01-15T03:23:24Z | http://arxiv.org/pdf/2401.07447v1 | http://arxiv.org/abs/2401.07447v1 | Claire Nédellec, Clara Sauvion, Robert Bossy, Mariya Borovikova, Louise Deléger | 2024-01-15T03:23:24Z | cs.CL, cs.AI | Wheat varieties show a large diversity of traits and phenotypes. Linking them
to genetic variability is essential for shorter and more efficient wheat
breeding programs. Newly desirable wheat variety traits include disease
resistance to reduce pesticide use, adaptation to climate change, resistance to
heat and drought stresses, or low gluten content of grains. Wheat breeding
experiments are documented by a large body of scientific literature and
observational data obtained in-field and under controlled conditions. The
cross-referencing of complementary information from the literature and
observational data is essential to the study of the genotype-phenotype
relationship and to the improvement of wheat selection. The scientific
literature on genetic marker-assisted selection describes much information
about the genotype-phenotype relationship. However, the variety of expressions
used to refer to traits and phenotype values in scientific articles is a hinder
to finding information and cross-referencing it. When trained adequately by
annotated examples, recent text mining methods perform highly in named entity
recognition and linking in the scientific domain. While several corpora contain
annotations of human and animal phenotypes, currently, no corpus is available
for training and evaluating named entity recognition and entity-linking methods
in plant phenotype literature. The Triticum aestivum trait Corpus is a new gold
standard for traits and phenotypes of wheat. It consists of 540 PubMed
references fully annotated for trait, phenotype, and species named entities
using the Wheat Trait and Phenotype Ontology and the species taxonomy of the
National Center for Biotechnology Information. A study of the performance of
tools trained on the Triticum aestivum trait Corpus shows that the corpus is
suitable for the training and evaluation of named entity recognition and
linking. | cs.CL | Taec: a Manually annotated text dataset for trait and phenotype extraction and entity linking in wheat breeding literature |
2024-01-15T03:00:39Z | http://arxiv.org/pdf/2401.07441v1 | http://arxiv.org/abs/2401.07441v1 | Tinghui Ouyang, AprilPyone MaungMaung, Koichi Konishi, Yoshiki Seo, Isao Echizen | 2024-01-15T03:00:39Z | cs.CL | In the era of large AI models, the complex architecture and vast parameters
present substantial challenges for effective AI quality management (AIQM), e.g.
large language model (LLM). This paper focuses on investigating the quality
assurance of a specific LLM-based AI product--a ChatGPT-based sentiment
analysis system. The study delves into stability issues related to both the
operation and robustness of the expansive AI model on which ChatGPT is based.
Experimental analysis is conducted using benchmark datasets for sentiment
analysis. The results reveal that the constructed ChatGPT-based sentiment
analysis system exhibits uncertainty, which is attributed to various
operational factors. It demonstrated that the system also exhibits stability
issues in handling conventional small text attacks involving robustness. | cs.CL | Stability Analysis of ChatGPT-based Sentiment Analysis in AI Quality Assurance |
2024-01-15T01:40:39Z | http://arxiv.org/pdf/2401.07414v1 | http://arxiv.org/abs/2401.07414v1 | Abdul Gafar Manuel Meque, Jason Angel, Grigori Sidorov, Alexander Gelbukh | 2024-01-15T01:40:39Z | cs.CL | In recent years, language models and deep learning techniques have
revolutionized natural language processing tasks, including emotion detection.
However, the specific emotion of guilt has received limited attention in this
field. In this research, we explore the applicability of three
transformer-based language models for detecting guilt in text and compare their
performance for general emotion detection and guilt detection. Our proposed
model outformed BERT and RoBERTa models by two and one points respectively.
Additionally, we analyze the challenges in developing accurate guilt-detection
models and evaluate our model's effectiveness in detecting related emotions
like "shame" through qualitative analysis of results. | cs.CL | Leveraging the power of transformers for guilt detection in text |
2024-01-14T22:05:11Z | http://arxiv.org/pdf/2401.07382v2 | http://arxiv.org/abs/2401.07382v2 | Meng Cao, Lei Shu, Lei Yu, Yun Zhu, Nevan Wichers, Yinxiao Liu, Lei Meng | 2024-02-19T18:19:20Z | cs.CL, cs.AI | Reinforcement learning (RL) can align language models with non-differentiable
reward signals, such as human preferences. However, a major challenge arises
from the sparsity of these reward signals - typically, there is only a single
reward for an entire output. This sparsity of rewards can lead to inefficient
and unstable learning. To address this challenge, our paper introduces an novel
framework that utilizes the critique capability of Large Language Models (LLMs)
to produce intermediate-step rewards during RL training. Our method involves
coupling a policy model with a critic language model, which is responsible for
providing comprehensive feedback of each part of the output. This feedback is
then translated into token or span-level rewards that can be used to guide the
RL training process. We investigate this approach under two different settings:
one where the policy model is smaller and is paired with a more powerful critic
model, and another where a single language model fulfills both roles. We assess
our approach on three text generation tasks: sentiment control, language model
detoxification, and summarization. Experimental results show that incorporating
artificial intrinsic rewards significantly improve both sample efficiency and
the overall performance of the policy model, supported by both automatic and
human evaluation. | cs.CL | Beyond Sparse Rewards: Enhancing Reinforcement Learning with Language Model Critique in Text Generation |
2024-01-14T21:00:52Z | http://arxiv.org/pdf/2401.07367v1 | http://arxiv.org/abs/2401.07367v1 | Xuesong Wang | 2024-01-14T21:00:52Z | cs.CL | Human annotation of training samples is expensive, laborious, and sometimes
challenging, especially for Natural Language Processing (NLP) tasks. To reduce
the labeling cost and enhance the sample efficiency, Active Learning (AL)
technique can be used to label as few samples as possible to reach a reasonable
or similar results. To reduce even more costs and with the significant advances
of Large Language Models (LLMs), LLMs can be a good candidate to annotate
samples. This work investigates the accuracy and cost of using LLMs (GPT-3.5
and GPT-4) to label samples on 3 different datasets. A consistency-based
strategy is proposed to select samples that are potentially incorrectly labeled
so that human annotations can be used for those samples in AL settings, and we
call it mixed annotation strategy. Then we test performance of AL under two
different settings: (1) using human annotations only; (2) using the proposed
mixed annotation strategy. The accuracy of AL models under 3 AL query
strategies are reported on 3 text classification datasets, i.e., AG's News,
TREC-6, and Rotten Tomatoes. On AG's News and Rotten Tomatoes, the models
trained with the mixed annotation strategy achieves similar or better results
compared to that with human annotations. The method reveals great potentials of
LLMs as annotators in terms of accuracy and cost efficiency in active learning
settings. | cs.CL | Active Learning for NLP with Large Language Models |
2024-01-14T20:35:33Z | http://arxiv.org/pdf/2401.07363v1 | http://arxiv.org/abs/2401.07363v1 | Ehsan Lotfi, Maxime De Bruyn, Jeska Buhmann, Walter Daelemans | 2024-01-14T20:35:33Z | cs.CL | The new wave of Large Language Models (LLM) has offered an efficient tool to
curate sizeable conversational datasets. So far studies have mainly focused on
task-oriented or generic open-domain dialogs, and have not fully explored the
ability of LLMs in following complicated prompts. In this work, we focus on
personalization, and employ LLMs to curate a dataset which is difficult and
costly to crowd-source: PersonalityChat is a synthetic conversational dataset
based upon the popular PersonaChat dataset, but conditioned on both personas
and (Big-5) personality traits. Evaluating models fine-tuned on this dataset,
we show that the personality trait labels can be used for trait-based
personalization of generative dialogue models. We also perform a head-to-head
comparison between PersonalityChat and PersonaChat, and show that training on
the distilled dataset results in more fluent and coherent dialog agents in the
small-model regime. | cs.CL | PersonalityChat: Conversation Distillation for Personalized Dialog Modeling with Facts and Traits |
2024-01-14T20:14:35Z | http://arxiv.org/pdf/2401.07360v1 | http://arxiv.org/abs/2401.07360v1 | Sergio Duarte-Torres, Arunasish Sen, Aman Rana, Lukas Drude, Alejandro Gomez-Alanis, Andreas Schwarz, Leif Rädel, Volker Leutnant | 2024-01-14T20:14:35Z | cs.CL, cs.SD, eess.AS | Context cues carry information which can improve multi-turn interactions in
automatic speech recognition (ASR) systems. In this paper, we introduce a novel
mechanism inspired by hyper-prompting to fuse textual context with acoustic
representations in the attention mechanism. Results on a test set with
multi-turn interactions show that our method achieves 5.9% relative word error
rate reduction (rWERR) over a strong baseline. We show that our method does not
degrade in the absence of context and leads to improvements even if the model
is trained without context. We further show that leveraging a pre-trained
sentence-piece model for context embedding generation can outperform an
external BERT model. | cs.CL | Promptformer: Prompted Conformer Transducer for ASR |
2024-01-14T18:15:06Z | http://arxiv.org/pdf/2401.07340v1 | http://arxiv.org/abs/2401.07340v1 | Maria Antoniak, David Mimno, Rosamond Thalken, Melanie Walsh, Matthew Wilkens, Gregory Yauney | 2024-01-14T18:15:06Z | cs.CL | The growth of social reading platforms such as Goodreads and LibraryThing
enables us to analyze reading activity at very large scale and in remarkable
detail. But twenty-first century systems give us a perspective only on
contemporary readers. Meanwhile, the digitization of the lending library
records of Shakespeare and Company provides a window into the reading activity
of an earlier, smaller community in interwar Paris. In this article, we explore
the extent to which we can make comparisons between the Shakespeare and Company
and Goodreads communities. By quantifying similarities and differences, we can
identify patterns in how works have risen or fallen in popularity across these
datasets. We can also measure differences in how works are received by
measuring similarities and differences in co-reading patterns. Finally, by
examining the complete networks of co-readership, we can observe changes in the
overall structures of literary reception. | cs.CL | The Afterlives of Shakespeare and Company in Online Social Readership |
2024-01-14T17:43:55Z | http://arxiv.org/pdf/2401.07333v1 | http://arxiv.org/abs/2401.07333v1 | Yakun Song, Zhuo Chen, Xiaofei Wang, Ziyang Ma, Xie Chen | 2024-01-14T17:43:55Z | cs.CL, cs.AI, cs.SD, eess.AS | The language model (LM) approach based on acoustic and linguistic prompts,
such as VALL-E, has achieved remarkable progress in the field of zero-shot
audio generation. However, existing methods still have some limitations: 1)
repetitions, transpositions, and omissions in the output synthesized speech due
to limited alignment constraints between audio and phoneme tokens; 2)
challenges of fine-grained control over the synthesized speech with
autoregressive (AR) language model; 3) infinite silence generation due to the
nature of AR-based decoding, especially under the greedy strategy. To alleviate
these issues, we propose ELLA-V, a simple but efficient LM-based zero-shot
text-to-speech (TTS) framework, which enables fine-grained control over
synthesized audio at the phoneme level. The key to ELLA-V is interleaving
sequences of acoustic and phoneme tokens, where phoneme tokens appear ahead of
the corresponding acoustic tokens. The experimental findings reveal that our
model outperforms VALL-E in terms of accuracy and delivers more stable results
using both greedy and sampling-based decoding strategies. The code of ELLA-V
will be open-sourced after cleanups. Audio samples are available at
https://ereboas.github.io/ELLAV/. | cs.CL | ELLA-V: Stable Neural Codec Language Modeling with Alignment-guided Sequence Reordering |
2024-01-14T16:17:07Z | http://arxiv.org/pdf/2401.07324v3 | http://arxiv.org/abs/2401.07324v3 | Weizhou Shen, Chenliang Li, Hongzhan Chen, Ming Yan, Xiaojun Quan, Hehong Chen, Ji Zhang, Fei Huang | 2024-02-16T12:42:25Z | cs.AI, cs.CL | Large Language Model (LLM) agents significantly extend the capabilities of
standalone LLMs, empowering them to interact with external tools (e.g., APIs,
functions) and complete various tasks in a self-directed fashion. The challenge
of tool use demands that LLMs not only understand user queries and generate
answers accurately but also excel in task planning, tool invocation, and result
summarization. While traditional works focus on training a single LLM with all
these capabilities, performance limitations become apparent, particularly with
smaller models. To overcome these challenges, we propose a novel approach that
decomposes the aforementioned capabilities into a planner, caller, and
summarizer. Each component is implemented by a single LLM that focuses on a
specific capability and collaborates with others to accomplish the task. This
modular framework facilitates individual updates and the potential use of
smaller LLMs for building each capability. To effectively train this framework,
we introduce a two-stage training paradigm. First, we fine-tune a backbone LLM
on the entire dataset without discriminating sub-tasks, providing the model
with a comprehensive understanding of the task. Second, the fine-tuned LLM is
used to instantiate the planner, caller, and summarizer respectively, which are
continually fine-tuned on respective sub-tasks. Evaluation across various
tool-use benchmarks illustrates that our proposed multi-LLM framework surpasses
the traditional single-LLM approach, highlighting its efficacy and advantages
in tool learning. | cs.AI | Small LLMs Are Weak Tool Learners: A Multi-LLM Agent |
2024-01-14T15:15:58Z | http://arxiv.org/pdf/2401.07310v1 | http://arxiv.org/abs/2401.07310v1 | Ahmadul Karim Chowdhury, Md. Saidur Rahman Sujon, Md. Shirajus Salekin Shafi, Tasin Ahmmad, Sifat Ahmed, Khan Md Hasib, Faisal Muhammad Shah | 2024-01-14T15:15:58Z | cs.CL | In an era where the silent struggle of underdiagnosed depression pervades
globally, our research delves into the crucial link between mental health and
social media. This work focuses on early detection of depression, particularly
in extroverted social media users, using LLMs such as GPT 3.5, GPT 4 and our
proposed GPT 3.5 fine-tuned model DepGPT, as well as advanced Deep learning
models(LSTM, Bi-LSTM, GRU, BiGRU) and Transformer models(BERT, BanglaBERT,
SahajBERT, BanglaBERT-Base). The study categorized Reddit and X datasets into
"Depressive" and "Non-Depressive" segments, translated into Bengali by native
speakers with expertise in mental health, resulting in the creation of the
Bengali Social Media Depressive Dataset (BSMDD). Our work provides full
architecture details for each model and a methodical way to assess their
performance in Bengali depressive text categorization using zero-shot and
few-shot learning techniques. Our work demonstrates the superiority of
SahajBERT and Bi-LSTM with FastText embeddings in their respective domains also
tackles explainability issues with transformer models and emphasizes the
effectiveness of LLMs, especially DepGPT, demonstrating flexibility and
competence in a range of learning contexts. According to the experiment
results, the proposed model, DepGPT, outperformed not only Alpaca Lora 7B in
zero-shot and few-shot scenarios but also every other model, achieving a
near-perfect accuracy of 0.9796 and an F1-score of 0.9804, high recall, and
exceptional precision. Although competitive, GPT-3.5 Turbo and Alpaca Lora 7B
show relatively poorer effectiveness in zero-shot and few-shot situations. The
work emphasizes the effectiveness and flexibility of LLMs in a variety of
linguistic circumstances, providing insightful information about the complex
field of depression detection models. | cs.CL | Harnessing Large Language Models Over Transformer Models for Detecting Bengali Depressive Social Media Text: A Comprehensive Study |
2024-01-14T14:29:07Z | http://arxiv.org/pdf/2401.07301v2 | http://arxiv.org/abs/2401.07301v2 | Haixia Han, Jiaqing Liang, Jie Shi, Qianyu He, Yanghua Xiao | 2024-05-11T12:51:39Z | cs.CL, cs.AI | Generative Language Models (LMs) such as ChatGPT have exhibited remarkable
performance across various downstream tasks. Nevertheless, one of their most
prominent drawbacks is generating inaccurate or false information with a
confident tone. Previous studies have devised sophisticated pipelines and
prompts to induce large LMs to exhibit the capability for self-correction.
However, large LMs are explicitly prompted to verify and modify its answers
separately rather than completing all steps spontaneously like humans.
Moreover, these complex prompts are extremely challenging for small LMs to
follow. In this paper, we introduce the \underline{I}ntrinsic
\underline{S}elf-\underline{C}orrection (ISC) in generative language models,
aiming to correct the initial output of LMs in a self-triggered manner, even
for those small LMs with 6 billion parameters. Specifically, we devise a
pipeline for constructing self-correction data and propose Partial Answer
Masking (PAM), aiming to endow the model with the capability for intrinsic
self-correction through fine-tuning. We conduct experiments using LMs with
parameters sizes ranging from 6 billion to 13 billion in two tasks, including
commonsense reasoning and factual knowledge reasoning. Our experiments
demonstrate that the outputs generated using ISC outperform those generated
without self-correction. We believe that the output quality of even small LMs
can be further improved by empowering them with the ability to intrinsic
self-correct. | cs.CL | Small Language Model Can Self-correct |
2024-01-14T13:24:30Z | http://arxiv.org/pdf/2401.07286v2 | http://arxiv.org/abs/2401.07286v2 | Weiqi Wang, Tianqing Fang, Chunyang Li, Haochen Shi, Wenxuan Ding, Baixuan Xu, Zhaowei Wang, Jiaxin Bai, Xin Liu, Jiayang Cheng, Chunkit Chan, Yangqiu Song | 2024-05-21T18:12:33Z | cs.CL | The sequential process of conceptualization and instantiation is essential to
generalizable commonsense reasoning as it allows the application of existing
knowledge to unfamiliar scenarios. However, existing works tend to undervalue
the step of instantiation and heavily rely on pre-built concept taxonomies and
human annotations to collect both types of knowledge, resulting in a lack of
instantiated knowledge to complete reasoning, high cost, and limited
scalability. To tackle these challenges, we introduce CANDLE, a distillation
framework that iteratively performs contextualized conceptualization and
instantiation over commonsense knowledge bases by instructing large language
models to generate both types of knowledge with critic filtering. By applying
CANDLE to ATOMIC, we construct a comprehensive knowledge base comprising six
million conceptualizations and instantiated commonsense knowledge triples. Both
types of knowledge are firmly rooted in the original ATOMIC dataset, and
intrinsic evaluations demonstrate their exceptional quality and diversity.
Empirical results indicate that distilling CANDLE on student models provides
benefits across four downstream tasks. Our code, data, and models are publicly
available at https://github.com/HKUST-KnowComp/CANDLE. | cs.CL | CANDLE: Iterative Conceptualization and Instantiation Distillation from Large Language Models for Commonsense Reasoning |
2024-01-14T13:11:31Z | http://arxiv.org/pdf/2401.07284v2 | http://arxiv.org/abs/2401.07284v2 | Ting Jiang, Shaohan Huang, Shengyue Luo, Zihan Zhang, Haizhen Huang, Furu Wei, Weiwei Deng, Feng Sun, Qi Zhang, Deqing Wang, Fuzhen Zhuang | 2024-01-18T11:29:37Z | cs.CL | To enhance the domain-specific capabilities of large language models,
continued pre-training on a domain-specific corpus is a prevalent method.
Recent work demonstrates that adapting models using reading comprehension data
formatted by regex-based patterns can significantly improve performance on
domain-specific tasks. However, regex-based patterns are incapable of parsing
raw corpora using domain-specific knowledge. Furthermore, the question and
answer pairs are extracted directly from the corpus in predefined formats
offers limited context. To address this limitation, we improve reading
comprehension via LLM and clustering. LLM focuses on leveraging domain
knowledge within the corpus to refine comprehension stage, while clustering
supplies relevant knowledge by extending the context to enrich reading stage.
Additionally, our method incorporates parameter-efficient fine-tuning to
improve the efficiency of domain adaptation. In comparison to AdaptLLM, our
method achieves an improvement exceeding 5% in domain-specific tasks. Our code
will available at https://github.com/microsoft/LMOps. | cs.CL | Improving Domain Adaptation through Extended-Text Reading Comprehension |
2024-01-14T09:34:42Z | http://arxiv.org/pdf/2401.07237v3 | http://arxiv.org/abs/2401.07237v3 | Somin Wadhwa, Oktie Hassanzadeh, Debarun Bhattacharjya, Ken Barker, Jian Ni | 2024-07-01T21:43:56Z | cs.CL, cs.AI | Event sequence models have been found to be highly effective in the analysis
and prediction of events. Building such models requires availability of
abundant high-quality event sequence data. In certain applications, however,
clean structured event sequences are not available, and automated sequence
extraction results in data that is too noisy and incomplete. In this work, we
explore the use of Large Language Models (LLMs) to generate event sequences
that can effectively be used for probabilistic event model construction. This
can be viewed as a mechanism of distilling event sequence knowledge from LLMs.
Our approach relies on a Knowledge Graph (KG) of event concepts with partial
causal relations to guide the generative language model for causal event
sequence generation. We show that our approach can generate high-quality event
sequences, filling a knowledge gap in the input KG. Furthermore, we explore how
the generated sequences can be leveraged to discover useful and more complex
structured knowledge from pattern mining and probabilistic event models. We
release our sequence generation code and evaluation framework, as well as
corpus of event sequence data. | cs.CL | Distilling Event Sequence Knowledge From Large Language Models |
2024-01-14T03:16:49Z | http://arxiv.org/pdf/2401.07190v1 | http://arxiv.org/abs/2401.07190v1 | Blake Vente | 2024-01-14T03:16:49Z | cs.CL | This work finds limited evidence supporting the theory that using multiple
tasks with sequence-to-sequence transformer language models can improve
performance on some metrics. In particular, the multi-task generalist t5-small
outperforms the specialist t5-small with a $F_1$ of $0.771$ up from $0.692$,
which may point to underlying cross-task knowledge generalization. This further
suggests that even with the same network, "re-using" the same data in a
different way may lead to higher performance in some metrics. However, the
inverse task alone is likely only an optimization strategy, since it does not
yield a significant general improvement at the model sizes explored in this
work. Also, adding $\approx 4500$ LLM annotated records (interlaced with the
$12800$ WebNLG training records) does not substantially change automatic metric
performance compared to the same t5-small model without the synthetic data.
This may be due to a learning capacity bottleneck on account of model size, and
decreases observed may be due to distributional differences in the corpora.
Future research using larger models or human evaluation is required to more
fully explain the mechanisms contributing to performance on these tasks. | cs.CL | Inroads to a Structured Data Natural Language Bijection and the role of LLM annotation |
2024-01-14T00:33:30Z | http://arxiv.org/pdf/2401.07179v1 | http://arxiv.org/abs/2401.07179v1 | Luca Barbaglia, Sergio Consoli, Sebastiano Manzan | 2024-01-14T00:33:30Z | cs.CE, cs.AI, cs.CL, 91B62, 91B84, 91B86 | We evaluate the informational content of news-based sentiment indicators for
forecasting Gross Domestic Product (GDP) and other macroeconomic variables of
the five major European economies. Our data set includes over 27 million
articles for 26 major newspapers in 5 different languages. The evidence
indicates that these sentiment indicators are significant predictors to
forecast macroeconomic variables and their predictive content is robust to
controlling for other indicators available to forecasters in real-time. | cs.CE | Forecasting GDP in Europe with Textual Data |
2024-01-13T19:19:04Z | http://arxiv.org/pdf/2401.12983v1 | http://arxiv.org/abs/2401.12983v1 | Jie Tian, Jixin Hou, Zihao Wu, Peng Shu, Zhengliang Liu, Yujie Xiang, Beikang Gu, Nicholas Filla, Yiwei Li, Ning Liu, Xianyan Chen, Keke Tang, Tianming Liu, Xianqiao Wang | 2024-01-13T19:19:04Z | cs.CL, cs.AI, physics.ed-ph | This study is a pioneering endeavor to investigate the capabilities of Large
Language Models (LLMs) in addressing conceptual questions within the domain of
mechanical engineering with a focus on mechanics. Our examination involves a
manually crafted exam encompassing 126 multiple-choice questions, spanning
various aspects of mechanics courses, including Fluid Mechanics, Mechanical
Vibration, Engineering Statics and Dynamics, Mechanics of Materials, Theory of
Elasticity, and Continuum Mechanics. Three LLMs, including ChatGPT (GPT-3.5),
ChatGPT (GPT-4), and Claude (Claude-2.1), were subjected to evaluation against
engineering faculties and students with or without mechanical engineering
background. The findings reveal GPT-4's superior performance over the other two
LLMs and human cohorts in answering questions across various mechanics topics,
except for Continuum Mechanics. This signals the potential future improvements
for GPT models in handling symbolic calculations and tensor analyses. The
performances of LLMs were all significantly improved with explanations prompted
prior to direct responses, underscoring the crucial role of prompt engineering.
Interestingly, GPT-3.5 demonstrates improved performance with prompts covering
a broader domain, while GPT-4 excels with prompts focusing on specific
subjects. Finally, GPT-4 exhibits notable advancements in mitigating input
bias, as evidenced by guessing preferences for humans. This study unveils the
substantial potential of LLMs as highly knowledgeable assistants in both
mechanical pedagogy and scientific research. | cs.CL | Assessing Large Language Models in Mechanical Engineering Education: A Study on Mechanics-Focused Conceptual Understanding |
2024-01-13T18:42:27Z | http://arxiv.org/pdf/2402.01661v1 | http://arxiv.org/abs/2402.01661v1 | Lucian Li | 2024-01-13T18:42:27Z | cs.CL, cs.SI | In this paper, I present a novel method to detect intellectual influence
across a large corpus. Taking advantage of the unique affordances of large
language models in encoding semantic and structural meaning while remaining
robust to paraphrasing, we can search for substantively similar ideas and hints
of intellectual influence in a computationally efficient manner. Such a method
allows us to operationalize different levels of confidence: we can allow for
direct quotation, paraphrase, or speculative similarity while remaining open
about the limitations of each threshold. I apply an ensemble method combining
General Text Embeddings, a state-of-the-art sentence embedding method optimized
to capture semantic content and an Abstract Meaning Representation graph
representation designed to capture structural similarities in argumentation
style and the use of metaphor. I apply this method to vectorize sentences from
a corpus of roughly 400,000 nonfiction books and academic publications from the
19th century for instances of ideas and arguments appearing in Darwin's
publications. This functions as an initial evaluation and proof of concept; the
method is not limited to detecting Darwinian ideas but is capable of detecting
similarities on a large scale in a wide range of corpora and contexts. | cs.CL | Tracing the Genealogies of Ideas with Large Language Model Embeddings |
2024-01-13T18:09:05Z | http://arxiv.org/pdf/2401.07128v2 | http://arxiv.org/abs/2401.07128v2 | Wenqi Shi, Ran Xu, Yuchen Zhuang, Yue Yu, Jieyu Zhang, Hang Wu, Yuanda Zhu, Joyce Ho, Carl Yang, May D. Wang | 2024-02-19T21:47:41Z | cs.CL, cs.AI | Large language models (LLMs) have demonstrated exceptional capabilities in
planning and tool utilization as autonomous agents, but few have been developed
for medical problem-solving. We propose EHRAgent, an LLM agent empowered with a
code interface, to autonomously generate and execute code for multi-tabular
reasoning within electronic health records (EHRs). First, we formulate an EHR
question-answering task into a tool-use planning process, efficiently
decomposing a complicated task into a sequence of manageable actions. By
integrating interactive coding and execution feedback, EHRAgent learns from
error messages and improves the originally generated code through iterations.
Furthermore, we enhance the LLM agent by incorporating long-term memory, which
allows EHRAgent to effectively select and build upon the most relevant
successful cases from past experiences. Experiments on three real-world
multi-tabular EHR datasets show that EHRAgent outperforms the strongest
baseline by up to 29.6% in success rate. EHRAgent leverages the emerging
few-shot learning capabilities of LLMs, enabling autonomous code generation and
execution to tackle complex clinical tasks with minimal demonstrations. | cs.CL | EHRAgent: Code Empowers Large Language Models for Few-shot Complex Tabular Reasoning on Electronic Health Records |
2024-01-13T17:30:57Z | http://arxiv.org/pdf/2401.07123v1 | http://arxiv.org/abs/2401.07123v1 | Christopher Clarke, Karthik Krishnamurthy, Walter Talamonti, Yiping Kang, Lingjia Tang, Jason Mars | 2024-01-13T17:30:57Z | cs.HC, cs.CL | Conversational agents have been gaining increasing popularity in recent
years. Influenced by the widespread adoption of task-oriented agents such as
Apple Siri and Amazon Alexa, these agents are being deployed into various
applications to enhance user experience. Although these agents promote "ask me
anything" functionality, they are typically built to focus on a single or
finite set of expertise. Given that complex tasks often require more than one
expertise, this results in the users needing to learn and adopt multiple
agents. One approach to alleviate this is to abstract the orchestration of
agents in the background. However, this removes the option of choice and
flexibility, potentially harming the ability to complete tasks. In this paper,
we explore these different interaction experiences (one agent for all) vs (user
choice of agents) for conversational AI. We design prototypes for each,
systematically evaluating their ability to facilitate task completion. Through
a series of conducted user studies, we show that users have a significant
preference for abstracting agent orchestration in both system usability and
system performance. Additionally, we demonstrate that this mode of interaction
is able to provide quality responses that are rated within 1% of human-selected
answers. | cs.HC | One Agent Too Many: User Perspectives on Approaches to Multi-agent Conversational AI |
2024-01-13T16:41:40Z | http://arxiv.org/pdf/2401.07115v2 | http://arxiv.org/abs/2401.07115v2 | Lucio La Cava, Andrea Tagarelli | 2024-06-23T19:53:33Z | cs.AI, cs.CL, cs.CY, cs.HC, physics.soc-ph | The emergence of unveiling human-like behaviors in Large Language Models
(LLMs) has led to a closer connection between NLP and human psychology.
Scholars have been studying the inherent personalities exhibited by LLMs and
attempting to incorporate human traits and behaviors into them. However, these
efforts have primarily focused on commercially-licensed LLMs, neglecting the
widespread use and notable advancements seen in Open LLMs. This work aims to
address this gap by employing a set of 12 LLM Agents based on the most
representative Open models and subject them to a series of assessments
concerning the Myers-Briggs Type Indicator (MBTI) test and the Big Five
Inventory (BFI) test. Our approach involves evaluating the intrinsic
personality traits of Open LLM agents and determining the extent to which these
agents can mimic human personalities when conditioned by specific personalities
and roles. Our findings unveil that $(i)$ each Open LLM agent showcases
distinct human personalities; $(ii)$ personality-conditioned prompting produces
varying effects on the agents, with only few successfully mirroring the imposed
personality, while most of them being ``closed-minded'' (i.e., they retain
their intrinsic traits); and $(iii)$ combining role and personality
conditioning can enhance the agents' ability to mimic human personalities. Our
work represents a step up in understanding the dense relationship between NLP
and human psychology through the lens of Open LLMs. | cs.AI | Open Models, Closed Minds? On Agents Capabilities in Mimicking Human Personalities through Open Large Language Models |
2024-01-13T16:36:58Z | http://arxiv.org/pdf/2401.08694v2 | http://arxiv.org/abs/2401.08694v2 | Mauricio Rivera, Jean-François Godbout, Reihaneh Rabbany, Kellin Pelrine | 2024-01-30T21:59:08Z | cs.CL, cs.AI | Large Language Models have emerged as prime candidates to tackle
misinformation mitigation. However, existing approaches struggle with
hallucinations and overconfident predictions. We propose an uncertainty
quantification framework that leverages both direct confidence elicitation and
sampled-based consistency methods to provide better calibration for NLP
misinformation mitigation solutions. We first investigate the calibration of
sample-based consistency methods that exploit distinct features of consistency
across sample sizes and stochastic levels. Next, we evaluate the performance
and distributional shift of a robust numeric verbalization prompt across single
vs. two-step confidence elicitation procedure. We also compare the performance
of the same prompt with different versions of GPT and different numerical
scales. Finally, we combine the sample-based consistency and verbalized methods
to propose a hybrid framework that yields a better uncertainty estimation for
GPT models. Overall, our work proposes novel uncertainty quantification methods
that will improve the reliability of Large Language Models in misinformation
mitigation applications. | cs.CL | Combining Confidence Elicitation and Sample-based Methods for Uncertainty Quantification in Misinformation Mitigation |
2024-01-13T16:13:45Z | http://arxiv.org/pdf/2401.07106v2 | http://arxiv.org/abs/2401.07106v2 | Moses Ganardi, Irmak Saglam, Georg Zetzsche | 2024-01-18T20:19:54Z | cs.FL, cs.CL | We study the problem of deciding whether a given language is directed. A
language $L$ is \emph{directed} if every pair of words in $L$ have a common
(scattered) superword in $L$. Deciding directedness is a fundamental problem in
connection with ideal decompositions of downward closed sets. Another
motivation is that deciding whether two \emph{directed} context-free languages
have the same downward closures can be decided in polynomial time, whereas for
general context-free languages, this problem is known to be coNEXP-complete.
We show that the directedness problem for regular languages, given as NFAs,
belongs to $AC^1$, and thus polynomial time. Moreover, it is NL-complete for
fixed alphabet sizes. Furthermore, we show that for context-free languages, the
directedness problem is PSPACE-complete. | cs.FL | Directed Regular and Context-Free Languages |
2024-01-13T16:09:49Z | http://arxiv.org/pdf/2401.07105v3 | http://arxiv.org/abs/2401.07105v3 | Moritz Plenz, Anette Frank | 2024-06-03T12:14:34Z | cs.CL, cs.AI, cs.LG, I.2.0; I.2.4; I.2.7 | While Language Models (LMs) are the workhorses of NLP, their interplay with
structured knowledge graphs (KGs) is still actively researched. Current methods
for encoding such graphs typically either (i) linearize them for embedding with
LMs -- which underutilize structural information, or (ii) use Graph Neural
Networks (GNNs) to preserve the graph structure -- but GNNs cannot represent
text features as well as pretrained LMs. In our work we introduce a novel LM
type, the Graph Language Model (GLM), that integrates the strengths of both
approaches and mitigates their weaknesses. The GLM parameters are initialized
from a pretrained LM to enhance understanding of individual graph concepts and
triplets. Simultaneously, we design the GLM's architecture to incorporate graph
biases, thereby promoting effective knowledge distribution within the graph.
This enables GLMs to process graphs, texts, and interleaved inputs of both.
Empirical evaluations on relation classification tasks show that GLM embeddings
surpass both LM- and GNN-based baselines in supervised and zero-shot setting,
demonstrating their versatility. | cs.CL | Graph Language Models |
2024-01-13T15:59:09Z | http://arxiv.org/pdf/2401.07103v2 | http://arxiv.org/abs/2401.07103v2 | Zhen Li, Xiaohan Xu, Tao Shen, Can Xu, Jia-Chen Gu, Yuxuan Lai, Chongyang Tao, Shuai Ma | 2024-06-12T08:31:58Z | cs.CL | In the rapidly evolving domain of Natural Language Generation (NLG)
evaluation, introducing Large Language Models (LLMs) has opened new avenues for
assessing generated content quality, e.g., coherence, creativity, and context
relevance. This paper aims to provide a thorough overview of leveraging LLMs
for NLG evaluation, a burgeoning area that lacks a systematic analysis. We
propose a coherent taxonomy for organizing existing LLM-based evaluation
metrics, offering a structured framework to understand and compare these
methods. Our detailed exploration includes critically assessing various
LLM-based methodologies, as well as comparing their strengths and limitations
in evaluating NLG outputs. By discussing unresolved challenges, including bias,
robustness, domain-specificity, and unified evaluation, this paper seeks to
offer insights to researchers and advocate for fairer and more advanced NLG
evaluation techniques. | cs.CL | Leveraging Large Language Models for NLG Evaluation: Advances and Challenges |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.