publication_date
stringlengths 20
20
| doc_url
stringlengths 33
34
| id
stringlengths 33
34
| authors
stringlengths 5
20.1k
| update_date
stringlengths 20
20
| category_all
stringlengths 5
138
| abstract
stringlengths 123
3.09k
| category_primary
stringclasses 78
values | title
stringlengths 10
211
|
---|---|---|---|---|---|---|---|---|
2023-12-13T01:34:42Z | http://arxiv.org/pdf/2312.11521v1 | http://arxiv.org/abs/2312.11521v1 | Bowen Zhao, Changkai Ji, Yuejie Zhang, Wen He, Yingwen Wang, Qing Wang, Rui Feng, Xiaobo Zhang | 2023-12-13T01:34:42Z | cs.CL, cs.AI | With the Generative Pre-trained Transformer 3.5 (GPT-3.5) exhibiting
remarkable reasoning and comprehension abilities in Natural Language Processing
(NLP), most Question Answering (QA) research has primarily centered around
general QA tasks based on GPT, neglecting the specific challenges posed by
Complex Table QA. In this paper, we propose to incorporate GPT-3.5 to address
such challenges, in which complex tables are reconstructed into tuples and
specific prompt designs are employed for dialogues. Specifically, we encode
each cell's hierarchical structure, position information, and content as a
tuple. By enhancing the prompt template with an explanatory description of the
meaning of each tuple and the logical reasoning process of the task, we
effectively improve the hierarchical structure awareness capability of GPT-3.5
to better parse the complex tables. Extensive experiments and results on
Complex Table QA datasets, i.e., the open-domain dataset HiTAB and the aviation
domain dataset AIT-QA show that our approach significantly outperforms previous
work on both datasets, leading to state-of-the-art (SOTA) performance. | cs.CL | Large Language Models are Complex Table Parsers |
2023-12-13T01:18:10Z | http://arxiv.org/pdf/2312.07824v1 | http://arxiv.org/abs/2312.07824v1 | Minh Duong, Long Nguyen, Yen Vuong, Trong Le, Ha-Thanh Nguyen | 2023-12-13T01:18:10Z | cs.CL | This paper presents a deep learning-based system for efficient automatic case
summarization. Leveraging state-of-the-art natural language processing
techniques, the system offers both supervised and unsupervised methods to
generate concise and relevant summaries of lengthy legal case documents. The
user-friendly interface allows users to browse the system's database of legal
case documents, select their desired case, and choose their preferred
summarization method. The system generates comprehensive summaries for each
subsection of the legal text as well as an overall summary. This demo
streamlines legal case document analysis, potentially benefiting legal
professionals by reducing workload and increasing efficiency. Future work will
focus on refining summarization techniques and exploring the application of our
methods to other types of legal texts. | cs.CL | A Deep Learning-Based System for Automatic Case Summarization |
2023-12-13T00:52:15Z | http://arxiv.org/pdf/2312.07819v1 | http://arxiv.org/abs/2312.07819v1 | Wei Zhang, Alexandre Salle | 2023-12-13T00:52:15Z | cs.CL | We present the first experiments on Native Language Identification (NLI)
using LLMs such as GPT-4. NLI is the task of predicting a writer's first
language by analyzing their writings in a second language, and is used in
second language acquisition and forensic linguistics. Our results show that GPT
models are proficient at NLI classification, with GPT-4 setting a new
performance record of 91.7% on the benchmark TOEFL11 test set in a zero-shot
setting. We also show that unlike previous fully-supervised settings, LLMs can
perform NLI without being limited to a set of known classes, which has
practical implications for real-world applications. Finally, we also show that
LLMs can provide justification for their choices, providing reasoning based on
spelling errors, syntactic patterns, and usage of directly translated
linguistic patterns. | cs.CL | Native Language Identification with Large Language Models |
2023-12-12T23:23:23Z | http://arxiv.org/pdf/2312.07797v1 | http://arxiv.org/abs/2312.07797v1 | Ibrahim Bouabdallaoui, Fatima Guerouate, Samya Bouhaddour, Chaimae Saadi, Mohammed Sbihi | 2023-12-12T23:23:23Z | cs.CL, cs.AI | Undoubtedly that the Bidirectional Encoder representations from Transformers
is the most powerful technique in making Natural Language Processing tasks such
as Named Entity Recognition, Question & Answers or Sentiment Analysis, however,
the use of traditional techniques remains a major potential for the improvement
of recent models, in particular word tokenization techniques and embeddings,
but also the improvement of neural network architectures which are now the core
of each architecture. recent. In this paper, we conduct a comparative study
between Fine-Tuning the Bidirectional Encoder Representations from Transformers
and a method of concatenating two embeddings to boost the performance of a
stacked Bidirectional Long Short-Term Memory-Bidirectional Gated Recurrent
Units model; these two approaches are applied in the context of sentiment
analysis of shopping places in Morocco. A search for the best learning rate was
made at the level of the two approaches, and a comparison of the best
optimizers was made for each sentence embedding combination with regard to the
second approach. | cs.CL | Sentiment analysis in Tourism: Fine-tuning BERT or sentence embeddings concatenation? |
2023-12-12T23:22:57Z | http://arxiv.org/pdf/2312.07796v1 | http://arxiv.org/abs/2312.07796v1 | Joan Figuerola Hurtado | 2023-12-12T23:22:57Z | cs.IR, cs.AI, cs.CL | The paper presents a methodology for uncovering knowledge gaps on the
internet using the Retrieval Augmented Generation (RAG) model. By simulating
user search behaviour, the RAG system identifies and addresses gaps in
information retrieval systems. The study demonstrates the effectiveness of the
RAG system in generating relevant suggestions with a consistent accuracy of
93%. The methodology can be applied in various fields such as scientific
discovery, educational enhancement, research development, market analysis,
search engine optimisation, and content development. The results highlight the
value of identifying and understanding knowledge gaps to guide future
endeavours. | cs.IR | Harnessing Retrieval-Augmented Generation (RAG) for Uncovering Knowledge Gaps |
2023-12-12T22:11:17Z | http://arxiv.org/pdf/2312.07763v1 | http://arxiv.org/abs/2312.07763v1 | Min Zhang, Jianfeng He, Shuo Lei, Murong Yue, Linhang Wang, Chang-Tien Lu | 2023-12-12T22:11:17Z | cs.CL | The meaning of complex phrases in natural language is composed of their
individual components. The task of compositional generalization evaluates a
model's ability to understand new combinations of components. Previous studies
trained smaller, task-specific models, which exhibited poor generalization.
While large language models (LLMs) exhibit impressive generalization abilities
on many tasks through in-context learning (ICL), their potential for
compositional generalization remains unexplored. In this paper, we first
empirically investigate prevailing ICL methods in compositional generalization.
We find that they struggle with complex compositional questions due to
cumulative errors in long reasoning steps and intricate logic required for
tool-making. Consequently, we propose a human-guided tool manipulation
framework (HTM) that generates tools for sub-questions and integrates multiple
tools. Our method enhances the effectiveness of tool creation and usage with
minimal human effort. Experiments show that our method achieves
state-of-the-art performance on two compositional generalization benchmarks and
outperforms existing methods on the most challenging test split by 70%. | cs.CL | Can LLM find the green circle? Investigation and Human-guided tool manipulation for compositional generalization |
2023-12-12T21:22:07Z | http://arxiv.org/pdf/2312.07743v1 | http://arxiv.org/abs/2312.07743v1 | Thomas Randall, Tyler Allen, Rong Ge | 2023-12-12T21:22:07Z | cs.LG, cs.CL, cs.DC, I.2.7; D.1.3; G.4 | Word2Vec remains one of the highly-impactful innovations in the field of
Natural Language Processing (NLP) that represents latent grammatical and
syntactical information in human text with dense vectors in a low dimension.
Word2Vec has high computational cost due to the algorithm's inherent
sequentiality, intensive memory accesses, and the large vocabularies it
represents. While prior studies have investigated technologies to explore
parallelism and improve memory system performance, they struggle to effectively
gain throughput on powerful GPUs.
We identify memory data access and latency as the primary bottleneck in prior
works on GPUs, which prevents highly optimized kernels from attaining the
architecture's peak performance. We present a novel algorithm, FULL-W2V, which
maximally exploits the opportunities for data reuse in the W2V algorithm and
leverages GPU architecture and resources to reduce access to low memory levels
and improve temporal locality. FULL-W2V is capable of reducing accesses to GPU
global memory significantly, e.g., by more than 89\%, compared to prior
state-of-the-art GPU implementations, resulting in significant performance
improvement that scales across successive hardware generations. Our prototype
implementation achieves 2.97X speedup when ported from Nvidia Pascal P100 to
Volta V100 cards, and outperforms the state-of-the-art by 5.72X on V100 cards
with the same embedding quality. In-depth analysis indicates that the reduction
of memory accesses through register and shared memory caching and
high-throughput shared memory reduction leads to a significantly improved
arithmetic intensity. FULL-W2V can potentially benefit many applications in NLP
and other domains. | cs.LG | FULL-W2V: Fully Exploiting Data Reuse for W2V on GPU-Accelerated Systems |
2023-12-12T20:54:51Z | http://arxiv.org/pdf/2401.06775v1 | http://arxiv.org/abs/2401.06775v1 | Zabir Al Nazi, Wei Peng | 2023-12-12T20:54:51Z | cs.CL, cs.AI | The deployment of large language models (LLMs) within the healthcare sector
has sparked both enthusiasm and apprehension. These models exhibit the
remarkable capability to provide proficient responses to free-text queries,
demonstrating a nuanced understanding of professional medical knowledge. This
comprehensive survey delves into the functionalities of existing LLMs designed
for healthcare applications, elucidating the trajectory of their development,
starting from traditional Pretrained Language Models (PLMs) to the present
state of LLMs in healthcare sector. First, we explore the potential of LLMs to
amplify the efficiency and effectiveness of diverse healthcare applications,
particularly focusing on clinical language understanding tasks. These tasks
encompass a wide spectrum, ranging from named entity recognition and relation
extraction to natural language inference, multi-modal medical applications,
document classification, and question-answering. Additionally, we conduct an
extensive comparison of the most recent state-of-the-art LLMs in the healthcare
domain, while also assessing the utilization of various open-source LLMs and
highlighting their significance in healthcare applications. Furthermore, we
present the essential performance metrics employed to evaluate LLMs in the
biomedical domain, shedding light on their effectiveness and limitations.
Finally, we summarize the prominent challenges and constraints faced by large
language models in the healthcare sector, offering a holistic perspective on
their potential benefits and shortcomings. This review provides a comprehensive
exploration of the current landscape of LLMs in healthcare, addressing their
role in transforming medical applications and the areas that warrant further
research and development. | cs.CL | Large language models in healthcare and medical domain: A review |
2023-12-12T19:34:23Z | http://arxiv.org/pdf/2312.11517v3 | http://arxiv.org/abs/2312.11517v3 | Md Abrar Jahin, Subrata Talapatra | 2024-03-30T21:14:37Z | cs.CL, cs.LG | This research delves into Musculoskeletal Disorder (MSD) risk factors, using
a blend of Natural Language Processing (NLP) and mode-based ranking. The aim is
to refine understanding, classification, and prioritization for focused
prevention and treatment. Eight NLP models are evaluated, combining pre-trained
transformers, cosine similarity, and distance metrics to categorize factors
into personal, biomechanical, workplace, psychological, and organizational
classes. BERT with cosine similarity achieves 28% accuracy; sentence
transformer with Euclidean, Bray-Curtis, and Minkowski distances scores 100%.
With 10-fold cross-validation, statistical tests ensure robust results. Survey
data and mode-based ranking determine severity hierarchy, aligning with the
literature. "Working posture" is the most severe, highlighting posture's role.
Survey insights emphasize "Job insecurity," "Effort reward imbalance," and
"Poor employee facility" as significant contributors. Rankings offer actionable
insights for MSD prevention. The study suggests targeted interventions,
workplace improvements, and future research directions. This integrated NLP and
ranking approach enhances MSD comprehension and informs occupational health
strategies. | cs.CL | A Natural Language Processing-Based Classification and Mode-Based Ranking of Musculoskeletal Disorder Risk Factors |
2023-12-12T19:00:04Z | http://arxiv.org/pdf/2312.07661v3 | http://arxiv.org/abs/2312.07661v3 | Shuyang Sun, Runjia Li, Philip Torr, Xiuye Gu, Siyang Li | 2024-05-07T12:00:34Z | cs.CV, cs.CL, cs.LG, cs.MM | Existing open-vocabulary image segmentation methods require a fine-tuning
step on mask labels and/or image-text datasets. Mask labels are
labor-intensive, which limits the number of categories in segmentation
datasets. Consequently, the vocabulary capacity of pre-trained VLMs is severely
reduced after fine-tuning. However, without fine-tuning, VLMs trained under
weak image-text supervision tend to make suboptimal mask predictions. To
alleviate these issues, we introduce a novel recurrent framework that
progressively filters out irrelevant texts and enhances mask quality without
training efforts. The recurrent unit is a two-stage segmenter built upon a
frozen VLM. Thus, our model retains the VLM's broad vocabulary space and equips
it with segmentation ability. Experiments show that our method outperforms not
only the training-free counterparts, but also those fine-tuned with millions of
data samples, and sets the new state-of-the-art records for both zero-shot
semantic and referring segmentation. Concretely, we improve the current record
by 28.8, 16.0, and 6.9 mIoU on Pascal VOC, COCO Object, and Pascal Context. | cs.CV | CLIP as RNN: Segment Countless Visual Concepts without Training Endeavor |
2023-12-12T18:59:30Z | http://arxiv.org/pdf/2312.07540v3 | http://arxiv.org/abs/2312.07540v3 | Ulyana Piterbarg, Lerrel Pinto, Rob Fergus | 2024-06-11T17:57:15Z | cs.AI, cs.CL, cs.LG | Neural Language Models (LMs) offer an exciting solution for general-purpose
embodied control. However, a key technical issue arises when using an LM-based
controller: environment observations must be converted to text, which coupled
with history, results in long and verbose textual prompts. As a result, prior
work in LM agents is limited to restricted domains with small observation size
as well as minimal needs for interaction history or instruction tuning. In this
paper, we introduce diff history, a simple and highly effective solution to
these issues. By applying the Unix diff command on consecutive text
observations in the interaction histories used to prompt LM policies, we can
both abstract away redundant information and focus the content of textual
inputs on the salient changes in the environment. On NetHack, an unsolved video
game that requires long-horizon reasoning for decision-making, LMs tuned with
diff history match state-of-the-art performance for neural agents while needing
1800x fewer training examples compared to prior work. Even on the simpler
BabyAI-Text environment with concise text observations, we find that although
diff history increases the length of prompts, the representation it provides
offers a 25% improvement in the efficiency of low-sample instruction tuning.
Further, we show that diff history scales favorably across different tuning
dataset sizes. We open-source our code and data to
https://diffhistory.github.io. | cs.AI | diff History for Neural Language Agents |
2023-12-12T18:58:02Z | http://arxiv.org/pdf/2312.07532v1 | http://arxiv.org/abs/2312.07532v1 | Xueyan Zou, Linjie Li, Jianfeng Wang, Jianwei Yang, Mingyu Ding, Zhengyuan Yang, Feng Li, Hao Zhang, Shilong Liu, Arul Aravinthan, Yong Jae Lee, Lijuan Wang | 2023-12-12T18:58:02Z | cs.CV, cs.AI, cs.CL | We present FIND, a generalized interface for aligning foundation models'
embeddings. As shown in teaser figure, a lightweight transformer interface
without tuning any foundation model weights is enough for a unified image
(segmentation) and dataset-level (retrieval) understanding. The proposed
interface has the following favorable attributes: (1) Generalizable. It applies
to various tasks spanning retrieval, segmentation, \textit{etc.}, under the
same architecture and weights. (2) Prototypable. Different tasks are able to be
implemented through prototyping attention masks and embedding types. (3)
Extendable. The proposed interface is adaptive to new tasks, and new models.
(4) Interleavable. With the benefit of multi-task multi-modal training, the
proposed interface creates an interleaved shared embedding space. In light of
the interleaved embedding space, we introduce the FIND-Bench, which introduces
new training and evaluation annotations to the COCO dataset for interleave
segmentation and retrieval. Our approach achieves state-of-the-art performance
on FIND-Bench and competitive performance on standard retrieval and
segmentation settings. The training, evaluation, and demo code as well as the
dataset have been released at https://github.com/UX-Decoder/FIND. | cs.CV | Interfacing Foundation Models' Embeddings |
2023-12-12T18:57:08Z | http://arxiv.org/pdf/2312.11514v2 | http://arxiv.org/abs/2312.11514v2 | Keivan Alizadeh, Iman Mirzadeh, Dmitry Belenko, Karen Khatamifard, Minsik Cho, Carlo C Del Mundo, Mohammad Rastegari, Mehrdad Farajtabar | 2024-01-04T22:28:37Z | cs.CL, cs.AI, cs.LG | Large language models (LLMs) are central to modern natural language
processing, delivering exceptional performance in various tasks. However, their
substantial computational and memory requirements present challenges,
especially for devices with limited DRAM capacity. This paper tackles the
challenge of efficiently running LLMs that exceed the available DRAM capacity
by storing the model parameters in flash memory, but bringing them on demand to
DRAM. Our method involves constructing an inference cost model that takes into
account the characteristics of flash memory, guiding us to optimize in two
critical areas: reducing the volume of data transferred from flash and reading
data in larger, more contiguous chunks. Within this hardware-informed
framework, we introduce two principal techniques. First, "windowing"
strategically reduces data transfer by reusing previously activated neurons,
and second, "row-column bundling", tailored to the sequential data access
strengths of flash memory, increases the size of data chunks read from flash
memory. These methods collectively enable running models up to twice the size
of the available DRAM, with a 4-5x and 20-25x increase in inference speed
compared to naive loading approaches in CPU and GPU, respectively. Our
integration of sparsity awareness, context-adaptive loading, and a
hardware-oriented design paves the way for effective inference of LLMs on
devices with limited memory. | cs.CL | LLM in a flash: Efficient Large Language Model Inference with Limited Memory |
2023-12-12T18:55:43Z | http://arxiv.org/pdf/2312.07527v2 | http://arxiv.org/abs/2312.07527v2 | Peter Clark, Bhavana Dalvi Mishra, Oyvind Tafjord | 2024-03-23T21:43:04Z | cs.CL, cs.AI | While there are numerous benchmarks comparing the performance of modern
language models (LMs), end-task evaluations often conflate notions of *factual
accuracy* ("truth") and *reasoning ability* ("rationality", or "honesty" in the
sense of correctly reporting implications of beliefs). Our goal is a dataset
that clearly distinguishes these two notions. Our approach is to leverage and
extend a collection of human-annotated *entailment trees*, engineered to
express both good and bad chains of reasoning, and using a mixture of true and
false facts, in particular including counterfactual examples, to avoid belief
bias (also known as the "content effect"). The resulting dataset, called BaRDa,
contains 3000 entailments (1787 valid, 1213 invalid), using 6681 true and 2319
false statements. Testing on four GPT-series models,
GPT3(curie)/GPT3(davinici)/3.5/4, we find factual accuracy (truth) scores of
74.1/80.6/82.6/87.1 and reasoning accuracy scores of 63.1/78.0/71.8/79.2. This
shows the clear progression of models towards improved factual accuracy and
entailment reasoning, and the dataset provides a new benchmark that more
cleanly separates and quantifies these two notions. | cs.CL | BaRDa: A Belief and Reasoning Dataset that Separates Factual Accuracy and Reasoning Ability |
2023-12-12T18:27:44Z | http://arxiv.org/pdf/2312.07492v4 | http://arxiv.org/abs/2312.07492v4 | Manish Nagireddy, Lamogha Chiazor, Moninder Singh, Ioana Baldini | 2023-12-27T22:14:19Z | cs.CL, cs.AI, cs.CY, cs.LG | Current datasets for unwanted social bias auditing are limited to studying
protected demographic features such as race and gender. In this work, we
introduce a comprehensive benchmark that is meant to capture the amplification
of social bias, via stigmas, in generative language models. Taking inspiration
from social science research, we start with a documented list of 93 US-centric
stigmas and curate a question-answering (QA) dataset which involves simple
social situations. Our benchmark, SocialStigmaQA, contains roughly 10K prompts,
with a variety of prompt styles, carefully constructed to systematically test
for both social bias and model robustness. We present results for
SocialStigmaQA with two open source generative language models and we find that
the proportion of socially biased output ranges from 45% to 59% across a
variety of decoding strategies and prompting styles. We demonstrate that the
deliberate design of the templates in our benchmark (e.g., adding biasing text
to the prompt or using different verbs that change the answer that indicates
bias) impacts the model tendencies to generate socially biased output.
Additionally, through manual evaluation, we discover problematic patterns in
the generated chain-of-thought output that range from subtle bias to lack of
reasoning.
Warning: This paper contains examples of text which are toxic, biased, and
potentially harmful. | cs.CL | SocialStigmaQA: A Benchmark to Uncover Stigma Amplification in Generative Language Models |
2023-12-12T18:05:46Z | http://arxiv.org/pdf/2312.07476v2 | http://arxiv.org/abs/2312.07476v2 | Caoyun Fan, Jidong Tian, Yitian Li, Hao He, Yaohui Jin | 2024-01-09T10:08:53Z | cs.CL, cs.AI | In-Context Learning (ICL) is an important paradigm for adapting Large
Language Models (LLMs) to downstream tasks through a few demonstrations.
Despite the great success of ICL, the limitation of the demonstration number
may lead to demonstration bias, i.e. the input-label mapping induced by LLMs
misunderstands the task's essence. Inspired by human experience, we attempt to
mitigate such bias through the perspective of the inter-demonstration
relationship. Specifically, we construct Comparable Demonstrations (CDs) by
minimally editing the texts to flip the corresponding labels, in order to
highlight the task's essence and eliminate potential spurious correlations
through the inter-demonstration comparison. Through a series of experiments on
CDs, we find that (1) demonstration bias does exist in LLMs, and CDs can
significantly reduce such bias; (2) CDs exhibit good performance in ICL,
especially in out-of-distribution scenarios. In summary, this study explores
the ICL mechanisms from a novel perspective, providing a deeper insight into
the demonstration selection strategy for ICL. | cs.CL | Comparable Demonstrations are Important in In-Context Learning: A Novel Perspective on Demonstration Selection |
2023-12-12T17:00:46Z | http://arxiv.org/pdf/2312.07435v1 | http://arxiv.org/abs/2312.07435v1 | Love Panta, Prashant Shrestha, Brabeem Sapkota, Amrita Bhattarai, Suresh Manandhar, Anand Kumar Sah | 2023-12-12T17:00:46Z | cs.CV, cs.AI, cs.CL, cs.LG | Video moment retrieval is a challenging task requiring fine-grained
interactions between video and text modalities. Recent work in image-text
pretraining has demonstrated that most existing pretrained models suffer from
information asymmetry due to the difference in length between visual and
textual sequences. We question whether the same problem also exists in the
video-text domain with an auxiliary need to preserve both spatial and temporal
information. Thus, we evaluate a recently proposed solution involving the
addition of an asymmetric co-attention network for video grounding tasks.
Additionally, we incorporate momentum contrastive loss for robust,
discriminative representation learning in both modalities. We note that the
integration of these supplementary modules yields better performance compared
to state-of-the-art models on the TACoS dataset and comparable results on
ActivityNet Captions, all while utilizing significantly fewer parameters with
respect to baseline. | cs.CV | Cross-modal Contrastive Learning with Asymmetric Co-attention Network for Video Moment Retrieval |
2023-12-12T16:41:29Z | http://arxiv.org/pdf/2312.07419v1 | http://arxiv.org/abs/2312.07419v1 | Xiangyu Shi, Yunlong Liang, Jinan Xu, Yufeng Chen | 2023-12-12T16:41:29Z | cs.CL, cs.NE | Recent works have proven the effectiveness of k-nearest-neighbor machine
translation(a.k.a kNN-MT) approaches to produce remarkable improvement in
cross-domain translations. However, these models suffer from heavy retrieve
overhead on the entire datastore when decoding each token. We observe that
during the decoding phase, about 67% to 84% of tokens are unvaried after
searching over the corpus datastore, which means most of the tokens cause
futile retrievals and introduce unnecessary computational costs by initiating
k-nearest-neighbor searches. We consider this phenomenon is explainable in
linguistics and propose a simple yet effective multi-layer perceptron (MLP)
network to predict whether a token should be translated jointly by the neural
machine translation model and probabilities produced by the kNN or just by the
neural model. The results show that our method succeeds in reducing redundant
retrieval operations and significantly reduces the overhead of kNN retrievals
by up to 53% at the expense of a slight decline in translation quality.
Moreover, our method could work together with all existing kNN-MT systems. | cs.CL | Towards Faster k-Nearest-Neighbor Machine Translation |
2023-12-12T16:25:05Z | http://arxiv.org/pdf/2312.07405v1 | http://arxiv.org/abs/2312.07405v1 | Marc-Etienne Brunet, Ashton Anderson, Richard Zemel | 2023-12-12T16:25:05Z | cs.CL, cs.LG | Large pretrained language models (LLMs) can be rapidly adapted to a wide
variety of tasks via a text-to-text approach, where the instruction and input
are fed to the model in natural language. Combined with in-context learning
(ICL), this paradigm is impressively flexible and powerful. However, it also
burdens users with an overwhelming number of choices, many of them arbitrary.
Inspired by markup languages like HTML, we contribute a method of using
soft-token tags to compose prompt templates. This approach reduces arbitrary
decisions and streamlines the application of ICL. Our method is a form of
meta-learning for ICL; it learns these tags in advance during a
parameter-efficient fine-tuning ``warm-up'' process. The tags can subsequently
be used in templates for ICL on new, unseen tasks without any additional
fine-tuning. Our experiments with this approach yield promising initial
results, improving LLM performance on important enterprise applications such as
few-shot and open-world intent detection, as well as text classification in
news and legal domains. | cs.CL | ICL Markup: Structuring In-Context Learning using Soft-Token Tags |
2023-12-12T16:14:45Z | http://arxiv.org/pdf/2312.07399v3 | http://arxiv.org/abs/2312.07399v3 | Taeyoon Kwon, Kai Tzu-iunn Ong, Dongjin Kang, Seungjun Moon, Jeong Ryong Lee, Dosik Hwang, Yongsik Sim, Beomseok Sohn, Dongha Lee, Jinyoung Yeo | 2024-05-10T07:24:27Z | cs.CL, cs.AI | Machine reasoning has made great progress in recent years owing to large
language models (LLMs). In the clinical domain, however, most NLP-driven
projects mainly focus on clinical classification or reading comprehension, and
under-explore clinical reasoning for disease diagnosis due to the expensive
rationale annotation with clinicians. In this work, we present a
"reasoning-aware" diagnosis framework that rationalizes the diagnostic process
via prompt-based learning in a time- and labor-efficient manner, and learns to
reason over the prompt-generated rationales. Specifically, we address the
clinical reasoning for disease diagnosis, where the LLM generates diagnostic
rationales providing its insight on presented patient data and the reasoning
path towards the diagnosis, namely Clinical Chain-of-Thought (Clinical CoT). We
empirically demonstrate LLMs/LMs' ability of clinical reasoning via extensive
experiments and analyses on both rationale generation and disease diagnosis in
various settings. We further propose a novel set of criteria for evaluating
machine-generated rationales' potential for real-world clinical settings,
facilitating and benefiting future research in this area. | cs.CL | Large Language Models are Clinical Reasoners: Reasoning-Aware Diagnosis Framework with Prompt-Generated Rationales |
2023-12-12T16:14:43Z | http://arxiv.org/pdf/2312.07398v2 | http://arxiv.org/abs/2312.07398v2 | Yue Zhang, Ming Zhang, Haipeng Yuan, Shichun Liu, Yongyao Shi, Tao Gui, Qi Zhang, Xuanjing Huang | 2023-12-17T09:39:05Z | cs.AI, cs.CL | Recently, the evaluation of Large Language Models has emerged as a popular
area of research. The three crucial questions for LLM evaluation are ``what,
where, and how to evaluate''. However, the existing research mainly focuses on
the first two questions, which are basically what tasks to give the LLM during
testing and what kind of knowledge it should deal with. As for the third
question, which is about what standards to use, the types of evaluators, how to
score, and how to rank, there hasn't been much discussion. In this paper, we
analyze evaluation methods by comparing various criteria with both manual and
automatic evaluation, utilizing onsite, crowd-sourcing, public annotators and
GPT-4, with different scoring methods and ranking systems. We propose a new
dataset, LLMEval and conduct evaluations on 20 LLMs. A total of 2,186
individuals participated, leading to the generation of 243,337 manual
annotations and 57,511 automatic evaluation results. We perform comparisons and
analyses of different settings and conduct 10 conclusions that can provide some
insights for evaluating LLM in the future. The dataset and the results are
publicly available at https://github.com/llmeval . | cs.AI | LLMEval: A Preliminary Study on How to Evaluate Large Language Models |
2023-12-12T16:10:19Z | http://arxiv.org/pdf/2312.07395v1 | http://arxiv.org/abs/2312.07395v1 | Pinelopi Papalampidi, Skanda Koppula, Shreya Pathak, Justin Chiu, Joe Heyward, Viorica Patraucean, Jiajun Shen, Antoine Miech, Andrew Zisserman, Aida Nematzdeh | 2023-12-12T16:10:19Z | cs.CV, cs.CL | Understanding long, real-world videos requires modeling of long-range visual
dependencies. To this end, we explore video-first architectures, building on
the common paradigm of transferring large-scale, image--text models to video
via shallow temporal fusion. However, we expose two limitations to the
approach: (1) decreased spatial capabilities, likely due to poor
video--language alignment in standard video datasets, and (2) higher memory
consumption, bottlenecking the number of frames that can be processed. To
mitigate the memory bottleneck, we systematically analyze the memory/accuracy
trade-off of various efficient methods: factorized attention,
parameter-efficient image-to-video adaptation, input masking, and
multi-resolution patchification. Surprisingly, simply masking large portions of
the video (up to 75%) during contrastive pre-training proves to be one of the
most robust ways to scale encoders to videos up to 4.3 minutes at 1 FPS. Our
simple approach for training long video-to-text models, which scales to 1B
parameters, does not add new architectural complexity and is able to outperform
the popular paradigm of using much larger LLMs as an information aggregator
over segment-based information on benchmarks with long-range temporal
dependencies (YouCook2, EgoSchema). | cs.CV | A Simple Recipe for Contrastively Pre-training Video-First Encoders Beyond 16 Frames |
2023-12-12T15:57:44Z | http://arxiv.org/pdf/2312.17253v1 | http://arxiv.org/abs/2312.17253v1 | Mohamed Kayed, Rebeca P. Díaz-Redondo, Alhassan Mabrouk | 2023-12-12T15:57:44Z | cs.CL, cs.AI | Recently, Deep Learning (DL) approaches have been applied to solve the
Sentiment Classification (SC) problem, which is a core task in reviews mining
or Sentiment Analysis (SA). The performances of these approaches are affected
by different factors. This paper addresses these factors and classifies them
into three categories: data preparation based factors, feature representation
based factors and the classification techniques based factors. The paper is a
comprehensive literature-based survey that compares the performance of more
than 100 DL-based SC approaches by using 21 public datasets of reviews given by
customers within three specific application domains (products, movies and
restaurants). These 21 datasets have different characteristics
(balanced/imbalanced, size, etc.) to give a global vision for our study. The
comparison explains how the proposed factors quantitatively affect the
performance of the studied DL-based SC approaches. | cs.CL | Deep Learning-based Sentiment Classification: A Comparative Survey |
2023-12-12T15:45:58Z | http://arxiv.org/pdf/2312.14171v1 | http://arxiv.org/abs/2312.14171v1 | Alhassan Mabrouk, Rebeca P. Díaz-Redondo, Mohammed Kayed | 2023-12-12T15:45:58Z | cs.CL, cs.AI | E-Commerce (EC) websites provide a large amount of useful information that
exceed human cognitive processing ability. In order to help customers in
comparing alternatives when buying a product, previous studies designed opinion
summarization systems based on customer reviews. They ignored templates'
information provided by manufacturers, although these descriptive information
have much product aspects or characteristics. Therefore, this paper proposes a
methodology coined as SEOpinion (Summa-rization and Exploration of Opinions)
which provides a summary for the product aspects and spots opinion(s) regarding
them, using a combination of templates' information with the customer reviews
in two main phases. First, the Hierarchical Aspect Extraction (HAE) phase
creates a hierarchy of product aspects from the template. Subsequently, the
Hierarchical Aspect-based Opinion Summarization (HAOS) phase enriches this
hierarchy with customers' opinions; to be shown to other potential buyers. To
test the feasibility of using Deep Learning-based BERT techniques with our
approach, we have created a corpus by gathering information from the top five
EC websites for laptops. The experimental results show that Recurrent Neural
Network (RNN) achieves better results (77.4% and 82.6% in terms of F1-measure
for the first and second phase) than the Convolutional Neural Network (CNN) and
the Support Vector Machine (SVM) technique. | cs.CL | SEOpinion: Summarization and Exploration Opinion of E-Commerce Websites |
2023-12-12T14:58:08Z | http://arxiv.org/pdf/2312.07338v1 | http://arxiv.org/abs/2312.07338v1 | Mohammed Maqsood Shaik, Dietrich Klakow, Badr M. Abdullah | 2023-12-12T14:58:08Z | cs.CL, cs.SD, eess.AS | Pre-trained Transformer-based speech models have shown striking performance
when fine-tuned on various downstream tasks such as automatic speech
recognition and spoken language identification (SLID). However, the problem of
domain mismatch remains a challenge in this area, where the domain of the
pre-training data might differ from that of the downstream labeled data used
for fine-tuning. In multilingual tasks such as SLID, the pre-trained speech
model may not support all the languages in the downstream task. To address this
challenge, we propose self-supervised adaptive pre-training (SAPT) to adapt the
pre-trained model to the target domain and languages of the downstream task. We
apply SAPT to the XLSR-128 model and investigate the effectiveness of this
approach for the SLID task. First, we demonstrate that SAPT improves XLSR
performance on the FLEURS benchmark with substantial gains up to 40.1% for
under-represented languages. Second, we apply SAPT on four different datasets
in a few-shot learning setting, showing that our approach improves the sample
efficiency of XLSR during fine-tuning. Our experiments provide strong empirical
evidence that continual adaptation via self-supervision improves downstream
performance for multilingual speech models. | cs.CL | Self-supervised Adaptive Pre-training of Multilingual Speech Models for Language and Dialect Identification |
2023-12-12T14:24:54Z | http://arxiv.org/pdf/2312.07305v1 | http://arxiv.org/abs/2312.07305v1 | Yuxiang Guo | 2023-12-12T14:24:54Z | cs.CL, cs.AI | Sparse attention as a efficient method can significantly decrease the
computation cost, but current sparse attention tend to rely on window self
attention which block the global information flow. For this problem, we present
Shifted Cross Chunk Attention (SCCA), using different KV shifting strategy to
extend respective field in each attention layer. Except, we combine Dilated
Attention(DA) and Dilated Neighborhood Attention(DNA) to present Shifted
Dilated Attention(SDA). Both SCCA and SDA can accumulate attention results in
multi head attention to obtain approximate respective field in full attention.
In this paper, we conduct language modeling experiments using different pattern
of SCCA and combination of SCCA and SDA. The proposed shifted cross chunk
attention (SCCA) can effectively extend large language models (LLMs) to longer
context combined with Positional interpolation(PI) and LoRA than current sparse
attention. Notably, SCCA adopts LLaMA2 7B from 4k context to 8k in single V100.
This attention pattern can provide a Plug-and-play fine-tuning method to extend
model context while retaining their original architectures, and is compatible
with most existing techniques. | cs.CL | SCCA: Shifted Cross Chunk Attention for long contextual semantic expansion |
2023-12-12T13:57:57Z | http://arxiv.org/pdf/2312.07280v1 | http://arxiv.org/abs/2312.07280v1 | Chen Huang, Peixin Qin, Wenqiang Lei, Jiancheng Lv | 2023-12-12T13:57:57Z | cs.CL | One of the key factors in language productivity and human cognition is the
ability of systematic compositionality, which refers to understanding composed
unseen examples of seen primitives. However, recent evidence reveals that the
Transformers have difficulty generalizing the composed context based on the
seen primitives. To this end, we take the first step to propose a
compositionality-aware Transformer called CAT and two novel pre-training tasks
to facilitate systematic compositionality. We tentatively provide a successful
implementation of a multi-layer CAT on the basis of the especially popular
BERT. The experimental results demonstrate that CAT outperforms baselines on
compositionality-aware tasks with minimal impact on the effectiveness on
standardized language understanding tasks. | cs.CL | Towards Equipping Transformer with the Ability of Systematic Compositionality |
2023-12-12T13:35:41Z | http://arxiv.org/pdf/2312.07255v1 | http://arxiv.org/abs/2312.07255v1 | Jiacheng Ruan, Jingsheng Gao, Mingye Xie, Suncheng Xiang, Zefang Yu, Ting Liu, Yuzhuo Fu | 2023-12-12T13:35:41Z | cs.CL, cs.CV | The Parameter-Efficient Fine-Tuning (PEFT) method, which adjusts or
introduces fewer trainable parameters to calibrate pre-trained models on
downstream tasks, has become a recent research interest. However, existing PEFT
methods within the traditional fine-tiuning framework have two main
shortcomings: 1) They overlook the explicit association between trainable
parameters and downstream task knowledge. 2) They neglect the interaction
between the intrinsic task-agnostic knowledge of pre-trained models and the
task-specific knowledge in downstream tasks. To address this gap, we propose a
novel fine-tuning framework, named GIST, in a plug-and-play manner.
Specifically, our framework first introduces a trainable token, called the Gist
token, when applying PEFT methods on downstream tasks. This token serves as an
aggregator of the task-specific knowledge learned by the PEFT methods and forms
an explicit association with downstream knowledge. Furthermore, to facilitate
explicit interaction between task-agnostic and task-specific knowledge, we
introduce the concept of Knowledge Interaction via a Bidirectional
Kullback-Leibler Divergence objective. As a result, PEFT methods within our
framework can make the pre-trained model understand downstream tasks more
comprehensively by leveraging the knowledge interaction. Extensive experiments
demonstrate the universality and scalability of our framework. Notably, on the
VTAB-1K benchmark, we employ the Adapter (a prevalent PEFT method) within our
GIST framework and achieve a performance boost of 2.25%, with an increase of
only 0.8K parameters. The Code will be released. | cs.CL | GIST: Improving Parameter Efficient Fine Tuning via Knowledge Interaction |
2023-12-12T13:35:33Z | http://arxiv.org/pdf/2312.07254v1 | http://arxiv.org/abs/2312.07254v1 | Shengqiang Li, Chao Lei, Baozhong Ma, Binbin Zhang, Fuping Pan | 2023-12-12T13:35:33Z | cs.CL | This study describes our system for Task 1 Single-speaker Visual Speech
Recognition (VSR) fixed track in the Chinese Continuous Visual Speech
Recognition Challenge (CNVSRC) 2023. Specifically, we use intermediate
connectionist temporal classification (Inter CTC) residual modules to relax the
conditional independence assumption of CTC in our model. Then we use a
bi-transformer decoder to enable the model to capture both past and future
contextual information. In addition, we use Chinese characters as the modeling
units to improve the recognition accuracy of our model. Finally, we use a
recurrent neural network language model (RNNLM) for shallow fusion in the
inference stage. Experiments show that our system achieves a character error
rate (CER) of 38.09% on the Eval set which reaches a relative CER reduction of
21.63% over the official baseline, and obtains a second place in the challenge. | cs.CL | The GUA-Speech System Description for CNVSRC Challenge 2023 |
2023-12-12T13:26:42Z | http://arxiv.org/pdf/2312.07250v2 | http://arxiv.org/abs/2312.07250v2 | Lifeng Han, Serge Gladkoff, Gleb Erofeev, Irina Sorokina, Betty Galiano, Goran Nenadic | 2024-02-21T12:08:47Z | cs.CL, cs.AI | We conduct investigations on clinical text machine translation by examining
multilingual neural network models using deep learning such as Transformer
based structures. Furthermore, to address the language resource imbalance
issue, we also carry out experiments using a transfer learning methodology
based on massive multilingual pre-trained language models (MMPLMs). The
experimental results on three subtasks including 1) clinical case (CC), 2)
clinical terminology (CT), and 3) ontological concept (OC) show that our models
achieved top-level performances in the ClinSpEn-2022 shared task on
English-Spanish clinical domain data. Furthermore, our expert-based human
evaluations demonstrate that the small-sized pre-trained language model (PLM)
won over the other two extra-large language models by a large margin, in the
clinical domain fine-tuning, which finding was never reported in the field.
Finally, the transfer learning method works well in our experimental setting
using the WMT21fb model to accommodate a new language space Spanish that was
not seen at the pre-training stage within WMT21fb itself, which deserves more
exploitation for clinical knowledge transformation, e.g. to investigate into
more languages. These research findings can shed some light on domain-specific
machine translation development, especially in clinical and healthcare fields.
Further research projects can be carried out based on our work to improve
healthcare text analytics and knowledge transformation. Our data will be openly
available for research purposes at https://github.com/HECTA-UoM/ClinicalNMT | cs.CL | Neural Machine Translation of Clinical Text: An Empirical Investigation into Multilingual Pre-Trained Language Models and Transfer-Learning |
2023-12-12T12:43:01Z | http://arxiv.org/pdf/2312.07228v2 | http://arxiv.org/abs/2312.07228v2 | Imene Bensalem, Paolo Rosso, Hanane Zitouni | 2024-01-29T21:34:27Z | cs.CL | The detection of toxic language in the Arabic language has emerged as an
active area of research in recent years, and reviewing the existing datasets
employed for training the developed solutions has become a pressing need. This
paper offers a comprehensive survey of Arabic datasets focused on online toxic
language. We systematically gathered a total of 54 available datasets and their
corresponding papers and conducted a thorough analysis, considering 18 criteria
across four primary dimensions: availability details, content, annotation
process, and reusability. This analysis enabled us to identify existing gaps
and make recommendations for future research works. For the convenience of the
research community, the list of the analysed datasets is maintained in a GitHub
repository (https://github.com/Imene1/Arabic-toxic-language). | cs.CL | Toxic language detection: a systematic review of Arabic datasets |
2023-12-12T12:13:22Z | http://arxiv.org/pdf/2312.08388v1 | http://arxiv.org/abs/2312.08388v1 | Chetanya Rastogi, Prabhat Agarwal, Shreya Singh | 2023-12-12T12:13:22Z | cs.SI, cs.CL, cs.LG | In many applications, such as scientific literature management, researcher
search, social network analysis and etc, Name Disambiguation (aiming at
disambiguating WhoIsWho) has been a challenging problem. In addition, the
growth of scientific literature makes the problem more difficult and urgent.
Although name disambiguation has been extensively studied in academia and
industry, the problem has not been solved well due to the clutter of data and
the complexity of the same name scenario. In this work, we aim to explore
models that can perform the task of name disambiguation using the network
structure that is intrinsic to the problem and present an analysis of the
models. | cs.SI | Exploring Graph Based Approaches for Author Name Disambiguation |
2023-12-12T12:00:04Z | http://arxiv.org/pdf/2312.07194v1 | http://arxiv.org/abs/2312.07194v1 | Tatjana Scheffler, Veronika Solopova, Mihaela Popa-Wyatt | 2023-12-12T12:00:04Z | cs.CL | In this working paper, we turn our attention to two exemplary, cross-media
shitstorms directed against well-known individuals from the business world.
Both have in common, first, the trigger, a controversial statement by the
person who thereby becomes the target of the shitstorm, and second, the
identity of this target as relatively privileged: cis-male, white, successful.
We examine the spread of the outrage wave across two media at a time and test
the applicability of computational linguistic methods for analyzing its time
course. Assuming that harmful language spreads like a virus in digital space,
we are primarily interested in the events and constellations that lead to the
use of harmful language, and whether and how a linguistic formation of "tribes"
occurs. Our research therefore focuses, first, on the distribution of
linguistic features within the overall shitstorm: are individual words or
phrases increasingly used after their introduction, and through which pathways
they spread. Second, we ask whether "tribes," for example, one group of
supporters and one of opponents of the target, have a distinguished linguistic
form. Our hypothesis is that supporters remain equally active over time, while
the dynamic "ripple" effect of the shitstorm is based on the varying
participation of opponents. | cs.CL | Verbreitungsmechanismen schädigender Sprache im Netz: Anatomie zweier Shitstorms |
2023-12-12T11:38:09Z | http://arxiv.org/pdf/2312.07182v1 | http://arxiv.org/abs/2312.07182v1 | Glen Hopkins, Kristjan Kalm | 2023-12-12T11:38:09Z | cs.CL, cs.LG | Here we search for the best automated classification approach for a set of
complex legal documents. Our classification task is not trivial: our aim is to
classify ca 30,000 public courthouse records from 12 states and 267 counties at
two different levels using nine sub-categories. Specifically, we investigated
whether a fine-tuned large language model (LLM) can achieve the accuracy of a
bespoke custom-trained model, and what is the amount of fine-tuning necessary. | cs.CL | Classifying complex documents: comparing bespoke solutions to large language models |
2023-12-12T10:24:17Z | http://arxiv.org/pdf/2312.07141v2 | http://arxiv.org/abs/2312.07141v2 | Yang Trista Cao, Anna Sotnikova, Jieyu Zhao, Linda X. Zou, Rachel Rudinger, Hal Daume III | 2024-05-08T20:19:09Z | cs.CL | Multilingual large language models have been increasingly popular for their
proficiency in processing and generating text across various languages.
Previous research has shown that the presence of stereotypes and biases in
monolingual large language models can be attributed to the nature of their
training data, which is collected from humans and reflects societal biases.
Multilingual language models undergo the same training procedure as monolingual
ones, albeit with training data sourced from various languages. This raises the
question: do stereotypes present in one social context leak across languages
within the model? In our work, we first define the term ``stereotype leakage''
and propose a framework for its measurement. With this framework, we
investigate how stereotypical associations leak across four languages: English,
Russian, Chinese, and Hindi. To quantify the stereotype leakage, we employ an
approach from social psychology, measuring stereotypes via group-trait
associations. We evaluate human stereotypes and stereotypical associations
manifested in multilingual large language models such as mBERT, mT5, and
GPT-3.5. Our findings show a noticeable leakage of positive, negative, and
non-polar associations across all languages. Notably, Hindi within multilingual
models appears to be the most susceptible to influence from other languages,
while Chinese is the least. Additionally, GPT-3.5 exhibits a better alignment
with human scores than other models. WARNING: This paper contains model outputs
which could be offensive in nature. | cs.CL | Multilingual large language models leak human stereotypes across language boundaries |
2023-12-12T09:39:03Z | http://arxiv.org/pdf/2312.07110v1 | http://arxiv.org/abs/2312.07110v1 | Maxime Würsch, Andrei Kucharavy, Dimitri Percia David, Alain Mermoud | 2023-12-12T09:39:03Z | cs.CL, cs.CR, cs.LG | The cybersecurity landscape evolves rapidly and poses threats to
organizations. To enhance resilience, one needs to track the latest
developments and trends in the domain. It has been demonstrated that standard
bibliometrics approaches show their limits in such a fast-evolving domain. For
this purpose, we use large language models (LLMs) to extract relevant knowledge
entities from cybersecurity-related texts. We use a subset of arXiv preprints
on cybersecurity as our data and compare different LLMs in terms of entity
recognition (ER) and relevance. The results suggest that LLMs do not produce
good knowledge entities that reflect the cybersecurity context, but our results
show some potential for noun extractors. For this reason, we developed a noun
extractor boosted with some statistical analysis to extract specific and
relevant compound nouns from the domain. Later, we tested our model to identify
trends in the LLM domain. We observe some limitations, but it offers promising
results to monitor the evolution of emergent trends. | cs.CL | LLMs Perform Poorly at Concept Extraction in Cyber-security Research Literature |
2023-12-12T09:14:55Z | http://arxiv.org/pdf/2312.07088v1 | http://arxiv.org/abs/2312.07088v1 | Nantao Zheng, Siyu Long, Xinyu Dai | 2023-12-12T09:14:55Z | cs.CL, cs.AI | Canonical relation extraction aims to extract relational triples from
sentences, where the triple elements (entity pairs and their relationship) are
mapped to the knowledge base. Recently, methods based on the encoder-decoder
architecture are proposed and achieve promising results. However, these methods
cannot well utilize the entity information, which is merely used as augmented
training data. Moreover, they are incapable of representing novel entities,
since no embeddings have been learned for them. In this paper, we propose a
novel framework, Bi-Encoder-Decoder (BED), to solve the above issues.
Specifically, to fully utilize entity information, we employ an encoder to
encode semantics of this information, leading to high-quality entity
representations. For novel entities, given a trained entity encoder, their
representations can be easily generated. Experimental results on two datasets
show that, our method achieves a significant performance improvement over the
previous state-of-the-art and handle novel entities well without retraining. | cs.CL | BED: Bi-Encoder-Decoder Model for Canonical Relation Extraction |
2023-12-12T08:43:20Z | http://arxiv.org/pdf/2312.07069v2 | http://arxiv.org/abs/2312.07069v2 | Xiang Li, Haoran Tang, Siyu Chen, Ziwei Wang, Anurag Maravi, Marcin Abram | 2023-12-21T09:47:19Z | cs.CL, cs.AI, cs.LG | In this paper, we explore the challenges inherent to Large Language Models
(LLMs) like GPT-4, particularly their propensity for hallucinations, logic
mistakes, and incorrect conclusions when tasked with answering complex
questions. The capacity of LLMs to present erroneous answers in a coherent and
semantically rigorous manner further complicates the detection of factual
inaccuracies. This issue is especially pronounced in fields that require
specialized expertise. Our work delves into these challenges, aiming to enhance
the understanding and mitigation of such errors, thereby contributing to the
improvement of LLM accuracy and reliability in scientific and other specialized
domains. Our findings reveal a non-linear relationship between the context's
relevancy and the answers' measured quality. In addition, we demonstrate that
with the correct calibration, it is possible to automate the grading procedure
-- a finding suggesting that, at least to some degree, the LLMs can be used to
self-examine the quality of their own performance. Finally, we describe an
experimental platform that can be seen as a proof-of-concept of the techniques
described in this work. | cs.CL | Context Matters: Data-Efficient Augmentation of Large Language Models for Scientific Applications |
2023-12-12T08:40:38Z | http://arxiv.org/pdf/2312.07066v1 | http://arxiv.org/abs/2312.07066v1 | Shengguang Wu, Mei Yuan, Qi Su | 2023-12-12T08:40:38Z | cs.CL, cs.CV | Recent advances in image and video creation, especially AI-based image
synthesis, have led to the production of numerous visual scenes that exhibit a
high level of abstractness and diversity. Consequently, Visual Storytelling
(VST), a task that involves generating meaningful and coherent narratives from
a collection of images, has become even more challenging and is increasingly
desired beyond real-world imagery. While existing VST techniques, which
typically use autoregressive decoders, have made significant progress, they
suffer from low inference speed and are not well-suited for synthetic scenes.
To this end, we propose a novel diffusion-based system DiffuVST, which models
the generation of a series of visual descriptions as a single conditional
denoising process. The stochastic and non-autoregressive nature of DiffuVST at
inference time allows it to generate highly diverse narratives more
efficiently. In addition, DiffuVST features a unique design with bi-directional
text history guidance and multimodal adapter modules, which effectively improve
inter-sentence coherence and image-to-text fidelity. Extensive experiments on
the story generation task covering four fictional visual-story datasets
demonstrate the superiority of DiffuVST over traditional autoregressive models
in terms of both text quality and inference speed. | cs.CL | DiffuVST: Narrating Fictional Scenes with Global-History-Guided Denoising Models |
2023-12-12T08:02:06Z | http://arxiv.org/pdf/2312.07049v1 | http://arxiv.org/abs/2312.07049v1 | Xingwei He, Qianru Zhang, A-Long Jin, Jun Ma, Yuan Yuan, Siu Ming Yiu | 2023-12-12T08:02:06Z | cs.CL | Factual error correction (FEC) aims to revise factual errors in false claims
with minimal editing, making them faithful to the provided evidence. This task
is crucial for alleviating the hallucination problem encountered by large
language models. Given the lack of paired data (i.e., false claims and their
corresponding correct claims), existing methods typically adopt the
mask-then-correct paradigm. This paradigm relies solely on unpaired false
claims and correct claims, thus being referred to as distantly supervised
methods. These methods require a masker to explicitly identify factual errors
within false claims before revising with a corrector. However, the absence of
paired data to train the masker makes accurately pinpointing factual errors
within claims challenging. To mitigate this, we propose to improve FEC by
Learning to Inject Factual Errors (LIFE), a three-step distantly supervised
method: mask-corrupt-correct. Specifically, we first train a corruptor using
the mask-then-corrupt procedure, allowing it to deliberately introduce factual
errors into correct text. The corruptor is then applied to correct claims,
generating a substantial amount of paired data. After that, we filter out
low-quality data, and use the remaining data to train a corrector. Notably, our
corrector does not require a masker, thus circumventing the bottleneck
associated with explicit factual error identification. Our experiments on a
public dataset verify the effectiveness of LIFE in two key aspects: Firstly, it
outperforms the previous best-performing distantly supervised method by a
notable margin of 10.59 points in SARI Final (19.3% improvement). Secondly,
even compared to ChatGPT prompted with in-context examples, LIFE achieves a
superiority of 7.16 points in SARI Final. | cs.CL | Improving Factual Error Correction by Learning to Inject Factual Errors |
2023-12-12T07:56:57Z | http://arxiv.org/pdf/2312.07046v1 | http://arxiv.org/abs/2312.07046v1 | Arnav Chavan, Nahush Lele, Deepak Gupta | 2023-12-12T07:56:57Z | cs.LG, cs.CL | Due to the substantial scale of Large Language Models (LLMs), the direct
application of conventional compression methodologies proves impractical. The
computational demands associated with even minimal gradient updates present
challenges, particularly on consumer-grade hardware. This paper introduces an
innovative approach for the parametric and practical compression of LLMs based
on reduced order modelling, which entails low-rank decomposition within the
feature space and re-parameterization in the weight space. Notably, this
compression technique operates in a layer-wise manner, obviating the need for a
GPU device and enabling the compression of billion-scale models within
stringent constraints of both memory and time. Our method represents a
significant advancement in model compression by leveraging matrix
decomposition, demonstrating superior efficacy compared to the prevailing
state-of-the-art structured pruning method. | cs.LG | Rethinking Compression: Reduced Order Modelling of Latent Features in Large Language Models |
2023-12-12T07:26:36Z | http://arxiv.org/pdf/2312.07028v1 | http://arxiv.org/abs/2312.07028v1 | Ibtihel Amara, Vinija Jain, Aman Chadha | 2023-12-12T07:26:36Z | cs.CL, cs.AI | We tackle the challenging issue of aggressive fine-tuning encountered during
the process of transfer learning of pre-trained language models (PLMs) with
limited labeled downstream data. This problem primarily results in a decline in
performance on the subsequent task. Inspired by the adaptive boosting method in
traditional machine learning, we present an effective dynamic corrective
self-distillation (DCS) approach to improve the fine-tuning of the PLMs. Our
technique involves performing a self-distillation mechanism where, at each
iteration, the student model actively adapts and corrects itself by dynamically
adjusting the weights assigned to individual data points. This iterative
self-correcting process significantly enhances the overall fine-tuning
capability of PLMs, leading to improved performance and robustness. We
conducted comprehensive evaluations using the GLUE benchmark demonstrating the
efficacy of our method in enhancing the fine-tuning process for various PLMs
across diverse downstream tasks. | cs.CL | Dynamic Corrective Self-Distillation for Better Fine-Tuning of Pretrained Models |
2023-12-12T06:10:42Z | http://arxiv.org/pdf/2312.07000v1 | http://arxiv.org/abs/2312.07000v1 | Yuqing Yang, Ethan Chern, Xipeng Qiu, Graham Neubig, Pengfei Liu | 2023-12-12T06:10:42Z | cs.CL, cs.AI | Recent research has made significant strides in applying alignment techniques
to enhance the helpfulness and harmlessness of large language models (LLMs) in
accordance with human intentions. In this paper, we argue for the importance of
alignment for honesty, ensuring that LLMs proactively refuse to answer
questions when they lack knowledge, while still not being overly conservative.
However, a pivotal aspect of alignment for honesty involves discerning the
limits of an LLM's knowledge, which is far from straightforward. This challenge
demands comprehensive solutions in terms of metric development, benchmark
creation, and training methodologies. In this paper, we address these
challenges by first establishing a precise problem definition and defining
``honesty'' inspired by the Analects of Confucius. This serves as a cornerstone
for developing metrics that effectively measure an LLM's honesty by quantifying
its progress post-alignment. Furthermore, we introduce a flexible training
framework which is further instantiated by several efficient fine-tuning
techniques that emphasize honesty without sacrificing performance on other
tasks. Our extensive experiments reveal that these aligned models show a marked
increase in honesty, as indicated by our proposed metrics. We open-source a
wealth of resources to facilitate future research at
https://github.com/GAIR-NLP/alignment-for-honesty, including honesty-aligned
models, training and evaluation datasets for honesty alignment, concept
glossary, as well as all relevant source code. | cs.CL | Alignment for Honesty |
2023-12-12T05:38:55Z | http://arxiv.org/pdf/2312.11511v2 | http://arxiv.org/abs/2312.11511v2 | Henry Bae, Aghyad Deeb, Alex Fleury, Kehang Zhu | 2024-03-30T03:01:42Z | cs.CL, cs.AI, cs.LG | We present ComplexityNet, a streamlined language model designed for assessing
task complexity. This model predicts the likelihood of accurate output by
various language models, each with different capabilities. Our initial
application of ComplexityNet involves the Mostly Basic Python Problems (MBPP)
dataset. We pioneered the creation of the first set of labels to define task
complexity. ComplexityNet achieved a notable 79% accuracy in determining task
complexity, a significant improvement over the 34% accuracy of the original,
non fine-tuned model. Furthermore, ComplexityNet effectively reduces
computational resource usage by 90% compared to using the highest complexity
model, while maintaining a high code generation accuracy of 86.7%. This study
demonstrates that fine-tuning smaller models to categorize tasks based on their
complexity can lead to a more balanced trade-off between accuracy and
efficiency in the use of Large Language Models. Our findings suggest a
promising direction for optimizing LLM applications, especially in
resource-constrained environments. | cs.CL | ComplexityNet: Increasing LLM Inference Efficiency by Learning Task Complexity |
2023-12-12T04:58:11Z | http://arxiv.org/pdf/2312.11509v4 | http://arxiv.org/abs/2312.11509v4 | Pavlos Constas, Vikram Rawal, Matthew Honorio Oliveira, Andreas Constas, Aditya Khan, Kaison Cheung, Najma Sultani, Carrie Chen, Micol Altomare, Michael Akzam, Jiacheng Chen, Vhea He, Lauren Altomare, Heraa Murqi, Asad Khan, Nimit Amikumar Bhanshali, Youssef Rachad, Michael Guerzhoy | 2024-02-06T02:14:14Z | cs.CL, cs.LG, eess.AS | We propose a reinforcement learning (RL)-based system that would
automatically prescribe a hypothetical patient medication that may help the
patient with their mental health-related speech disfluency, and adjust the
medication and the dosages in response to zero-cost frequent measurement of the
fluency of the patient. We demonstrate the components of the system: a module
that detects and evaluates speech disfluency on a large dataset we built, and
an RL algorithm that automatically finds good combinations of medications. To
support the two modules, we collect data on the effect of psychiatric
medications for speech disfluency from the literature, and build a plausible
patient simulation system. We demonstrate that the RL system is, under some
circumstances, able to converge to a good medication regime. We collect and
label a dataset of people with possible speech disfluency and demonstrate our
methods using that dataset. Our work is a proof of concept: we show that there
is promise in the idea of using automatic data collection to address speech
disfluency. | cs.CL | Toward a Reinforcement-Learning-Based System for Adjusting Medication to Minimize Speech Disfluency |
2023-12-12T04:25:26Z | http://arxiv.org/pdf/2312.06974v1 | http://arxiv.org/abs/2312.06974v1 | Anubhav Bhatti, Surajsinh Parmar, San Lee | 2023-12-12T04:25:26Z | cs.CL, cs.AI, 68T50 | We are introducing SM70, a 70 billion-parameter Large Language Model that is
specifically designed for SpassMed's medical devices under the brand name
'JEE1' (pronounced as G1 and means 'Life'). This large language model provides
more accurate and safe responses to medical-domain questions. To fine-tune
SM70, we used around 800K data entries from the publicly available dataset
MedAlpaca. The Llama2 70B open-sourced model served as the foundation for SM70,
and we employed the QLoRA technique for fine-tuning. The evaluation is
conducted across three benchmark datasets - MEDQA - USMLE, PUBMEDQA, and USMLE
- each representing a unique aspect of medical knowledge and reasoning. The
performance of SM70 is contrasted with other notable LLMs, including Llama2
70B, Clinical Camel 70 (CC70), GPT 3.5, GPT 4, and Med-Palm, to provide a
comparative understanding of its capabilities within the medical domain. Our
results indicate that SM70 outperforms several established models in these
datasets, showcasing its proficiency in handling a range of medical queries,
from fact-based questions derived from PubMed abstracts to complex clinical
decision-making scenarios. The robust performance of SM70, particularly in the
USMLE and PUBMEDQA datasets, suggests its potential as an effective tool in
clinical decision support and medical information retrieval. Despite its
promising results, the paper also acknowledges the areas where SM70 lags behind
the most advanced model, GPT 4, thereby highlighting the need for further
development, especially in tasks demanding extensive medical knowledge and
intricate reasoning. | cs.CL | SM70: A Large Language Model for Medical Devices |
2023-12-12T03:30:21Z | http://arxiv.org/pdf/2312.11508v2 | http://arxiv.org/abs/2312.11508v2 | Yang Xu, Yongqiang Yao, Yufan Huang, Mengnan Qi, Maoquan Wang, Bin Gu, Neel Sundaresan | 2023-12-27T08:23:14Z | cs.CL, cs.AI | Instruction tuning, a specialized technique to enhance large language model
(LLM) performance via instruction datasets, relies heavily on the quality of
employed data. Existing quality improvement methods alter instruction data
through dataset expansion or curation. However, the expansion method risks data
redundancy, potentially compromising LLM performance, while the curation
approach confines the LLM's potential to the original dataset. Our aim is to
surpass the original data quality without encountering these shortcomings. To
achieve this, we propose LIFT (LLM Instruction Fusion Transfer), a novel and
versatile paradigm designed to elevate the instruction quality to new heights.
LIFT strategically broadens data distribution to encompass more high-quality
subspaces and eliminates redundancy, concentrating on high-quality segments
across overall data subspaces. Experimental results demonstrate that, even with
a limited quantity of high-quality instruction data selected by our paradigm,
LLMs not only consistently uphold robust performance across various tasks but
also surpass some state-of-the-art results, highlighting the significant
improvement in instruction quality achieved by our paradigm. | cs.CL | Rethinking the Instruction Quality: LIFT is What You Need |
2023-12-12T03:09:30Z | http://arxiv.org/pdf/2312.06950v1 | http://arxiv.org/abs/2312.06950v1 | Thong Nguyen, Xiaobao Wu, Xinshuai Dong, Khoi Le, Zhiyuan Hu, Cong-Duy Nguyen, See-Kiong Ng, Luu Anh Tuan | 2023-12-12T03:09:30Z | cs.CV, cs.CL | Fully fine-tuning pretrained large-scale transformer models has become a
popular paradigm for video-language modeling tasks, such as temporal language
grounding and video-language summarization. With a growing number of tasks and
limited training data, such full fine-tuning approach leads to costly model
storage and unstable training. To overcome these shortcomings, we introduce
lightweight adapters to the pre-trained model and only update them at
fine-tuning time. However, existing adapters fail to capture intrinsic temporal
relations among video frames or textual words. Moreover, they neglect the
preservation of critical task-related information that flows from the raw
video-language input into the adapter's low-dimensional space. To address these
issues, we first propose a novel REcurrent ADapter (READ) that employs
recurrent computation to enable temporal modeling capability. Second, we
propose Partial Video-Language Alignment (PVLA) objective via the use of
partial optimal transport to maintain task-related information flowing into our
READ modules. We validate our READ-PVLA framework through extensive experiments
where READ-PVLA significantly outperforms all existing fine-tuning strategies
on multiple low-resource temporal language grounding and video-language
summarization benchmarks. | cs.CV | READ-PVLA: Recurrent Adapter with Partial Video-Language Alignment for Parameter-Efficient Transfer Learning in Low-Resource Video-Language Modeling |
2023-12-12T01:42:41Z | http://arxiv.org/pdf/2312.06926v1 | http://arxiv.org/abs/2312.06926v1 | Fatimah Alzamzami, Abdulmotaleb El Saddik | 2023-12-12T01:42:41Z | cs.CL | Resources in high-resource languages have not been efficiently exploited in
low-resource languages to solve language-dependent research problems. Spanish
and French are considered high resource languages in which an adequate level of
data resources for informal online social behavior modeling, is observed.
However, a machine translation system to access those data resources and
transfer their context and tone to a low-resource language like dialectal
Arabic, does not exist. In response, we propose a framework that localizes
contents of high-resource languages to a low-resource language/dialects by
utilizing AI power. To the best of our knowledge, we are the first work to
provide a parallel translation dataset from/to informal Spanish and French
to/from informal Arabic dialects. Using this, we aim to enrich the
under-resource-status dialectal Arabic and fast-track the research of diverse
online social behaviors within and across smart cities in different
geo-regions. The experimental results have illustrated the capability of our
proposed solution in exploiting the resources between high and low resource
languages and dialects. Not only this, but it has also been proven that
ignoring dialects within the same language could lead to misleading analysis of
online social behavior. | cs.CL | Content-Localization based Neural Machine Translation for Informal Dialectal Arabic: Spanish/French to Levantine/Gulf Arabic |
2023-12-12T01:39:29Z | http://arxiv.org/pdf/2312.06924v2 | http://arxiv.org/abs/2312.06924v2 | Yu Fu, Yufei Li, Wen Xiao, Cong Liu, Yue Dong | 2024-06-06T22:58:32Z | cs.CL | Recent developments in balancing the usefulness and safety of Large Language
Models (LLMs) have raised a critical question: Are mainstream NLP tasks
adequately aligned with safety consideration? Our study, focusing on
safety-sensitive documents obtained through adversarial attacks, reveals
significant disparities in the safety alignment of various NLP tasks. For
instance, LLMs can effectively summarize malicious long documents but often
refuse to translate them. This discrepancy highlights a previously unidentified
vulnerability: attacks exploiting tasks with weaker safety alignment, like
summarization, can potentially compromise the integrity of tasks traditionally
deemed more robust, such as translation and question-answering (QA). Moreover,
the concurrent use of multiple NLP tasks with lesser safety alignment increases
the risk of LLMs inadvertently processing harmful content. We demonstrate these
vulnerabilities in various safety-aligned LLMs, particularly Llama2 models,
Gemini and GPT-4, indicating an urgent need for strengthening safety alignments
across a broad spectrum of NLP tasks. | cs.CL | Safety Alignment in NLP Tasks: Weakly Aligned Summarization as an In-Context Attack |
2023-12-12T01:39:16Z | http://arxiv.org/pdf/2312.07622v3 | http://arxiv.org/abs/2312.07622v3 | Wentao Liu, Hanglei Hu, Jie Zhou, Yuyang Ding, Junsong Li, Jiayi Zeng, Mengliang He, Qin Chen, Bo Jiang, Aimin Zhou, Liang He | 2024-02-23T14:00:04Z | cs.CL | In recent years, there has been remarkable progress in leveraging Language
Models (LMs), encompassing Pre-trained Language Models (PLMs) and Large-scale
Language Models (LLMs), within the domain of mathematics. This paper conducts a
comprehensive survey of mathematical LMs, systematically categorizing pivotal
research endeavors from two distinct perspectives: tasks and methodologies. The
landscape reveals a large number of proposed mathematical LLMs, which are
further delineated into instruction learning, tool-based methods, fundamental
CoT techniques, and advanced CoT methodologies. In addition, our survey entails
the compilation of over 60 mathematical datasets, including training datasets,
benchmark datasets, and augmented datasets. Addressing the primary challenges
and delineating future trajectories within the field of mathematical LMs, this
survey is positioned as a valuable resource, poised to facilitate and inspire
future innovation among researchers invested in advancing this domain. | cs.CL | Mathematical Language Models: A Survey |
2023-12-11T23:04:48Z | http://arxiv.org/pdf/2312.06881v1 | http://arxiv.org/abs/2312.06881v1 | Sarin Chandy, Varun Gangal, Yi Yang, Gabriel Maggiotti | 2023-12-11T23:04:48Z | cs.LG, cs.CL | We devise, implement and performance-asses DYAD, a layer which can serve as a
faster and more memory-efficient approximate replacement for linear layers,
(nn.Linear() in Pytorch). These layers appear in common subcomponents, such as
in the ff module of Transformers. DYAD is based on a bespoke near-sparse matrix
structure which approximates the dense "weight" matrix W that matrix-multiplies
the input in the typical realization of such a layer, a.k.a DENSE. Our
alternative near-sparse matrix structure is decomposable to a sum of 2 matrices
permutable to a block-sparse counterpart. These can be represented as 3D
tensors, which in unison allow a faster execution of matrix multiplication with
the mini-batched input matrix X compared to DENSE (O(rows(W ) x cols(W )) -->
O( rows(W ) x cols(W ) # of blocks )). As the crux of our experiments, we
pretrain both DYAD and DENSE variants of 2 sizes of the OPT arch and 1 size of
the Pythia arch, including at different token scales of the babyLM benchmark.
We find DYAD to be competitive (>= 90%) of DENSE performance on zero-shot (e.g.
BLIMP), few-shot (OPENLM) and finetuning (GLUE) benchmarks, while being >=7-15%
faster to train on-GPU even at 125m scale, besides surfacing larger speedups at
increasing scale and model width. | cs.LG | DYAD: A Descriptive Yet Abjuring Density efficient approximation to linear neural network layers |
2023-12-11T22:49:02Z | http://arxiv.org/pdf/2312.06874v1 | http://arxiv.org/abs/2312.06874v1 | Yifan Zhang, Rui Wu, Sergiu M. Dascalu, Frederick C. Harris Jr | 2023-12-11T22:49:02Z | cs.LG, cs.CL | Transformers have achieved remarkable performance in multivariate time
series(MTS) forecasting due to their capability to capture long-term
dependencies. However, the canonical attention mechanism has two key
limitations: (1) its quadratic time complexity limits the sequence length, and
(2) it generates future values from the entire historical sequence. To address
this, we propose a Dozer Attention mechanism consisting of three sparse
components: (1) Local, each query exclusively attends to keys within a
localized window of neighboring time steps. (2) Stride, enables each query to
attend to keys at predefined intervals. (3) Vary, allows queries to selectively
attend to keys from a subset of the historical sequence. Notably, the size of
this subset dynamically expands as forecasting horizons extend. Those three
components are designed to capture essential attributes of MTS data, including
locality, seasonality, and global temporal dependencies. Additionally, we
present the Dozerformer Framework, incorporating the Dozer Attention mechanism
for the MTS forecasting task. We evaluated the proposed Dozerformer framework
with recent state-of-the-art methods on nine benchmark datasets and confirmed
its superior performance. The code will be released after the manuscript is
accepted. | cs.LG | Dozerformer: Sequence Adaptive Sparse Transformer for Multivariate Time Series Forecasting |
2023-12-11T22:25:57Z | http://arxiv.org/pdf/2312.06867v1 | http://arxiv.org/abs/2312.06867v1 | Zhenyu Wu, Meng Jiang, Chao Shen | 2023-12-11T22:25:57Z | cs.CL | Chain-of-Thought (CoT) prompting methods have enabled large language models
(LLMs) to generate reasoning paths and solve math word problems (MWPs).
However, they are sensitive to mistakes in the paths, as any mistake can result
in an incorrect answer. We propose a novel method named Progressive
Rectification Prompting (PRP) to improve average accuracy on eight MWP datasets
from 77.3 to 90.5. Given an initial answer from CoT, PRP iterates a
verify-then-rectify process to progressively identify incorrect answers and
rectify the reasoning paths. With the most likely correct answer, the LLM
predicts a masked numerical value in the question; if the prediction does not
match the masked value, the answer is likely incorrect. Then the LLM is
prompted to re-generate the reasoning path hinted with a set of incorrect
answers to prevent itself from repeating previous mistakes. PRP achieves the
best performance compared against the CoT methods. Our implementation is made
publicly available at https://wzy6642.github.io/prp.github.io/. | cs.CL | Get an A in Math: Progressive Rectification Prompting |
2023-12-11T22:12:20Z | http://arxiv.org/pdf/2312.06861v1 | http://arxiv.org/abs/2312.06861v1 | Aida Davani, Mark Díaz, Dylan Baker, Vinodkumar Prabhakaran | 2023-12-11T22:12:20Z | cs.CY, cs.CL | Perception of offensiveness is inherently subjective, shaped by the lived
experiences and socio-cultural values of the perceivers. Recent years have seen
substantial efforts to build AI-based tools that can detect offensive language
at scale, as a means to moderate social media platforms, and to ensure safety
of conversational AI technologies such as ChatGPT and Bard. However, existing
approaches treat this task as a technical endeavor, built on top of data
annotated for offensiveness by a global crowd workforce without any attention
to the crowd workers' provenance or the values their perceptions reflect. We
argue that cultural and psychological factors play a vital role in the
cognitive processing of offensiveness, which is critical to consider in this
context. We re-frame the task of determining offensiveness as essentially a
matter of moral judgment -- deciding the boundaries of ethically wrong vs.
right language within an implied set of socio-cultural norms. Through a
large-scale cross-cultural study based on 4309 participants from 21 countries
across 8 cultural regions, we demonstrate substantial cross-cultural
differences in perceptions of offensiveness. More importantly, we find that
individual moral values play a crucial role in shaping these variations: moral
concerns about Care and Purity are significant mediating factors driving
cross-cultural differences. These insights are of crucial importance as we
build AI models for the pluralistic world, where the values they espouse should
aim to respect and account for moral values in diverse geo-cultural contexts. | cs.CY | Disentangling Perceptions of Offensiveness: Cultural and Moral Correlates |
2023-12-11T21:53:40Z | http://arxiv.org/pdf/2312.06855v1 | http://arxiv.org/abs/2312.06855v1 | Ryan King, Tianbao Yang, Bobak Mortazavi | 2023-12-11T21:53:40Z | cs.LG, cs.CL | Within the intensive care unit (ICU), a wealth of patient data, including
clinical measurements and clinical notes, is readily available. This data is a
valuable resource for comprehending patient health and informing medical
decisions, but it also contains many challenges in analysis. Deep learning
models show promise in extracting meaningful patterns, but they require
extensive labeled data, a challenge in critical care. To address this, we
propose a novel approach employing self-supervised pretraining, focusing on the
alignment of clinical measurements and notes. Our approach combines contrastive
and masked token prediction tasks during pretraining. Semi-supervised
experiments on the MIMIC-III dataset demonstrate the effectiveness of our
self-supervised pretraining. In downstream tasks, including in-hospital
mortality prediction and phenotyping, our pretrained model outperforms
baselines in settings where only a fraction of the data is labeled, emphasizing
its ability to enhance ICU data analysis. Notably, our method excels in
situations where very few labels are available, as evidenced by an increase in
the AUC-ROC for in-hospital mortality by 0.17 and in AUC-PR for phenotyping by
0.1 when only 1% of labels are accessible. This work advances self-supervised
learning in the healthcare domain, optimizing clinical insights from abundant
yet challenging ICU data. | cs.LG | Multimodal Pretraining of Medical Time Series and Notes |
2023-12-11T20:34:16Z | http://arxiv.org/pdf/2312.06825v2 | http://arxiv.org/abs/2312.06825v2 | Sahand Shaghaghi, Pourya Aliasghari, Bryan Tripp, Kerstin Dautenhahn, Chrystopher Nehaniv | 2024-02-04T02:59:19Z | cs.RO, cs.CL | This abstract explores classroom Human-Robot Interaction (HRI) scenarios with
an emphasis on the adaptation of human-inspired social gaze models in robot
cognitive architecture to facilitate a more seamless social interaction. First,
we detail the HRI scenarios explored by us in our studies followed by a
description of the social gaze model utilized for our research. We highlight
the advantages of utilizing such an attentional model in classroom HRI
scenarios. We also detail the intended goals of our upcoming study involving
this social gaze model. | cs.RO | Utilization of Non-verbal Behaviour and Social Gaze in Classroom Human-Robot Interaction Communications |
2023-12-11T20:12:46Z | http://arxiv.org/pdf/2312.06820v1 | http://arxiv.org/abs/2312.06820v1 | Sara Abdali, Anjali Parikh, Steve Lim, Emre Kiciman | 2023-12-11T20:12:46Z | cs.AI, cs.CL, cs.LG, stat.ME | Microsoft Windows Feedback Hub is designed to receive customer feedback on a
wide variety of subjects including critical topics such as power and battery.
Feedback is one of the most effective ways to have a grasp of users' experience
with Windows and its ecosystem. However, the sheer volume of feedback received
by Feedback Hub makes it immensely challenging to diagnose the actual cause of
reported issues. To better understand and triage issues, we leverage Double
Machine Learning (DML) to associate users' feedback with telemetry signals. One
of the main challenges we face in the DML pipeline is the necessity of domain
knowledge for model design (e.g., causal graph), which sometimes is either not
available or hard to obtain. In this work, we take advantage of reasoning
capabilities in Large Language Models (LLMs) to generate a prior model that
which to some extent compensates for the lack of domain knowledge and could be
used as a heuristic for measuring feedback informativeness. Our LLM-based
approach is able to extract previously known issues, uncover new bugs, and
identify sequences of events that lead to a bug, while minimizing out-of-domain
outputs. | cs.AI | Extracting Self-Consistent Causal Insights from Users Feedback with LLMs and In-context Learning |
2023-12-11T18:59:09Z | http://arxiv.org/pdf/2312.06652v1 | http://arxiv.org/abs/2312.06652v1 | Shabaz Patel, Hassan Kane, Rayhan Patel | 2023-12-11T18:59:09Z | cs.AI, cs.CL | Large Language Models (LLMs) have demonstrated remarkable performance across
numerous natural language understanding use cases. However, this impressive
performance comes with inherent limitations, such as the tendency to perpetuate
stereotypical biases or fabricate non-existent facts. In the context of Islam
and its representation, accurate and factual representation of its beliefs and
teachings rooted in the Quran and Sunnah is key. This work focuses on the
challenge of building domain-specific LLMs faithful to the Islamic worldview
and proposes ways to build and evaluate such systems. Firstly, we define this
open-ended goal as a technical problem and propose various solutions.
Subsequently, we critically examine known challenges inherent to each approach
and highlight evaluation methodologies that can be used to assess such systems.
This work highlights the need for high-quality datasets, evaluations, and
interdisciplinary work blending machine learning with Islamic scholarship. | cs.AI | Building Domain-Specific LLMs Faithful To The Islamic Worldview: Mirage or Technical Possibility? |
2023-12-11T18:59:06Z | http://arxiv.org/pdf/2312.06742v2 | http://arxiv.org/abs/2312.06742v2 | Junbum Cha, Wooyoung Kang, Jonghwan Mun, Byungseok Roh | 2024-04-01T03:00:06Z | cs.CV, cs.AI, cs.CL, cs.LG | In Multimodal Large Language Models (MLLMs), a visual projector plays a
crucial role in bridging pre-trained vision encoders with LLMs, enabling
profound visual understanding while harnessing the LLMs' robust capabilities.
Despite the importance of the visual projector, it has been relatively less
explored. In this study, we first identify two essential projector properties:
(i) flexibility in managing the number of visual tokens, crucial for MLLMs'
overall efficiency, and (ii) preservation of local context from visual
features, vital for spatial understanding. Based on these findings, we propose
a novel projector design that is both flexible and locality-enhanced,
effectively satisfying the two desirable properties. Additionally, we present
comprehensive strategies to effectively utilize multiple and multifaceted
instruction datasets. Through extensive experiments, we examine the impact of
individual design choices. Finally, our proposed MLLM, Honeybee, remarkably
outperforms previous state-of-the-art methods across various benchmarks,
including MME, MMBench, SEED-Bench, and LLaVA-Bench, achieving significantly
higher efficiency. Code and models are available at
https://github.com/kakaobrain/honeybee. | cs.CV | Honeybee: Locality-enhanced Projector for Multimodal LLM |
2023-12-11T18:57:35Z | http://arxiv.org/pdf/2312.06648v2 | http://arxiv.org/abs/2312.06648v2 | Tong Chen, Hongwei Wang, Sihao Chen, Wenhao Yu, Kaixin Ma, Xinran Zhao, Hongming Zhang, Dong Yu | 2023-12-12T03:37:59Z | cs.CL, cs.AI, cs.IR | Dense retrieval has become a prominent method to obtain relevant context or
world knowledge in open-domain NLP tasks. When we use a learned dense retriever
on a retrieval corpus at inference time, an often-overlooked design choice is
the retrieval unit in which the corpus is indexed, e.g. document, passage, or
sentence. We discover that the retrieval unit choice significantly impacts the
performance of both retrieval and downstream tasks. Distinct from the typical
approach of using passages or sentences, we introduce a novel retrieval unit,
proposition, for dense retrieval. Propositions are defined as atomic
expressions within text, each encapsulating a distinct factoid and presented in
a concise, self-contained natural language format. We conduct an empirical
comparison of different retrieval granularity. Our results reveal that
proposition-based retrieval significantly outperforms traditional passage or
sentence-based methods in dense retrieval. Moreover, retrieval by proposition
also enhances the performance of downstream QA tasks, since the retrieved texts
are more condensed with question-relevant information, reducing the need for
lengthy input tokens and minimizing the inclusion of extraneous, irrelevant
information. | cs.CL | Dense X Retrieval: What Retrieval Granularity Should We Use? |
2023-12-11T18:51:59Z | http://arxiv.org/pdf/2312.06635v5 | http://arxiv.org/abs/2312.06635v5 | Songlin Yang, Bailin Wang, Yikang Shen, Rameswar Panda, Yoon Kim | 2024-06-05T09:47:27Z | cs.LG, cs.CL | Transformers with linear attention allow for efficient parallel training but
can simultaneously be formulated as an RNN with 2D (matrix-valued) hidden
states, thus enjoying linear-time inference complexity. However, linear
attention generally underperforms ordinary softmax attention. Moreover, current
implementations of linear attention lack I/O-awareness and are thus slower than
highly optimized implementations of softmax attention. This work describes a
hardware-efficient algorithm for linear attention that trades off memory
movement against parallelizability. The resulting implementation, dubbed
FLASHLINEARATTENTION, is faster than FLASHATTENTION-2 (Dao, 2023) as a
standalone layer even on short sequence lengths (e.g., 1K). We then generalize
this algorithm to a more expressive variant of linear attention with
data-dependent gates. When used as a replacement for the standard attention
layer in Transformers, the resulting gated linear attention (GLA) Transformer
is found to perform competitively against the LLaMA-architecture Transformer
(Touvron et al., 2023) as well recent linear-time-inference baselines such as
RetNet (Sun et al., 2023a) and Mamba (Gu & Dao, 2023) on moderate-scale
language modeling experiments. GLA Transformer is especially effective at
length generalization, enabling a model trained on 2K to generalize to
sequences longer than 20K without significant perplexity degradations. For
training speed, the GLA Transformer has higher throughput than a
similarly-sized Mamba model. | cs.LG | Gated Linear Attention Transformers with Hardware-Efficient Training |
2023-12-11T17:46:44Z | http://arxiv.org/pdf/2312.06562v1 | http://arxiv.org/abs/2312.06562v1 | Adrian de Wynter, Xun Wang, Qilong Gu, Si-Qing Chen | 2023-12-11T17:46:44Z | cs.CL, cs.AI, cs.LG, math.CT | Certain statistical models are capable of interpreting input strings as
instructions, or prompts, and carry out tasks based on them. Many approaches to
prompting and pre-training these models involve the automated generation of
these prompts. We call these approaches meta-prompting, or prompting to obtain
prompts. We propose a theoretical framework based on category theory to
generalize and describe them. This framework is flexible enough to account for
LLM stochasticity; and allows us to obtain formal results around task
agnosticity and equivalence of various meta-prompting approaches. We experiment
with meta-prompting in two active areas of model research: creativity and
ideation. We find that user preference favors (p < 0.01) the prompts generated
under meta-prompting, as well as their corresponding outputs, over a series of
hardcoded baseline prompts that include the original task prompt. Using our
framework, we argue that meta-prompting is more effective than basic prompting
at generating desirable outputs. | cs.CL | On Meta-Prompting |
2023-12-11T17:39:00Z | http://arxiv.org/pdf/2312.06550v1 | http://arxiv.org/abs/2312.06550v1 | Zhengzhong Liu, Aurick Qiao, Willie Neiswanger, Hongyi Wang, Bowen Tan, Tianhua Tao, Junbo Li, Yuqi Wang, Suqi Sun, Omkar Pangarkar, Richard Fan, Yi Gu, Victor Miller, Yonghao Zhuang, Guowei He, Haonan Li, Fajri Koto, Liping Tang, Nikhil Ranjan, Zhiqiang Shen, Xuguang Ren, Roberto Iriondo, Cun Mu, Zhiting Hu, Mark Schulze, Preslav Nakov, Tim Baldwin, Eric P. Xing | 2023-12-11T17:39:00Z | cs.CL, cs.AI, cs.LG | The recent surge in open-source Large Language Models (LLMs), such as LLaMA,
Falcon, and Mistral, provides diverse options for AI practitioners and
researchers. However, most LLMs have only released partial artifacts, such as
the final model weights or inference code, and technical reports increasingly
limit their scope to high-level design choices and surface statistics. These
choices hinder progress in the field by degrading transparency into the
training of LLMs and forcing teams to rediscover many details in the training
process. We present LLM360, an initiative to fully open-source LLMs, which
advocates for all training code and data, model checkpoints, and intermediate
results to be made available to the community. The goal of LLM360 is to support
open and collaborative AI research by making the end-to-end LLM training
process transparent and reproducible by everyone. As a first step of LLM360, we
release two 7B parameter LLMs pre-trained from scratch, Amber and CrystalCoder,
including their training code, data, intermediate checkpoints, and analyses (at
https://www.llm360.ai). We are committed to continually pushing the boundaries
of LLMs through this open-source effort. More large-scale and stronger models
are underway and will be released in the future. | cs.CL | LLM360: Towards Fully Transparent Open-Source LLMs |
2023-12-11T17:00:35Z | http://arxiv.org/pdf/2312.06522v2 | http://arxiv.org/abs/2312.06522v2 | Yijie Gao, Shijing Si, Hua Luo, Haixia Sun, Yugui Zhang | 2024-02-23T02:36:50Z | cs.CL, cs.AI, cs.LG | Label smoothing is a widely used technique in various domains, such as text
classification, image classification and speech recognition, known for
effectively combating model overfitting. However, there is little fine-grained
analysis on how label smoothing enhances text sentiment classification. To fill
in the gap, this article performs a set of in-depth analyses on eight datasets
for text sentiment classification and three deep learning architectures:
TextCNN, BERT, and RoBERTa, under two learning schemes: training from scratch
and fine-tuning. By tuning the smoothing parameters, we can achieve improved
performance on almost all datasets for each model architecture. We further
investigate the benefits of label smoothing, finding that label smoothing can
accelerate the convergence of deep models and make samples of different labels
easily distinguishable. | cs.CL | Revisiting the Role of Label Smoothing in Enhanced Text Sentiment Classification |
2023-12-11T16:39:52Z | http://arxiv.org/pdf/2312.06514v1 | http://arxiv.org/abs/2312.06514v1 | Soniya Vijayakumar, Tanja Bäumel, Simon Ostermann, Josef van Genabith | 2023-12-11T16:39:52Z | cs.CL, cs.AI | Pre-trained Language Models (PLMs) have shown to be consistently successful
in a plethora of NLP tasks due to their ability to learn contextualized
representations of words (Ethayarajh, 2019). BERT (Devlin et al., 2018), ELMo
(Peters et al., 2018) and other PLMs encode word meaning via textual context,
as opposed to static word embeddings, which encode all meanings of a word in a
single vector representation. In this work, we present a study that aims to
localize where exactly in a PLM word contextualization happens. In order to
find the location of this word meaning transformation, we investigate
representations of polysemous words in the basic BERT uncased 12 layer
architecture (Devlin et al., 2018), a masked language model trained on an
additional sentence adjacency objective, using qualitative and quantitative
measures. | cs.CL | Where exactly does contextualization in a PLM happen? |
2023-12-11T16:22:37Z | http://arxiv.org/pdf/2312.06499v3 | http://arxiv.org/abs/2312.06499v3 | Fanny Jourdan, Louis Béthune, Agustin Picard, Laurent Risser, Nicholas Asher | 2024-04-12T15:50:14Z | cs.CL, stat.ML | The fairness of Natural Language Processing (NLP) models has emerged as a
crucial concern. Information theory indicates that to achieve fairness, a model
should not be able to predict sensitive variables, such as gender, ethnicity,
and age. However, information related to these variables often appears
implicitly in language, posing a challenge in identifying and mitigating biases
effectively. To tackle this issue, we present a novel approach that operates at
the embedding level of an NLP model, independent of the specific architecture.
Our method leverages insights from recent advances in XAI techniques and
employs an embedding transformation to eliminate implicit information from a
selected variable. By directly manipulating the embeddings in the final layer,
our approach enables a seamless integration into existing models without
requiring significant modifications or retraining. In evaluation, we show that
the proposed post-hoc approach significantly reduces gender-related
associations in NLP models while preserving the overall performance and
functionality of the models. An implementation of our method is available:
https://github.com/fanny-jourdan/TaCo | cs.CL | TaCo: Targeted Concept Removal in Output Embeddings for NLP via Information Theory and Explainability |
2023-12-11T15:45:27Z | http://arxiv.org/pdf/2312.06457v1 | http://arxiv.org/abs/2312.06457v1 | Will E. Thompson, David M. Vidmar, Jessica K. De Freitas, John M. Pfeifer, Brandon K. Fornwalt, Ruijun Chen, Gabriel Altay, Kabir Manghnani, Andrew C. Nelsen, Kellie Morland, Martin C. Stumpe, Riccardo Miotto | 2023-12-11T15:45:27Z | cs.AI, cs.CL, cs.IR, I.2.7 | Identifying disease phenotypes from electronic health records (EHRs) is
critical for numerous secondary uses. Manually encoding physician knowledge
into rules is particularly challenging for rare diseases due to inadequate EHR
coding, necessitating review of clinical notes. Large language models (LLMs)
offer promise in text understanding but may not efficiently handle real-world
clinical documentation. We propose a zero-shot LLM-based method enriched by
retrieval-augmented generation and MapReduce, which pre-identifies
disease-related text snippets to be used in parallel as queries for the LLM to
establish diagnosis. We show that this method as applied to pulmonary
hypertension (PH), a rare disease characterized by elevated arterial pressures
in the lungs, significantly outperforms physician logic rules ($F_1$ score of
0.62 vs. 0.75). This method has the potential to enhance rare disease cohort
identification, expanding the scope of robust clinical research and care gap
identification. | cs.AI | Large Language Models with Retrieval-Augmented Generation for Zero-Shot Disease Phenotyping |
2023-12-11T13:38:16Z | http://arxiv.org/pdf/2312.07599v1 | http://arxiv.org/abs/2312.07599v1 | Jan Piotrowski, Marek Wachnicki, Mateusz Perlik, Jakub Podolak, Grzegorz Rucki, Michał Brzozowski, Paweł Olejnik, Julian Kozłowski, Tomasz Nocoń, Jakub Kozieł, Stanisław Giziński, Piotr Sankowski | 2023-12-11T13:38:16Z | cs.CL, cs.LG, I.2.7 | X (formerly Twitter) has evolved into a contemporary agora, offering a
platform for individuals to express opinions and viewpoints on current events.
The majority of the topics discussed on Twitter are directly related to ongoing
events, making it an important source for monitoring public discourse. However,
linking tweets to specific news presents a significant challenge due to their
concise and informal nature. Previous approaches, including topic models,
graph-based models, and supervised classifiers, have fallen short in
effectively capturing the unique characteristics of tweets and articles.
Inspired by the success of the CLIP model in computer vision, which employs
contrastive learning to model similarities between images and captions, this
paper introduces a contrastive learning approach for training a representation
space where linked articles and tweets exhibit proximity. We present our
contrastive learning approach, CATBERT (Contrastive Articles Tweets BERT),
leveraging pre-trained BERT models. The model is trained and tested on a
dataset containing manually labeled English and Polish tweets and articles
related to the Russian-Ukrainian war. We evaluate CATBERT's performance against
traditional approaches like LDA, and the novel method based on OpenAI
embeddings, which has not been previously applied to this task. Our findings
indicate that CATBERT demonstrates superior performance in associating tweets
with relevant news articles. Furthermore, we demonstrate the performance of the
models when applied to finding the main topic -- represented by an article --
of the whole cascade of tweets. In this new task, we report the performance of
the different models in dependence on the cascade size. | cs.CL | Contrastive News and Social Media Linking using BERT for Articles and Tweets across Dual Platforms |
2023-12-11T13:32:11Z | http://arxiv.org/pdf/2312.06374v3 | http://arxiv.org/abs/2312.06374v3 | Camila Pereira, Matheus Pavan, Sungwon Yoon, Ricelli Ramos, Pablo Costa, Lais Cavalheiro, Ivandre Paraboni | 2024-05-27T19:38:46Z | cs.CL | This work introduces UstanceBR, a multimodal corpus in the Brazilian
Portuguese Twitter domain for target-based stance prediction. The corpus
comprises 86.8 k labelled stances towards selected target topics, and extensive
network information about the users who published these stances on social
media. In this article we describe the corpus multimodal data, and a number of
usage examples in both in-domain and zero-shot stance prediction based on text-
and network-related information, which are intended to provide initial baseline
results for future studies in the field. | cs.CL | UstanceBR: a multimodal language resource for stance prediction |
2023-12-11T13:11:04Z | http://arxiv.org/pdf/2312.06363v2 | http://arxiv.org/abs/2312.06363v2 | Tao Chen, Enwei Zhang, Yuting Gao, Ke Li, Xing Sun, Yan Zhang, Hui Li | 2023-12-12T06:53:27Z | cs.AI, cs.CL, cs.LG | Although In-Context Learning (ICL) brings remarkable performance gains to
Large Language Models (LLMs), the improvements remain lower than fine-tuning on
downstream tasks. This paper introduces Multi-Modal In-Context Tuning (MMICT),
a novel multi-modal fine-tuning paradigm that boosts multi-modal fine-tuning by
fully leveraging the promising ICL capability of multi-modal LLMs (MM-LLMs). We
propose the Multi-Modal Hub (M-Hub), a unified module that captures various
multi-modal features according to different inputs and objectives. Based on
M-Hub, MMICT enables MM-LLMs to learn from in-context visual-guided textual
features and subsequently generate outputs conditioned on the textual-guided
visual features. Moreover, leveraging the flexibility of M-Hub, we design a
variety of in-context demonstrations. Extensive experiments on a diverse range
of downstream multi-modal tasks demonstrate that MMICT significantly
outperforms traditional fine-tuning strategy and the vanilla ICT method that
directly takes the concatenation of all information from different modalities
as input. | cs.AI | MMICT: Boosting Multi-Modal Fine-Tuning with In-Context Examples |
2023-12-11T13:03:39Z | http://arxiv.org/pdf/2312.06355v2 | http://arxiv.org/abs/2312.06355v2 | L. Siddharth, Jianxi Luo | 2024-01-16T13:35:20Z | cs.CL, cs.DL, cs.IR | Artefact descriptions are the primary carriers of engineering design
knowledge that is both an outcome and a driver of the design process. While an
artefact could be described in different connotations, the design process
requires a description to embody engineering design knowledge, which is
expressed in the text through intricate placement of entities and
relationships. As large-language models learn from all kinds of text merely as
a sequence of characters/tokens, these are yet to generate text that embodies
explicit engineering design facts. Existing ontological design theories are
less likely to guide the large-language models whose applications are currently
limited to ideation and learning purposes. In this article, we explicate
engineering design knowledge as knowledge graphs from a large sample of 33,881
patent documents. We examine the constituents of these knowledge graphs to
understand the linguistic and structural basis of engineering design knowledge.
In terms of linguistic basis, we observe that entities and relationships could
be generalised to 64 and 24 linguistic syntaxes. While relationships mainly
capture attributes ('of'), structure ('in', 'with'), purpose ('to', 'for'),
hierarchy ('include'), exemplification ('such as'), and behaviour ('to',
'from'), the hierarchical relationships could specifically be identified using
75 unique syntaxes. To understand the structural basis, we draw inspiration
from various studies on biological/ecological networks and discover motifs from
patent knowledge graphs. We identify four 3-node and four 4-node patterns that
could further be converged and simplified into sequence [->...->], aggregation
[->...<-], and hierarchy [<-...->]. Expected to guide large-language model
based design tools, we propose few regulatory precepts for concretising
abstract entities and relationships within subgraphs, while explicating
hierarchical structures. | cs.CL | Linguistic and Structural Basis of Engineering Design Knowledge |
2023-12-11T12:58:54Z | http://arxiv.org/pdf/2312.06352v1 | http://arxiv.org/abs/2312.06352v1 | Yuichi Inoue, Yuki Yada, Kotaro Tanahashi, Yu Yamaguchi | 2023-12-11T12:58:54Z | cs.CV, cs.CL | Visual Question Answering (VQA) is one of the most important tasks in
autonomous driving, which requires accurate recognition and complex situation
evaluations. However, datasets annotated in a QA format, which guarantees
precise language generation and scene recognition from driving scenes, have not
been established yet. In this work, we introduce Markup-QA, a novel dataset
annotation technique in which QAs are enclosed within markups. This approach
facilitates the simultaneous evaluation of a model's capabilities in sentence
generation and VQA. Moreover, using this annotation methodology, we designed
the NuScenes-MQA dataset. This dataset empowers the development of vision
language models, especially for autonomous driving tasks, by focusing on both
descriptive capabilities and precise QA. The dataset is available at
https://github.com/turingmotors/NuScenes-MQA. | cs.CV | NuScenes-MQA: Integrated Evaluation of Captions and QA for Autonomous Driving Datasets using Markup Annotations |
2023-12-11T12:56:40Z | http://arxiv.org/pdf/2312.06351v1 | http://arxiv.org/abs/2312.06351v1 | Kotaro Tanahashi, Yuichi Inoue, Yu Yamaguchi, Hidetatsu Yaginuma, Daiki Shiotsuka, Hiroyuki Shimatani, Kohei Iwamasa, Yoshiaki Inoue, Takafumi Yamaguchi, Koki Igari, Tsukasa Horinouchi, Kento Tokuhiro, Yugo Tokuchi, Shunsuke Aoki | 2023-12-11T12:56:40Z | cs.CV, cs.CL, cs.RO | Various methods have been proposed for utilizing Large Language Models (LLMs)
in autonomous driving. One strategy of using LLMs for autonomous driving
involves inputting surrounding objects as text prompts to the LLMs, along with
their coordinate and velocity information, and then outputting the subsequent
movements of the vehicle. When using LLMs for such purposes, capabilities such
as spatial recognition and planning are essential. In particular, two
foundational capabilities are required: (1) spatial-aware decision making,
which is the ability to recognize space from coordinate information and make
decisions to avoid collisions, and (2) the ability to adhere to traffic rules.
However, quantitative research has not been conducted on how accurately
different types of LLMs can handle these problems. In this study, we
quantitatively evaluated these two abilities of LLMs in the context of
autonomous driving. Furthermore, to conduct a Proof of Concept (POC) for the
feasibility of implementing these abilities in actual vehicles, we developed a
system that uses LLMs to drive a vehicle. | cs.CV | Evaluation of Large Language Models for Decision Making in Autonomous Driving |
2023-12-11T12:35:35Z | http://arxiv.org/pdf/2312.06338v1 | http://arxiv.org/abs/2312.06338v1 | Timo Pierre Schrader, Simon Razniewski, Lukas Lange, Annemarie Friedrich | 2023-12-11T12:35:35Z | cs.CL, cs.AI | Understanding causality is a core aspect of intelligence. The Event Causality
Identification with Causal News Corpus Shared Task addresses two aspects of
this challenge: Subtask 1 aims at detecting causal relationships in texts, and
Subtask 2 requires identifying signal words and the spans that refer to the
cause or effect, respectively. Our system, which is based on pre-trained
transformers, stacked sequence tagging, and synthetic data augmentation, ranks
third in Subtask 1 and wins Subtask 2 with an F1 score of 72.8, corresponding
to a margin of 13 pp. to the second-best system. | cs.CL | BoschAI @ Causal News Corpus 2023: Robust Cause-Effect Span Extraction using Multi-Layer Sequence Tagging and Data Augmentation |
2023-12-11T12:35:17Z | http://arxiv.org/pdf/2312.06337v1 | http://arxiv.org/abs/2312.06337v1 | Tao Meng, Yuntao Shou, Wei Ai, Nan Yin, Keqin Li | 2023-12-11T12:35:17Z | cs.SD, cs.CL, eess.AS | The main task of Multimodal Emotion Recognition in Conversations (MERC) is to
identify the emotions in modalities, e.g., text, audio, image and video, which
is a significant development direction for realizing machine intelligence.
However, many data in MERC naturally exhibit an imbalanced distribution of
emotion categories, and researchers ignore the negative impact of imbalanced
data on emotion recognition. To tackle this problem, we systematically analyze
it from three aspects: data augmentation, loss sensitivity, and sampling
strategy, and propose the Class Boundary Enhanced Representation Learning
(CBERL) model. Concretely, we first design a multimodal generative adversarial
network to address the imbalanced distribution of {emotion} categories in raw
data. Secondly, a deep joint variational autoencoder is proposed to fuse
complementary semantic information across modalities and obtain discriminative
feature representations. Finally, we implement a multi-task graph neural
network with mask reconstruction and classification optimization to solve the
problem of overfitting and underfitting in class boundary learning, and achieve
cross-modal emotion recognition. We have conducted extensive experiments on the
IEMOCAP and MELD benchmark datasets, and the results show that CBERL has
achieved a certain performance improvement in the effectiveness of emotion
recognition. Especially on the minority class fear and disgust emotion labels,
our model improves the accuracy and F1 value by 10% to 20%. | cs.SD | Deep Imbalanced Learning for Multimodal Emotion Recognition in Conversations |
2023-12-11T12:02:14Z | http://arxiv.org/pdf/2312.06315v1 | http://arxiv.org/abs/2312.06315v1 | Jiaxu Zhao, Meng Fang, Shirui Pan, Wenpeng Yin, Mykola Pechenizkiy | 2023-12-11T12:02:14Z | cs.CL, cs.CY, cs.LG | Warning: This paper contains content that may be offensive or upsetting.
There has been a significant increase in the usage of large language models
(LLMs) in various applications, both in their original form and through
fine-tuned adaptations. As a result, LLMs have gained popularity and are being
widely adopted by a large user community. However, one of the concerns with
LLMs is the potential generation of socially biased content. The existing
evaluation methods have many constraints, and their results exhibit a limited
degree of interpretability. In this work, we propose a bias evaluation
framework named GPTBIAS that leverages the high performance of LLMs (e.g.,
GPT-4 \cite{openai2023gpt4}) to assess bias in models. We also introduce
prompts called Bias Attack Instructions, which are specifically designed for
evaluating model bias. To enhance the credibility and interpretability of bias
evaluation, our framework not only provides a bias score but also offers
detailed information, including bias types, affected demographics, keywords,
reasons behind the biases, and suggestions for improvement. We conduct
extensive experiments to demonstrate the effectiveness and usability of our
bias evaluation framework. | cs.CL | GPTBIAS: A Comprehensive Framework for Evaluating Bias in Large Language Models |
2023-12-11T10:35:32Z | http://arxiv.org/pdf/2312.06281v2 | http://arxiv.org/abs/2312.06281v2 | Samuel J. Paech | 2024-01-03T12:20:35Z | cs.CL, cs.AI, I.2.7 | We introduce EQ-Bench, a novel benchmark designed to evaluate aspects of
emotional intelligence in Large Language Models (LLMs). We assess the ability
of LLMs to understand complex emotions and social interactions by asking them
to predict the intensity of emotional states of characters in a dialogue. The
benchmark is able to discriminate effectively between a wide range of models.
We find that EQ-Bench correlates strongly with comprehensive multi-domain
benchmarks like MMLU (Hendrycks et al., 2020) (r=0.97), indicating that we may
be capturing similar aspects of broad intelligence. Our benchmark produces
highly repeatable results using a set of 60 English-language questions. We also
provide open-source code for an automated benchmarking pipeline at
https://github.com/EQ-bench/EQ-Bench and a leaderboard at https://eqbench.com | cs.CL | EQ-Bench: An Emotional Intelligence Benchmark for Large Language Models |
2023-12-11T10:04:05Z | http://arxiv.org/pdf/2312.06266v1 | http://arxiv.org/abs/2312.06266v1 | Moayad Elamin, Muhammad Omer, Yonas Chanie, Henslaac Ndlovu | 2023-12-11T10:04:05Z | cs.CL, cs.LG, eess.AS | Automatic Speech Recognition (ASR) systems are a crucial technology that is
used today to design a wide variety of applications, most notably, smart
assistants, such as Alexa. ASR systems are essentially dialogue systems that
employ Spoken Language Understanding (SLU) to extract meaningful information
from speech. The main challenge with designing such systems is that they
require a huge amount of labeled clean data to perform competitively, such data
is extremely hard to collect and annotate to respective SLU tasks, furthermore,
when designing such systems for low resource languages, where data is extremely
limited, the severity of the problem intensifies. In this paper, we focus on a
fairly popular SLU task, that is, Intent Classification while working with a
low resource language, namely, Flemish. Intent Classification is a task
concerned with understanding the intents of the user interacting with the
system. We build on existing light models for intent classification in Flemish,
and our main contribution is applying different augmentation techniques on two
levels -- the voice level, and the phonetic transcripts level -- to the
existing models to counter the problem of scarce labeled data in low-resource
languages. We find that our data augmentation techniques, on both levels, have
improved the model performance on a number of tasks. | cs.CL | Creating Spoken Dialog Systems in Ultra-Low Resourced Settings |
2023-12-11T09:22:18Z | http://arxiv.org/pdf/2312.06236v1 | http://arxiv.org/abs/2312.06236v1 | Emily Gavrilenko, Foaad Khosmood, Mahdi Rastad, Sadra Amiri Moghaddam | 2023-12-11T09:22:18Z | cs.LG, cs.CL, cs.IR | Investors are interested in predicting future success of startup companies,
preferably using publicly available data which can be gathered using free
online sources. Using public-only data has been shown to work, but there is
still much room for improvement. Two of the best performing prediction
experiments use 17 and 49 features respectively, mostly numeric and categorical
in nature. In this paper, we significantly expand and diversify both the
sources and the number of features (to 171) to achieve better prediction. Data
collected from Crunchbase, the Google Search API, and Twitter (now X) are used
to predict whether a company will raise a round of funding within a fixed time
horizon. Much of the new features are textual and the Twitter subset include
linguistic metrics such as measures of passive voice and parts-of-speech. A
total of ten machine learning models are also evaluated for best performance.
The adaptable model can be used to predict funding 1-5 years into the future,
with a variable cutoff threshold to favor either precision or recall.
Prediction with comparable assumptions generally achieves F scores above 0.730
which outperforms previous attempts in the literature (0.531), and does so with
fewer examples. Furthermore, we find that the vast majority of the performance
impact comes from the top 18 of 171 features which are mostly generic company
observations, including the best performing individual feature which is the
free-form text description of the company. | cs.LG | Improving Startup Success with Text Analysis |
2023-12-11T09:14:13Z | http://arxiv.org/pdf/2312.06224v1 | http://arxiv.org/abs/2312.06224v1 | Prashant Shrestha, Sanskar Amgain, Bidur Khanal, Cristian A. Linte, Binod Bhattarai | 2023-12-11T09:14:13Z | cs.CV, cs.CL | Medical Vision Language Pretraining (VLP) has recently emerged as a promising
solution to the scarcity of labeled data in the medical domain. By leveraging
paired/unpaired vision and text datasets through self-supervised learning,
models can be trained to acquire vast knowledge and learn robust feature
representations. Such pretrained models have the potential to enhance multiple
downstream medical tasks simultaneously, reducing the dependency on labeled
data. However, despite recent progress and its potential, there is no such
comprehensive survey paper that has explored the various aspects and
advancements in medical VLP. In this paper, we specifically review existing
works through the lens of different pretraining objectives, architectures,
downstream evaluation tasks, and datasets utilized for pretraining and
downstream tasks. Subsequently, we delve into current challenges in medical
VLP, discussing existing and potential solutions, and conclude by highlighting
future directions. To the best of our knowledge, this is the first survey
focused on medical VLP. | cs.CV | Medical Vision Language Pretraining: A survey |
2023-12-11T08:49:18Z | http://arxiv.org/pdf/2312.07592v1 | http://arxiv.org/abs/2312.07592v1 | Hossein Bahak, Farzaneh Taheri, Zahra Zojaji, Arefeh Kazemi | 2023-12-11T08:49:18Z | cs.CL, cs.AI, I.2, I.7 | In the current era, a multitude of language models has emerged to cater to
user inquiries. Notably, the GPT-3.5 Turbo language model has gained
substantial attention as the underlying technology for ChatGPT. Leveraging
extensive parameters, this model adeptly responds to a wide range of questions.
However, due to its reliance on internal knowledge, the accuracy of responses
may not be absolute. This article scrutinizes ChatGPT as a Question Answering
System (QAS), comparing its performance to other existing QASs. The primary
focus is on evaluating ChatGPT's proficiency in extracting responses from
provided paragraphs, a core QAS capability. Additionally, performance
comparisons are made in scenarios without a surrounding passage. Multiple
experiments, exploring response hallucination and considering question
complexity, were conducted on ChatGPT. Evaluation employed well-known Question
Answering (QA) datasets, including SQuAD, NewsQA, and PersianQuAD, across
English and Persian languages. Metrics such as F-score, exact match, and
accuracy were employed in the assessment. The study reveals that, while ChatGPT
demonstrates competence as a generative model, it is less effective in question
answering compared to task-specific models. Providing context improves its
performance, and prompt engineering enhances precision, particularly for
questions lacking explicit answers in provided paragraphs. ChatGPT excels at
simpler factual questions compared to "how" and "why" question types. The
evaluation highlights occurrences of hallucinations, where ChatGPT provides
responses to questions without available answers in the provided context. | cs.CL | Evaluating ChatGPT as a Question Answering System: A Comprehensive Analysis and Comparison with Existing Models |
2023-12-11T08:12:01Z | http://arxiv.org/pdf/2312.06188v1 | http://arxiv.org/abs/2312.06188v1 | Hongliang Dai, Ziqian Zeng | 2023-12-11T08:12:01Z | cs.CL | For the task of fine-grained entity typing (FET), due to the use of a large
number of entity types, it is usually considered too costly to manually
annotating a training dataset that contains an ample number of examples for
each type. A common way to address this problem is to use distantly annotated
training data that contains incorrect labels. However, the performance of
models trained solely with such data can be limited by the errors in the
automatic annotation. Recently, there are a few approaches that no longer
follow this conventional way. But without using sufficient direct entity typing
supervision may also cause them to yield inferior performance. In this paper,
we propose a new approach that can avoid the need of creating distantly labeled
data whenever there is a new type schema. We first train an entity typing model
that have an extremely board type coverage by using the ultra-fine entity
typing data. Then, when there is a need to produce a model for a newly designed
fine-grained entity type schema. We can simply fine-tune the previously trained
model with a small number of examples annotated under this schema. Experimental
results show that our approach achieves outstanding performance for FET under
the few-shot setting. It can also outperform state-of-the-art weak supervision
based methods after fine-tuning the model with only a small size manually
annotated training set. | cs.CL | From Ultra-Fine to Fine: Fine-tuning Ultra-Fine Entity Typing Models to Fine-grained |
2023-12-11T07:56:25Z | http://arxiv.org/pdf/2312.06185v5 | http://arxiv.org/abs/2312.06185v5 | Qinggang Zhang, Junnan Dong, Hao Chen, Daochen Zha, Zailiang Yu, Xiao Huang | 2024-06-04T10:10:37Z | cs.CL, cs.AI | Large Language Models (LLMs) have demonstrated remarkable capabilities in
many real-world applications. Nonetheless, LLMs are often criticized for their
tendency to produce hallucinations, wherein the models fabricate incorrect
statements on tasks beyond their knowledge and perception. To alleviate this
issue, researchers have explored leveraging the factual knowledge in knowledge
graphs (KGs) to ground the LLM's responses in established facts and principles.
However, most state-of-the-art LLMs are closed-source, making it challenging to
develop a prompting framework that can efficiently and effectively integrate
KGs into LLMs with hard prompts only. Generally, existing KG-enhanced LLMs
usually suffer from three critical issues, including huge search space, high
API costs, and laborious prompt engineering, that impede their widespread
application in practice. To this end, we introduce a novel Knowledge Graph
based PrompTing framework, namely KnowGPT, to enhance LLMs with domain
knowledge. KnowGPT contains a knowledge extraction module to extract the most
informative knowledge from KGs, and a context-aware prompt construction module
to automatically convert extracted knowledge into effective prompts.
Experiments on three benchmarks demonstrate that KnowGPT significantly
outperforms all competitors. Notably, KnowGPT achieves a 92.6% accuracy on
OpenbookQA leaderboard, comparable to human-level performance. | cs.CL | KnowGPT: Knowledge Graph based Prompting for Large Language Models |
2023-12-11T07:37:58Z | http://arxiv.org/pdf/2312.07589v1 | http://arxiv.org/abs/2312.07589v1 | Wenbin Guo, Zhao Li, Xin Wang, Zirui Chen | 2023-12-11T07:37:58Z | cs.CL, cs.AI | Knowledge graphs generally suffer from incompleteness, which can be
alleviated by completing the missing information. Deep knowledge convolutional
embedding models based on neural networks are currently popular methods for
knowledge graph completion. However, most existing methods use external
convolution kernels and traditional plain convolution processes, which limits
the feature interaction capability of the model. In this paper, we propose a
novel dynamic convolutional embedding model ConvD for knowledge graph
completion, which directly reshapes the relation embeddings into multiple
internal convolution kernels to improve the external convolution kernels of the
traditional convolutional embedding model. The internal convolution kernels can
effectively augment the feature interaction between the relation embeddings and
entity embeddings, thus enhancing the model embedding performance. Moreover, we
design a priori knowledge-optimized attention mechanism, which can assign
different contribution weight coefficients to multiple relation convolution
kernels for dynamic convolution to improve the expressiveness of the model
further. Extensive experiments on various datasets show that our proposed model
consistently outperforms the state-of-the-art baseline methods, with average
improvements ranging from 11.30\% to 16.92\% across all model evaluation
metrics. Ablation experiments verify the effectiveness of each component module
of the ConvD model. | cs.CL | ConvD: Attention Enhanced Dynamic Convolutional Embeddings for Knowledge Graph Completion |
2023-12-11T07:20:46Z | http://arxiv.org/pdf/2312.06172v2 | http://arxiv.org/abs/2312.06172v2 | Jiawen Yi, Guo Chen | 2023-12-29T08:46:15Z | cs.CL | The fundamental goal of the Text-to-SQL task is to translate natural language
question into SQL query. Current research primarily emphasizes the information
coupling between natural language questions and schemas, and significant
progress has been made in this area. The natural language questions as the
primary task requirements source determines the hardness of correspond SQL
queries, the correlation between the two always be ignored. However, when the
correlation between questions and queries was decoupled, it may simplify the
task. In this paper, we introduce an innovative framework for Text-to-SQL based
on decoupling SQL query hardness parsing. This framework decouples the
Text-to-SQL task based on query hardness by analyzing questions and schemas,
simplifying the multi-hardness task into a single-hardness challenge. This
greatly reduces the parsing pressure on the language model. We evaluate our
proposed framework and achieve a new state-of-the-art performance of
fine-turning methods on Spider dev. | cs.CL | Decoupling SQL Query Hardness Parsing for Text-to-SQL |
2023-12-11T06:35:33Z | http://arxiv.org/pdf/2312.06149v3 | http://arxiv.org/abs/2312.06149v3 | Lifu Tu, Semih Yavuz, Jin Qu, Jiacheng Xu, Rui Meng, Caiming Xiong, Yingbo Zhou | 2024-06-25T18:01:24Z | cs.CL, cs.AI | Large Language Models (LLMs) have demonstrated a powerful ability for text
generation. However, achieving optimal results with a given prompt or
instruction can be challenging, especially for billion-sized models.
Additionally, undesired behaviors such as toxicity or hallucinations can
manifest. While much larger models (e.g., ChatGPT) may demonstrate strength in
mitigating these issues, there is still no guarantee of complete prevention. In
this work, we propose formalizing text generation as a future-constrained
generation problem to minimize undesirable behaviors and enforce faithfulness
to instructions. The estimation of future constraint satisfaction, accomplished
using LLMs, guides the text generation process. Our extensive experiments
demonstrate the effectiveness of the proposed approach across three distinct
text generation tasks: keyword-constrained generation (Lin et al., 2020),
toxicity reduction (Gehman et al., 2020), and factual correctness in
question-answering (Gao et al., 2023). | cs.CL | Unlocking Anticipatory Text Generation: A Constrained Approach for Large Language Models Decoding |
2023-12-11T06:26:38Z | http://arxiv.org/pdf/2312.06147v1 | http://arxiv.org/abs/2312.06147v1 | Faria Huq, Jeffrey P. Bigham, Nikolas Martelaro | 2023-12-11T06:26:38Z | cs.CL, cs.IR | Large language models (LLMs) that have been trained on a corpus that includes
large amount of code exhibit a remarkable ability to understand HTML code. As
web interfaces are primarily constructed using HTML, we design an in-depth
study to see how LLMs can be used to retrieve and locate important elements for
a user given query (i.e. task description) in a web interface. In contrast with
prior works, which primarily focused on autonomous web navigation, we decompose
the problem as an even atomic operation - Can LLMs identify the important
information in the web page for a user given query? This decomposition enables
us to scrutinize the current capabilities of LLMs and uncover the opportunities
and challenges they present. Our empirical experiments show that while LLMs
exhibit a reasonable level of performance in retrieving important UI elements,
there is still a substantial room for improvement. We hope our investigation
will inspire follow-up works in overcoming the current challenges in this
domain. | cs.CL | "What's important here?": Opportunities and Challenges of Using LLMs in Retrieving Information from Web Interfaces |
2023-12-11T05:46:57Z | http://arxiv.org/pdf/2312.06134v1 | http://arxiv.org/abs/2312.06134v1 | Dami Choi, Derrick Xin, Hamid Dadkhahi, Justin Gilmer, Ankush Garg, Orhan Firat, Chih-Kuan Yeh, Andrew M. Dai, Behrooz Ghorbani | 2023-12-11T05:46:57Z | cs.CL, cs.LG | In this paper, we empirically study the optimization dynamics of multi-task
learning, particularly focusing on those that govern a collection of tasks with
significant data imbalance. We present a simple yet effective method of
pre-training on high-resource tasks, followed by fine-tuning on a mixture of
high/low-resource tasks. We provide a thorough empirical study and analysis of
this method's benefits showing that it achieves consistent improvements
relative to the performance trade-off profile of standard static weighting. We
analyze under what data regimes this method is applicable and show its
improvements empirically in neural machine translation (NMT) and multi-lingual
language modeling. | cs.CL | Order Matters in the Presence of Dataset Imbalance for Multilingual Learning |
2023-12-11T05:04:17Z | http://arxiv.org/pdf/2312.06122v1 | http://arxiv.org/abs/2312.06122v1 | Heegyu Kim, Hyunsouk Cho | 2023-12-11T05:04:17Z | cs.CL, cs.LG | Caution: This paper includes offensive words that could potentially cause
unpleasantness. The fast-paced evolution of generative language models such as
GPT-4 has demonstrated outstanding results in various NLP generation tasks.
However, due to the potential generation of offensive words related to race or
gender, various Controllable Text Generation (CTG) methods have been proposed
to mitigate the occurrence of harmful words. However, existing CTG methods not
only reduce toxicity but also negatively impact several aspects of the language
model's generation performance, including topic consistency, grammar, and
perplexity. This paper explores the limitations of previous methods and
introduces a novel solution in the form of a simple Gated Toxicity Avoidance
(GTA) that can be applied to any CTG method. We also evaluate the effectiveness
of the proposed GTA by comparing it with state-of-the-art CTG methods across
various datasets. Our findings reveal that gated toxicity avoidance efficiently
achieves comparable levels of toxicity reduction to the original CTG methods
while preserving the generation performance of the language model. | cs.CL | GTA: Gated Toxicity Avoidance for LM Performance Preservation |
2023-12-11T04:00:26Z | http://arxiv.org/pdf/2312.06099v1 | http://arxiv.org/abs/2312.06099v1 | Cheng Peng, Xi Yang, Aokun Chen, Zehao Yu, Kaleb E Smith, Anthony B Costa, Mona G Flores, Jiang Bian, Yonghui Wu | 2023-12-11T04:00:26Z | cs.CL | Objective To solve major clinical natural language processing (NLP) tasks
using a unified text-to-text learning architecture based on a generative large
language model (LLM) via prompt tuning. Methods We formulated 7 key clinical
NLP tasks as text-to-text learning and solved them using one unified generative
clinical LLM, GatorTronGPT, developed using GPT-3 architecture and trained with
up to 20 billion parameters. We adopted soft prompts (i.e., trainable vectors)
with frozen LLM, where the LLM parameters were not updated (i.e., frozen) and
only the vectors of soft prompts were updated, known as prompt tuning. We added
additional soft prompts as a prefix to the input layer, which were optimized
during the prompt tuning. We evaluated the proposed method using 7 clinical NLP
tasks and compared them with previous task-specific solutions based on
Transformer models. Results and Conclusion The proposed approach achieved
state-of-the-art performance for 5 out of 7 major clinical NLP tasks using one
unified generative LLM. Our approach outperformed previous task-specific
transformer models by ~3% for concept extraction and 7% for relation extraction
applied to social determinants of health, 3.4% for clinical concept
normalization, 3.4~10% for clinical abbreviation disambiguation, and 5.5~9% for
natural language inference. Our approach also outperformed a previously
developed prompt-based machine reading comprehension (MRC) model,
GatorTron-MRC, for clinical concept and relation extraction. The proposed
approach can deliver the ``one model for all`` promise from training to
deployment using a unified generative LLM. | cs.CL | Generative Large Language Models Are All-purpose Text Analytics Engines: Text-to-text Learning Is All Your Need |
2023-12-11T03:59:36Z | http://arxiv.org/pdf/2312.11518v2 | http://arxiv.org/abs/2312.11518v2 | Zhaoxuan Tan, Meng Jiang | 2023-12-23T21:39:52Z | cs.CL, cs.AI | User modeling (UM) aims to discover patterns or learn representations from
user data about the characteristics of a specific user, such as profile,
preference, and personality. The user models enable personalization and
suspiciousness detection in many online applications such as recommendation,
education, and healthcare. Two common types of user data are text and graph, as
the data usually contain a large amount of user-generated content (UGC) and
online interactions. The research of text and graph mining is developing
rapidly, contributing many notable solutions in the past two decades. Recently,
large language models (LLMs) have shown superior performance on generating,
understanding, and even reasoning over text data. The approaches of user
modeling have been equipped with LLMs and soon become outstanding. This article
summarizes existing research about how and why LLMs are great tools of modeling
and understanding UGC. Then it reviews a few categories of large language
models for user modeling (LLM-UM) approaches that integrate the LLMs with text
and graph-based methods in different ways. Then it introduces specific LLM-UM
techniques for a variety of UM applications. Finally, it presents remaining
challenges and future directions in the LLM-UM research. We maintain the
reading list at: https://github.com/TamSiuhin/LLM-UM-Reading | cs.CL | User Modeling in the Era of Large Language Models: Current Research and Future Directions |
2023-12-11T03:36:59Z | http://arxiv.org/pdf/2312.06094v1 | http://arxiv.org/abs/2312.06094v1 | Ming Shan Hee, Aditi Kumaresan, Nguyen Khoi Hoang, Nirmalendu Prakash, Rui Cao, Roy Ka-Wei Lee | 2023-12-11T03:36:59Z | cs.CL, cs.CV, cs.MM, I.1.4 | The rise of social media platforms has brought about a new digital culture
called memes. Memes, which combine visuals and text, can strongly influence
public opinions on social and cultural issues. As a result, people have become
interested in categorizing memes, leading to the development of various
datasets and multimodal models that show promising results in this field.
However, there is currently a lack of a single library that allows for the
reproduction, evaluation, and comparison of these models using fair benchmarks
and settings. To fill this gap, we introduce the Meme Analytical Tool Kit
(MATK), an open-source toolkit specifically designed to support existing memes
datasets and cutting-edge multimodal models. MATK aims to assist researchers
and engineers in training and reproducing these multimodal models for meme
classification tasks, while also providing analysis techniques to gain insights
into their strengths and weaknesses. To access MATK, please visit
\url{https://github.com/Social-AI-Studio/MATK}. | cs.CL | MATK: The Meme Analytical Tool Kit |
2023-12-11T03:36:50Z | http://arxiv.org/pdf/2312.06093v1 | http://arxiv.org/abs/2312.06093v1 | Nirmalendu Prakash, Han Wang, Nguyen Khoi Hoang, Ming Shan Hee, Roy Ka-Wei Lee | 2023-12-11T03:36:50Z | cs.CL, cs.CV, cs.MM, I.1.4; I.1.7 | The proliferation of social media has given rise to a new form of
communication: memes. Memes are multimodal and often contain a combination of
text and visual elements that convey meaning, humor, and cultural significance.
While meme analysis has been an active area of research, little work has been
done on unsupervised multimodal topic modeling of memes, which is important for
content moderation, social media analysis, and cultural studies. We propose
\textsf{PromptMTopic}, a novel multimodal prompt-based model designed to learn
topics from both text and visual modalities by leveraging the language modeling
capabilities of large language models. Our model effectively extracts and
clusters topics learned from memes, considering the semantic interaction
between the text and visual modalities. We evaluate our proposed model through
extensive experiments on three real-world meme datasets, which demonstrate its
superiority over state-of-the-art topic modeling baselines in learning
descriptive topics in memes. Additionally, our qualitative analysis shows that
\textsf{PromptMTopic} can identify meaningful and culturally relevant topics
from memes. Our work contributes to the understanding of the topics and themes
of memes, a crucial form of communication in today's society.\\
\red{\textbf{Disclaimer: This paper contains sensitive content that may be
disturbing to some readers.}} | cs.CL | PromptMTopic: Unsupervised Multimodal Topic Modeling of Memes using Large Language Models |
2023-12-11T03:35:58Z | http://arxiv.org/pdf/2312.06722v3 | http://arxiv.org/abs/2312.06722v3 | Yi Chen, Yuying Ge, Yixiao Ge, Mingyu Ding, Bohao Li, Rui Wang, Ruifeng Xu, Ying Shan, Xihui Liu | 2024-06-11T06:53:44Z | cs.CV, cs.CL, cs.RO | The pursuit of artificial general intelligence (AGI) has been accelerated by
Multimodal Large Language Models (MLLMs), which exhibit superior reasoning,
generalization capabilities, and proficiency in processing multimodal inputs. A
crucial milestone in the evolution of AGI is the attainment of human-level
planning, a fundamental ability for making informed decisions in complex
environments, and solving a wide range of real-world problems. Despite the
impressive advancements in MLLMs, a question remains: How far are current MLLMs
from achieving human-level planning? To shed light on this question, we
introduce EgoPlan-Bench, a comprehensive benchmark to evaluate the planning
abilities of MLLMs in real-world scenarios from an egocentric perspective,
mirroring human perception. EgoPlan-Bench emphasizes the evaluation of planning
capabilities of MLLMs, featuring realistic tasks, diverse action plans, and
intricate visual observations. Our rigorous evaluation of a wide range of MLLMs
reveals that EgoPlan-Bench poses significant challenges, highlighting a
substantial scope for improvement in MLLMs to achieve human-level task
planning. To facilitate this advancement, we further present EgoPlan-IT, a
specialized instruction-tuning dataset that effectively enhances model
performance on EgoPlan-Bench. We have made all codes, data, and a maintained
benchmark leaderboard available to advance future research. | cs.CV | EgoPlan-Bench: Benchmarking Multimodal Large Language Models for Human-Level Planning |
2023-12-11T03:26:36Z | http://arxiv.org/pdf/2312.06088v1 | http://arxiv.org/abs/2312.06088v1 | Shandong Yuan | 2023-12-11T03:26:36Z | cs.CL | Sentence classification is one of the basic tasks of natural language
processing. Convolution neural network (CNN) has the ability to extract n-grams
features through convolutional filters and capture local correlations between
consecutive words in parallel, so CNN is a popular neural network architecture
to dealing with the task. But restricted by the width of convolutional filters,
it is difficult for CNN to capture long term contextual dependencies. Attention
is a mechanism that considers global information and pays more attention to
keywords in sentences, thus attention mechanism is cooperated with CNN network
to improve performance in sentence classification task. In our work, we don't
focus on keyword in a sentence, but on which CNN's output feature map is more
important. We propose a Squeeze-and-Excitation Convolutional neural Network
(SECNN) for sentence classification. SECNN takes the feature maps from multiple
CNN as different channels of sentence representation, and then, we can utilize
channel attention mechanism, that is SE attention mechanism, to enable the
model to learn the attention weights of different channel features. The results
show that our model achieves advanced performance in the sentence
classification task. | cs.CL | SECNN: Squeeze-and-Excitation Convolutional Neural Network for Sentence Classification |
2023-12-11T01:29:19Z | http://arxiv.org/pdf/2312.06056v1 | http://arxiv.org/abs/2312.06056v1 | Sangwon Hyun, Mingyu Guo, M. Ali Babar | 2023-12-11T01:29:19Z | cs.SE, cs.AI, cs.CL | Large-Language Models (LLMs) have shifted the paradigm of natural language
data processing. However, their black-boxed and probabilistic characteristics
can lead to potential risks in the quality of outputs in diverse LLM
applications. Recent studies have tested Quality Attributes (QAs), such as
robustness or fairness, of LLMs by generating adversarial input texts. However,
existing studies have limited their coverage of QAs and tasks in LLMs and are
difficult to extend. Additionally, these studies have only used one evaluation
metric, Attack Success Rate (ASR), to assess the effectiveness of their
approaches. We propose a MEtamorphic Testing for Analyzing LLMs (METAL)
framework to address these issues by applying Metamorphic Testing (MT)
techniques. This approach facilitates the systematic testing of LLM qualities
by defining Metamorphic Relations (MRs), which serve as modularized evaluation
metrics. The METAL framework can automatically generate hundreds of MRs from
templates that cover various QAs and tasks. In addition, we introduced novel
metrics that integrate the ASR method into the semantic qualities of text to
assess the effectiveness of MRs accurately. Through the experiments conducted
with three prominent LLMs, we have confirmed that the METAL framework
effectively evaluates essential QAs on primary LLM tasks and reveals the
quality risks in LLMs. Moreover, the newly proposed metrics can guide the
optimal MRs for testing each task and suggest the most effective method for
generating MRs. | cs.SE | METAL: Metamorphic Testing Framework for Analyzing Large-Language Model Qualities |
2023-12-11T00:57:11Z | http://arxiv.org/pdf/2312.06053v1 | http://arxiv.org/abs/2312.06053v1 | Ziheng Zeng, Kellen Tan Cheng, Srihari Venkat Nanniyur, Jianing Zhou, Suma Bhat | 2023-12-11T00:57:11Z | cs.CL, cs.LG | Idiomatic expression (IE) processing and comprehension have challenged
pre-trained language models (PTLMs) because their meanings are
non-compositional. Unlike prior works that enable IE comprehension through
fine-tuning PTLMs with sentences containing IEs, in this work, we construct
IEKG, a commonsense knowledge graph for figurative interpretations of IEs. This
extends the established ATOMIC2020 graph, converting PTLMs into knowledge
models (KMs) that encode and infer commonsense knowledge related to IE use.
Experiments show that various PTLMs can be converted into KMs with IEKG. We
verify the quality of IEKG and the ability of the trained KMs with automatic
and human evaluation. Through applications in natural language understanding,
we show that a PTLM injected with knowledge from IEKG exhibits improved IE
comprehension ability and can generalize to IEs unseen during training. | cs.CL | IEKG: A Commonsense Knowledge Graph for Idiomatic Expressions |
2023-12-10T22:30:03Z | http://arxiv.org/pdf/2312.06022v2 | http://arxiv.org/abs/2312.06022v2 | Yash Kumar Atri, Vikram Goyal, Tanmoy Chakraborty | 2023-12-20T15:07:59Z | cs.CL | Abstractive text summarization is surging with the number of training samples
to cater to the needs of the deep learning models. These models tend to exploit
the training data representations to attain superior performance by improving
the quantitative element of the resultant summary. However, increasing the size
of the training set may not always be the ideal solution to maximize the
performance, and therefore, a need to revisit the quality of training samples
and the learning protocol of deep learning models is a must. In this paper, we
aim to discretize the vector space of the abstractive text summarization models
to understand the characteristics learned between the input embedding space and
the models' encoder space. We show that deep models fail to capture the
diversity of the input space. Further, the distribution of data points on the
encoder space indicates that an unchecked increase in the training samples does
not add value; rather, a tear-down of data samples is highly needed to make the
models focus on variability and faithfulness. We employ clustering techniques
to learn the diversity of a model's sample space and how data points are mapped
from the embedding space to the encoder space and vice versa. Further, we
devise a metric to filter out redundant data points to make the model more
robust and less data hungry. We benchmark our proposed method using
quantitative metrics, such as Rouge, and qualitative metrics, such as
BERTScore, FEQA and Pyramid score. We also quantify the reasons that inhibit
the models from learning the diversity from the varied input samples. | cs.CL | Exploiting Representation Bias for Data Distillation in Abstractive Text Summarization |
2023-12-10T21:26:35Z | http://arxiv.org/pdf/2312.06002v1 | http://arxiv.org/abs/2312.06002v1 | Ruiyu Wang, Matthew Choi | 2023-12-10T21:26:35Z | cs.CL | Lexical Semantic Change Detection stands out as one of the few areas where
Large Language Models (LLMs) have not been extensively involved. Traditional
methods like PPMI, and SGNS remain prevalent in research, alongside newer
BERT-based approaches. Despite the comprehensive coverage of various natural
language processing domains by LLMs, there is a notable scarcity of literature
concerning their application in this specific realm. In this work, we seek to
bridge this gap by introducing LLMs into the domain of Lexical Semantic Change
Detection. Our work presents novel prompting solutions and a comprehensive
evaluation that spans all three generations of language models, contributing to
the exploration of LLMs in this research area. | cs.CL | Large Language Models on Lexical Semantic Change Detection: An Evaluation |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.