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-08-19T18:58:32Z | http://arxiv.org/pdf/2308.10092v1 | http://arxiv.org/abs/2308.10092v1 | Hao Yu, Zachary Yang, Kellin Pelrine, Jean Francois Godbout, Reihaneh Rabbany | 2023-08-19T18:58:32Z | cs.CL, cs.AI | Recent advancements in large language models have demonstrated remarkable
capabilities across various NLP tasks. But many questions remain, including
whether open-source models match closed ones, why these models excel or
struggle with certain tasks, and what types of practical procedures can improve
performance. We address these questions in the context of classification by
evaluating three classes of models using eight datasets across three distinct
tasks: named entity recognition, political party prediction, and misinformation
detection. While larger LLMs often lead to improved performance, open-source
models can rival their closed-source counterparts by fine-tuning. Moreover,
supervised smaller models, like RoBERTa, can achieve similar or even greater
performance in many datasets compared to generative LLMs. On the other hand,
closed models maintain an advantage in hard tasks that demand the most
generalizability. This study underscores the importance of model selection
based on task requirements | cs.CL | Open, Closed, or Small Language Models for Text Classification? |
2023-08-19T18:47:44Z | http://arxiv.org/pdf/2308.10088v2 | http://arxiv.org/abs/2308.10088v2 | Yihong Dong, Kangcheng Luo, Xue Jiang, Zhi Jin, Ge Li | 2024-05-16T13:02:59Z | cs.CL, cs.SE | Large language models (LLMs) have showcased remarkable potential across
various tasks by conditioning on prompts. However, the quality of different
human-written prompts leads to substantial discrepancies in LLMs' performance,
and improving prompts usually necessitates considerable human effort and
expertise. To this end, this paper proposes Prompt with Actor-Critic Editing
(PACE) for LLMs to enable automatic prompt editing. Drawing inspiration from
the actor-critic algorithm in reinforcement learning, PACE leverages LLMs as
the dual roles of actors and critics, conceptualizing prompt as a type of
policy. PACE refines prompt, taking into account the feedback from both actors
performing prompt and critics criticizing response. This process helps LLMs
better align prompt to a specific task, thanks to real responses and thinking
from LLMs. We conduct extensive experiments on 24 instruction induction tasks
and 21 big-bench tasks. Experimental results indicate that PACE elevates the
relative performance of medium/low-quality human-written prompts by up to 98\%,
which has comparable performance to high-quality human-written prompts.
Moreover, PACE also exhibits notable efficacy for prompt generation. | cs.CL | PACE: Improving Prompt with Actor-Critic Editing for Large Language Model |
2023-08-19T17:32:34Z | http://arxiv.org/pdf/2308.11592v2 | http://arxiv.org/abs/2308.11592v2 | Hao Feng, Zijian Wang, Jingqun Tang, Jinghui Lu, Wengang Zhou, Houqiang Li, Can Huang | 2023-09-02T04:28:42Z | cs.AI, cs.CL | In the era of Large Language Models (LLMs), tremendous strides have been made
in the field of multimodal understanding. However, existing advanced algorithms
are limited to effectively utilizing the immense representation capabilities
and rich world knowledge inherent to these large pre-trained models, and the
beneficial connections among tasks within the context of text-rich scenarios
have not been sufficiently explored. In this work, we introduce UniDoc, a novel
multimodal model equipped with text detection and recognition capabilities,
which are deficient in existing approaches. Moreover, UniDoc capitalizes on the
beneficial interactions among tasks to enhance the performance of each
individual task. To implement UniDoc, we perform unified multimodal instruct
tuning on the contributed large-scale instruction following datasets.
Quantitative and qualitative experimental results show that UniDoc sets
state-of-the-art scores across multiple challenging benchmarks. To the best of
our knowledge, this is the first large multimodal model capable of simultaneous
text detection, recognition, spotting, and understanding. | cs.AI | UniDoc: A Universal Large Multimodal Model for Simultaneous Text Detection, Recognition, Spotting and Understanding |
2023-08-19T15:08:10Z | http://arxiv.org/pdf/2308.10045v2 | http://arxiv.org/abs/2308.10045v2 | Min Cao, Yang Bai, Ziyin Zeng, Mang Ye, Min Zhang | 2023-12-21T04:01:11Z | cs.CV, cs.CL | Text-based Person Search (TBPS) aims to retrieve the person images using
natural language descriptions. Recently, Contrastive Language Image Pretraining
(CLIP), a universal large cross-modal vision-language pre-training model, has
remarkably performed over various cross-modal downstream tasks due to its
powerful cross-modal semantic learning capacity. TPBS, as a fine-grained
cross-modal retrieval task, is also facing the rise of research on the
CLIP-based TBPS. In order to explore the potential of the visual-language
pre-training model for downstream TBPS tasks, this paper makes the first
attempt to conduct a comprehensive empirical study of CLIP for TBPS and thus
contribute a straightforward, incremental, yet strong TBPS-CLIP baseline to the
TBPS community. We revisit critical design considerations under CLIP, including
data augmentation and loss function. The model, with the aforementioned designs
and practical training tricks, can attain satisfactory performance without any
sophisticated modules. Also, we conduct the probing experiments of TBPS-CLIP in
model generalization and model compression, demonstrating the effectiveness of
TBPS-CLIP from various aspects. This work is expected to provide empirical
insights and highlight future CLIP-based TBPS research. | cs.CV | An Empirical Study of CLIP for Text-based Person Search |
2023-08-19T14:33:40Z | http://arxiv.org/pdf/2308.10032v1 | http://arxiv.org/abs/2308.10032v1 | Dan Qiao, Chenfei Wu, Yaobo Liang, Juntao Li, Nan Duan | 2023-08-19T14:33:40Z | cs.CL | The rapid advancements in large language models (LLMs) have presented
challenges in evaluating those models. Existing evaluation methods are either
reference-based or preference based, which inevitably need human intervention
or introduce test bias caused by evaluator models. In this paper, we propose
GameEval, a novel approach to evaluating LLMs through goal-driven
conversational games, overcoming the limitations of previous methods. GameEval
treats LLMs as game players and assigns them distinct roles with specific goals
achieved by launching conversations of various forms, including discussion,
question answering, and voting. We design three unique games with cooperative
or adversarial objectives, accompanied by corresponding evaluation metrics, to
show how this new paradigm comprehensively evaluates model performance.Through
extensive experiments, we show that GameEval can effectively differentiate the
capabilities of various LLMs, providing a comprehensive assessment of their
integrated abilities to solve complex problems. Our public anonymous code is
available at https://github.com/GameEval/GameEval. | cs.CL | GameEval: Evaluating LLMs on Conversational Games |
2023-08-19T14:17:57Z | http://arxiv.org/pdf/2308.10025v2 | http://arxiv.org/abs/2308.10025v2 | Kaihang Pan, Juncheng Li, Wenjie Wang, Hao Fei, Hongye Song, Wei Ji, Jun Lin, Xiaozhong Liu, Tat-Seng Chua, Siliang Tang | 2024-04-25T15:46:32Z | cs.CL | Recent studies indicate that dense retrieval models struggle to perform well
on a wide variety of retrieval tasks that lack dedicated training data, as
different retrieval tasks often entail distinct search intents. To address this
challenge, in this work we leverage instructions to flexibly describe retrieval
intents and introduce I3, a unified retrieval system that performs
Intent-Introspective retrieval across various tasks, conditioned on
Instructions without any task-specific training. I3 innovatively incorporates a
pluggable introspector in a parameter-isolated manner to comprehend specific
retrieval intents by jointly reasoning over the input query and instruction,
and seamlessly integrates the introspected intent into the original retrieval
model for intent-aware retrieval. Furthermore, we propose progressively-pruned
intent learning. It utilizes extensive LLM-generated data to train I3
phase-by-phase, embodying two key designs: progressive structure pruning and
drawback extrapolation-based data refinement. Extensive experiments show that
in the BEIR benchmark, I3 significantly outperforms baseline methods designed
with task-specific retrievers, achieving state-of-the-art zero-shot performance
without any task-specific tuning. | cs.CL | I3: Intent-Introspective Retrieval Conditioned on Instructions |
2023-08-19T13:29:15Z | http://arxiv.org/pdf/2308.11519v1 | http://arxiv.org/abs/2308.11519v1 | Anusuya Krishnan | 2023-08-19T13:29:15Z | cs.CL, cs.AI | Customer reviews play a crucial role in assessing customer satisfaction,
gathering feedback, and driving improvements for businesses. Analyzing these
reviews provides valuable insights into customer sentiments, including
compliments, comments, and suggestions. Text classification techniques enable
businesses to categorize customer reviews into distinct categories,
facilitating a better understanding of customer feedback. However, challenges
such as overfitting and bias limit the effectiveness of a single classifier in
ensuring optimal prediction. This study proposes a novel approach to address
these challenges by introducing a stacking ensemble-based multi-text
classification method that leverages transformer models. By combining multiple
single transformers, including BERT, ELECTRA, and DistilBERT, as base-level
classifiers, and a meta-level classifier based on RoBERTa, an optimal
predictive model is generated. The proposed stacking ensemble-based multi-text
classification method aims to enhance the accuracy and robustness of customer
review analysis. Experimental evaluations conducted on a real-world customer
review dataset demonstrate the effectiveness and superiority of the proposed
approach over traditional single classifier models. The stacking ensemble-based
multi-text classification method using transformers proves to be a promising
solution for businesses seeking to extract valuable insights from customer
reviews and make data-driven decisions to enhance customer satisfaction and
drive continuous improvement. | cs.CL | Optimizing Multi-Class Text Classification: A Diverse Stacking Ensemble Framework Utilizing Transformers |
2023-08-19T13:14:15Z | http://arxiv.org/pdf/2308.11585v2 | http://arxiv.org/abs/2308.11585v2 | Yosuke Miyanishi, Minh Le Nguyen | 2024-03-23T14:07:54Z | cs.AI, cs.CL | Amidst the rapid expansion of Machine Learning (ML) and Large Language Models
(LLMs), understanding the semantics within their mechanisms is vital. Causal
analyses define semantics, while gradient-based methods are essential to
eXplainable AI (XAI), interpreting the model's 'black box'. Integrating these,
we investigate how a model's mechanisms reveal its causal effect on
evidence-based decision-making. Research indicates intersectionality - the
combined impact of an individual's demographics - can be framed as an Average
Treatment Effect (ATE). This paper demonstrates that hateful meme detection can
be viewed as an ATE estimation using intersectionality principles, and
summarized gradient-based attention scores highlight distinct behaviors of
three Transformer models. We further reveal that LLM Llama-2 can discern the
intersectional aspects of the detection through in-context learning and that
the learning process could be explained via meta-gradient, a secondary form of
gradient. In conclusion, this work furthers the dialogue on Causality and XAI.
Our code is available online (see External Resources section). | cs.AI | Causal Intersectionality and Dual Form of Gradient Descent for Multimodal Analysis: a Case Study on Hateful Memes |
2023-08-19T11:31:45Z | http://arxiv.org/pdf/2308.09985v1 | http://arxiv.org/abs/2308.09985v1 | Hanzhuo Tan, Chunpu Xu, Jing Li, Yuqun Zhang, Zeyang Fang, Zeyu Chen, Baohua Lai | 2023-08-19T11:31:45Z | cs.CL | Natural language understanding (NLU) is integral to various social media
applications. However, existing NLU models rely heavily on context for semantic
learning, resulting in compromised performance when faced with short and noisy
social media content. To address this issue, we leverage in-context learning
(ICL), wherein language models learn to make inferences by conditioning on a
handful of demonstrations to enrich the context and propose a novel
hashtag-driven in-context learning (HICL) framework. Concretely, we pre-train a
model #Encoder, which employs #hashtags (user-annotated topic labels) to drive
BERT-based pre-training through contrastive learning. Our objective here is to
enable #Encoder to gain the ability to incorporate topic-related semantic
information, which allows it to retrieve topic-related posts to enrich contexts
and enhance social media NLU with noisy contexts. To further integrate the
retrieved context with the source text, we employ a gradient-based method to
identify trigger terms useful in fusing information from both sources. For
empirical studies, we collected 45M tweets to set up an in-context NLU
benchmark, and the experimental results on seven downstream tasks show that
HICL substantially advances the previous state-of-the-art results. Furthermore,
we conducted extensive analyzes and found that: (1) combining source input with
a top-retrieved post from #Encoder is more effective than using semantically
similar posts; (2) trigger words can largely benefit in merging context from
the source and retrieved posts. | cs.CL | HICL: Hashtag-Driven In-Context Learning for Social Media Natural Language Understanding |
2023-08-19T10:38:00Z | http://arxiv.org/pdf/2308.09975v1 | http://arxiv.org/abs/2308.09975v1 | Liwen Zhang, Weige Cai, Zhaowei Liu, Zhi Yang, Wei Dai, Yujie Liao, Qianru Qin, Yifei Li, Xingyu Liu, Zhiqiang Liu, Zhoufan Zhu, Anbo Wu, Xin Guo, Yun Chen | 2023-08-19T10:38:00Z | cs.CL | Large language models (LLMs) have demonstrated exceptional performance in
various natural language processing tasks, yet their efficacy in more
challenging and domain-specific tasks remains largely unexplored. This paper
presents FinEval, a benchmark specifically designed for the financial domain
knowledge in the LLMs. FinEval is a collection of high-quality multiple-choice
questions covering Finance, Economy, Accounting, and Certificate. It includes
4,661 questions spanning 34 different academic subjects. To ensure a
comprehensive model performance evaluation, FinEval employs a range of prompt
types, including zero-shot and few-shot prompts, as well as answer-only and
chain-of-thought prompts. Evaluating state-of-the-art Chinese and English LLMs
on FinEval, the results show that only GPT-4 achieved an accuracy close to 70%
in different prompt settings, indicating significant growth potential for LLMs
in the financial domain knowledge. Our work offers a more comprehensive
financial knowledge evaluation benchmark, utilizing data of mock exams and
covering a wide range of evaluated LLMs. | cs.CL | FinEval: A Chinese Financial Domain Knowledge Evaluation Benchmark for Large Language Models |
2023-08-19T10:10:49Z | http://arxiv.org/pdf/2308.09970v1 | http://arxiv.org/abs/2308.09970v1 | Diji Yang, Kezhen Chen, Jinmeng Rao, Xiaoyuan Guo, Yawen Zhang, Jie Yang, Yi Zhang | 2023-08-19T10:10:49Z | cs.CL, cs.AI, cs.LG | Visual language tasks require AI models to comprehend and reason with both
visual and textual content. Driven by the power of Large Language Models
(LLMs), two prominent methods have emerged: (1) the hybrid integration between
LLMs and Vision-Language Models (VLMs), where visual inputs are firstly
converted into language descriptions by VLMs, serving as inputs for LLMs to
generate final answer(s); (2) visual feature alignment in language space, where
visual inputs are encoded as embeddings and projected to LLMs' language space
via further supervised fine-tuning. The first approach provides light training
costs and interpretability but is hard to be optimized in an end-to-end
fashion. The second approach presents decent performance, but feature alignment
usually requires large amounts of training data and lacks interpretability. To
tackle this dilemma, we propose a novel approach, Inner Monologue Multi-Modal
Optimization (IMMO), to solve complex vision language problems by simulating
inner monologue processes, a cognitive process in which an individual engages
in silent verbal communication with themselves. We enable LLMs and VLMs to
interact through natural language conversation and propose to use a two-stage
training process to learn how to do the inner monologue (self-asking questions
and answering questions). IMMO is evaluated on two popular tasks and the
results suggest by emulating the cognitive phenomenon of internal dialogue, our
approach can enhance reasoning and explanation abilities, contributing to the
more effective fusion of vision and language models. More importantly, instead
of using predefined human-crafted monologues, IMMO learns this process within
the deep learning models, promising wider applicability to many different AI
problems beyond vision language tasks. | cs.CL | Tackling Vision Language Tasks Through Learning Inner Monologues |
2023-08-19T09:19:34Z | http://arxiv.org/pdf/2308.09957v1 | http://arxiv.org/abs/2308.09957v1 | Michela Lorandi, Anya Belz | 2023-08-19T09:19:34Z | cs.CL, cs.AI | LLMs like GPT are great at tasks involving English which dominates in their
training data. In this paper, we look at how they cope with tasks involving
languages that are severely under-represented in their training data, in the
context of data-to-text generation for Irish, Maltese, Welsh and Breton. During
the prompt-engineering phase we tested a range of prompt types and formats on
GPT-3.5 and~4 with a small sample of example input/output pairs. We then fully
evaluated the two most promising prompts in two scenarios: (i) direct
generation into the under-resourced language, and (ii) generation into English
followed by translation into the under-resourced language. We find that
few-shot prompting works better for direct generation into under-resourced
languages, but that the difference disappears when pivoting via English. The
few-shot + translation system variants were submitted to the WebNLG 2023 shared
task where they outperformed competitor systems by substantial margins in all
languages on all metrics. We conclude that good performance on under-resourced
languages can be achieved out-of-the box with state-of-the-art LLMs. However,
our best results (for Welsh) remain well below the lowest ranked English system
at WebNLG'20. | cs.CL | Data-to-text Generation for Severely Under-Resourced Languages with GPT-3.5: A Bit of Help Needed from Google Translate |
2023-08-19T09:17:19Z | http://arxiv.org/pdf/2308.09954v1 | http://arxiv.org/abs/2308.09954v1 | Suhang Wu, Minlong Peng, Yue Chen, Jinsong Su, Mingming Sun | 2023-08-19T09:17:19Z | cs.CL, cs.AI | Large language models (LLMs) possess a wealth of knowledge encoded in their
parameters. However, this knowledge may become outdated or unsuitable over
time. As a result, there has been a growing interest in knowledge editing for
LLMs and evaluating its effectiveness. Existing studies primarily focus on
knowledge editing using factual triplets, which not only incur high costs for
collection but also struggle to express complex facts. Furthermore, these
studies are often limited in their evaluation perspectives. In this paper, we
propose Eva-KELLM, a new benchmark for evaluating knowledge editing of LLMs.
This benchmark includes an evaluation framework and a corresponding dataset.
Under our framework, we first ask the LLM to perform knowledge editing using
raw documents, which provides a more convenient and universal approach compared
to using factual triplets. We then evaluate the updated LLM from multiple
perspectives. In addition to assessing the effectiveness of knowledge editing
and the retention of unrelated knowledge from conventional studies, we further
test the LLM's ability in two aspects: 1) Reasoning with the altered knowledge,
aiming for the LLM to genuinely learn the altered knowledge instead of simply
memorizing it. 2) Cross-lingual knowledge transfer, where the LLM updated with
raw documents in one language should be capable of handling queries from
another language. To facilitate further research, we construct and release the
corresponding dataset. Using this benchmark, we investigate the effectiveness
of several commonly-used knowledge editing methods. Experimental results
indicate that the current methods for knowledge editing using raw documents are
not effective in yielding satisfactory results, particularly when it comes to
reasoning with altered knowledge and cross-lingual knowledge transfer. | cs.CL | Eva-KELLM: A New Benchmark for Evaluating Knowledge Editing of LLMs |
2023-08-19T08:18:04Z | http://arxiv.org/pdf/2308.11520v1 | http://arxiv.org/abs/2308.11520v1 | Anusuya Krishnan | 2023-08-19T08:18:04Z | cs.CL, cs.AI | The exponential growth of online social network platforms and applications
has led to a staggering volume of user-generated textual content, including
comments and reviews. Consequently, users often face difficulties in extracting
valuable insights or relevant information from such content. To address this
challenge, machine learning and natural language processing algorithms have
been deployed to analyze the vast amount of textual data available online. In
recent years, topic modeling techniques have gained significant popularity in
this domain. In this study, we comprehensively examine and compare five
frequently used topic modeling methods specifically applied to customer
reviews. The methods under investigation are latent semantic analysis (LSA),
latent Dirichlet allocation (LDA), non-negative matrix factorization (NMF),
pachinko allocation model (PAM), Top2Vec, and BERTopic. By practically
demonstrating their benefits in detecting important topics, we aim to highlight
their efficacy in real-world scenarios. To evaluate the performance of these
topic modeling methods, we carefully select two textual datasets. The
evaluation is based on standard statistical evaluation metrics such as topic
coherence score. Our findings reveal that BERTopic consistently yield more
meaningful extracted topics and achieve favorable results. | cs.CL | Exploring the Power of Topic Modeling Techniques in Analyzing Customer Reviews: A Comparative Analysis |
2023-08-19T07:53:43Z | http://arxiv.org/pdf/2308.09936v3 | http://arxiv.org/abs/2308.09936v3 | Wenbo Hu, Yifan Xu, Yi Li, Weiyue Li, Zeyuan Chen, Zhuowen Tu | 2023-12-18T04:33:17Z | cs.CV, cs.AI, cs.CL, cs.LG | Vision Language Models (VLMs), which extend Large Language Models (LLM) by
incorporating visual understanding capability, have demonstrated significant
advancements in addressing open-ended visual question-answering (VQA) tasks.
However, these models cannot accurately interpret images infused with text, a
common occurrence in real-world scenarios. Standard procedures for extracting
information from images often involve learning a fixed set of query embeddings.
These embeddings are designed to encapsulate image contexts and are later used
as soft prompt inputs in LLMs. Yet, this process is limited to the token count,
potentially curtailing the recognition of scenes with text-rich context. To
improve upon them, the present study introduces BLIVA: an augmented version of
InstructBLIP with Visual Assistant. BLIVA incorporates the query embeddings
from InstructBLIP and also directly projects encoded patch embeddings into the
LLM, a technique inspired by LLaVA. This approach assists the model to capture
intricate details potentially missed during the query decoding process.
Empirical evidence demonstrates that our model, BLIVA, significantly enhances
performance in processing text-rich VQA benchmarks (up to 17.76% in OCR-VQA
benchmark) and in undertaking general (not particularly text-rich) VQA
benchmarks (up to 7.9% in Visual Spatial Reasoning benchmark), and achieved
17.72% overall improvement in a comprehensive multimodal LLM benchmark (MME),
comparing to our baseline InstructBLIP. BLIVA demonstrates significant
capability in decoding real-world images, irrespective of text presence. To
demonstrate the broad industry applications enabled by BLIVA, we evaluate the
model using a new dataset comprising YouTube thumbnails paired with
question-answer sets across 11 diverse categories. Our code and models are
freely accessible at https://github.com/mlpc-ucsd/BLIVA. | cs.CV | BLIVA: A Simple Multimodal LLM for Better Handling of Text-Rich Visual Questions |
2023-08-19T03:10:51Z | http://arxiv.org/pdf/2308.09892v1 | http://arxiv.org/abs/2308.09892v1 | Benjamin C. Warner, Ziqi Xu, Simon Haroutounian, Thomas Kannampallil, Chenyang Lu | 2023-08-19T03:10:51Z | cs.CL, cs.LG | Survey data can contain a high number of features while having a
comparatively low quantity of examples. Machine learning models that attempt to
predict outcomes from survey data under these conditions can overfit and result
in poor generalizability. One remedy to this issue is feature selection, which
attempts to select an optimal subset of features to learn upon. A relatively
unexplored source of information in the feature selection process is the usage
of textual names of features, which may be semantically indicative of which
features are relevant to a target outcome. The relationships between feature
names and target names can be evaluated using language models (LMs) to produce
semantic textual similarity (STS) scores, which can then be used to select
features. We examine the performance using STS to select features directly and
in the minimal-redundancy-maximal-relevance (mRMR) algorithm. The performance
of STS as a feature selection metric is evaluated against preliminary survey
data collected as a part of a clinical study on persistent post-surgical pain
(PPSP). The results suggest that features selected with STS can result in
higher performance models compared to traditional feature selection algorithms. | cs.CL | Utilizing Semantic Textual Similarity for Clinical Survey Data Feature Selection |
2023-08-19T03:01:45Z | http://arxiv.org/pdf/2308.09890v1 | http://arxiv.org/abs/2308.09890v1 | Toma Tanaka, Naofumi Emoto, Tsukasa Yumibayashi | 2023-08-19T03:01:45Z | cs.LG, cs.AI, cs.CL, cs.PL | Large Language Models(LLMs) have been attracting attention due to a ability
called in-context learning(ICL). ICL, without updating the parameters of a LLM,
it is possible to achieve highly accurate inference based on rules ``in the
context'' by merely inputting a training data into the prompt. Although ICL is
a developing field with many unanswered questions, LLMs themselves serves as a
inference model, seemingly realizing inference without explicitly indicate
``inductive bias''. On the other hand, a code generation is also a highlighted
application of LLMs. The accuracy of code generation has dramatically improved,
enabling even non-engineers to generate code to perform the desired tasks by
crafting appropriate prompts. In this paper, we propose a novel ``learning''
method called an ``Inductive-Bias Learning (IBL)'', which combines the
techniques of ICL and code generation. An idea of IBL is straightforward. Like
ICL, IBL inputs a training data into the prompt and outputs a code with a
necessary structure for inference (we referred to as ``Code Model'') from a
``contextual understanding''. Despite being a seemingly simple approach, IBL
encompasses both a ``property of inference without explicit inductive bias''
inherent in ICL and a ``readability and explainability'' of the code
generation. Surprisingly, generated Code Models have been found to achieve
predictive accuracy comparable to, and in some cases surpassing, ICL and
representative machine learning models. Our IBL code is open source:
https://github.com/fuyu-quant/IBLM | cs.LG | Inductive-bias Learning: Generating Code Models with Large Language Model |
2023-08-19T00:39:21Z | http://arxiv.org/pdf/2308.09862v3 | http://arxiv.org/abs/2308.09862v3 | Maithili Sabane, Onkar Litake, Aman Chadha | 2024-02-17T07:02:26Z | cs.CL | The recent advances in deep-learning have led to the development of highly
sophisticated systems with an unquenchable appetite for data. On the other
hand, building good deep-learning models for low-resource languages remains a
challenging task. This paper focuses on developing a Question Answering dataset
for two such languages- Hindi and Marathi. Despite Hindi being the 3rd most
spoken language worldwide, with 345 million speakers, and Marathi being the
11th most spoken language globally, with 83.2 million speakers, both languages
face limited resources for building efficient Question Answering systems. To
tackle the challenge of data scarcity, we have developed a novel approach for
translating the SQuAD 2.0 dataset into Hindi and Marathi. We release the
largest Question-Answering dataset available for these languages, with each
dataset containing 28,000 samples. We evaluate the dataset on various
architectures and release the best-performing models for both Hindi and
Marathi, which will facilitate further research in these languages. Leveraging
similarity tools, our method holds the potential to create datasets in diverse
languages, thereby enhancing the understanding of natural language across
varied linguistic contexts. Our fine-tuned models, code, and dataset will be
made publicly available. | cs.CL | Breaking Language Barriers: A Question Answering Dataset for Hindi and Marathi |
2023-08-19T00:24:59Z | http://arxiv.org/pdf/2308.09861v1 | http://arxiv.org/abs/2308.09861v1 | Yu-An Liu, Ruqing Zhang, Jiafeng Guo, Maarten de Rijke, Wei Chen, Yixing Fan, Xueqi Cheng | 2023-08-19T00:24:59Z | cs.IR, cs.CL | Neural ranking models (NRMs) and dense retrieval (DR) models have given rise
to substantial improvements in overall retrieval performance. In addition to
their effectiveness, and motivated by the proven lack of robustness of deep
learning-based approaches in other areas, there is growing interest in the
robustness of deep learning-based approaches to the core retrieval problem.
Adversarial attack methods that have so far been developed mainly focus on
attacking NRMs, with very little attention being paid to the robustness of DR
models. In this paper, we introduce the adversarial retrieval attack (AREA)
task. The AREA task is meant to trick DR models into retrieving a target
document that is outside the initial set of candidate documents retrieved by
the DR model in response to a query. We consider the decision-based black-box
adversarial setting, which is realistic in real-world search engines. To
address the AREA task, we first employ existing adversarial attack methods
designed for NRMs. We find that the promising results that have previously been
reported on attacking NRMs, do not generalize to DR models: these methods
underperform a simple term spamming method. We attribute the observed lack of
generalizability to the interaction-focused architecture of NRMs, which
emphasizes fine-grained relevance matching. DR models follow a different
representation-focused architecture that prioritizes coarse-grained
representations. We propose to formalize attacks on DR models as a contrastive
learning problem in a multi-view representation space. The core idea is to
encourage the consistency between each view representation of the target
document and its corresponding viewer via view-wise supervision signals.
Experimental results demonstrate that the proposed method can significantly
outperform existing attack strategies in misleading the DR model with small
indiscernible text perturbations. | cs.IR | Black-box Adversarial Attacks against Dense Retrieval Models: A Multi-view Contrastive Learning Method |
2023-08-18T23:07:29Z | http://arxiv.org/pdf/2308.09853v1 | http://arxiv.org/abs/2308.09853v1 | Amirreza Payandeh, Dan Pluth, Jordan Hosier, Xuesu Xiao, Vijay K. Gurbani | 2023-08-18T23:07:29Z | cs.CL | This paper investigates the rational thinking capability of Large Language
Models (LLMs) in multi-round argumentative debates by exploring the impact of
fallacious arguments on their logical reasoning performance. More specifically,
we present Logic Competence Measurement Benchmark (LOGICOM), a diagnostic
benchmark to assess the robustness of LLMs against logical fallacies. LOGICOM
involves two agents: a persuader and a debater engaging in a multi-round debate
on a controversial topic, where the persuader tries to convince the debater of
the correctness of its claim. First, LOGICOM assesses the potential of LLMs to
change their opinions through reasoning. Then, it evaluates the debater's
performance in logical reasoning by contrasting the scenario where the
persuader employs logical fallacies against one where logical reasoning is
used. We use this benchmark to evaluate the performance of GPT-3.5 and GPT-4
using a dataset containing controversial topics, claims, and reasons supporting
them. Our findings indicate that both GPT-3.5 and GPT-4 can adjust their
opinion through reasoning. However, when presented with logical fallacies,
GPT-3.5 and GPT-4 are erroneously convinced 41% and 69% more often,
respectively, compared to when logical reasoning is used. Finally, we introduce
a new dataset containing over 5k pairs of logical vs. fallacious arguments. The
source code and dataset of this work are made publicly available. | cs.CL | How susceptible are LLMs to Logical Fallacies? |
2023-08-18T20:34:46Z | http://arxiv.org/pdf/2308.11526v1 | http://arxiv.org/abs/2308.11526v1 | Pranjal Gupta, Harshit Kumar, Debanjana Kar, Karan Bhukar, Pooja Aggarwal, Prateeti Mohapatra | 2023-08-18T20:34:46Z | cs.CL, cs.AI, cs.SE | AI for IT Operations (AIOps) is a powerful platform that Site Reliability
Engineers (SREs) use to automate and streamline operational workflows with
minimal human intervention. Automated log analysis is a critical task in AIOps
as it provides key insights for SREs to identify and address ongoing faults.
Tasks such as log format detection, log classification, and log parsing are key
components of automated log analysis. Most of these tasks require supervised
learning; however, there are multiple challenges due to limited labelled log
data and the diverse nature of log data. Large Language Models (LLMs) such as
BERT and GPT3 are trained using self-supervision on a vast amount of unlabeled
data. These models provide generalized representations that can be effectively
used for various downstream tasks with limited labelled data. Motivated by the
success of LLMs in specific domains like science and biology, this paper
introduces a LLM for log data which is trained on public and proprietary log
data. The results of our experiments demonstrate that the proposed LLM
outperforms existing models on multiple downstream tasks. In summary, AIOps
powered by LLMs offers an efficient and effective solution for automating log
analysis tasks and enabling SREs to focus on higher-level tasks. Our proposed
LLM, trained on public and proprietary log data, offers superior performance on
multiple downstream tasks, making it a valuable addition to the AIOps platform. | cs.CL | Learning Representations on Logs for AIOps |
2023-08-18T20:33:06Z | http://arxiv.org/pdf/2308.09810v1 | http://arxiv.org/abs/2308.09810v1 | Wenxuan Wang, Jingyuan Huang, Jen-tse Huang, Chang Chen, Jiazhen Gu, Pinjia He, Michael R. Lyu | 2023-08-18T20:33:06Z | cs.SE, cs.AI, cs.CL, cs.CV | The exponential growth of social media platforms has brought about a
revolution in communication and content dissemination in human society.
Nevertheless, these platforms are being increasingly misused to spread toxic
content, including hate speech, malicious advertising, and pornography, leading
to severe negative consequences such as harm to teenagers' mental health.
Despite tremendous efforts in developing and deploying textual and image
content moderation methods, malicious users can evade moderation by embedding
texts into images, such as screenshots of the text, usually with some
interference. We find that modern content moderation software's performance
against such malicious inputs remains underexplored. In this work, we propose
OASIS, a metamorphic testing framework for content moderation software. OASIS
employs 21 transform rules summarized from our pilot study on 5,000 real-world
toxic contents collected from 4 popular social media applications, including
Twitter, Instagram, Sina Weibo, and Baidu Tieba. Given toxic textual contents,
OASIS can generate image test cases, which preserve the toxicity yet are likely
to bypass moderation. In the evaluation, we employ OASIS to test five
commercial textual content moderation software from famous companies (i.e.,
Google Cloud, Microsoft Azure, Baidu Cloud, Alibaba Cloud and Tencent Cloud),
as well as a state-of-the-art moderation research model. The results show that
OASIS achieves up to 100% error finding rates. Moreover, through retraining the
models with the test cases generated by OASIS, the robustness of the moderation
model can be improved without performance degradation. | cs.SE | An Image is Worth a Thousand Toxic Words: A Metamorphic Testing Framework for Content Moderation Software |
2023-08-18T20:18:30Z | http://arxiv.org/pdf/2308.09804v1 | http://arxiv.org/abs/2308.09804v1 | Zi-Yuan Hu, Yanyang Li, Michael R. Lyu, Liwei Wang | 2023-08-18T20:18:30Z | cs.CV, cs.AI, cs.CL, cs.LG | As the model size of pre-trained language models (PLMs) grows rapidly, full
fine-tuning becomes prohibitively expensive for model training and storage. In
vision-and-language (VL), parameter-efficient tuning (PET) techniques are
proposed to integrate modular modifications (e.g., Adapter and LoRA) into
encoder-decoder PLMs. By tuning a small set of trainable parameters, these
techniques perform on par with full fine-tuning. However, excessive modular
modifications and neglecting the functionality gap between the encoders and
decoders can lead to performance degradation, while existing PET techniques
(e.g., VL-Adapter) overlook these critical issues. In this paper, we propose a
Vision-and-Language Parameter-Efficient Tuning (VL-PET) framework to impose
effective control over modular modifications via a novel granularity-controlled
mechanism. Considering different granularity-controlled matrices generated by
this mechanism, a variety of model-agnostic VL-PET modules can be instantiated
from our framework for better efficiency and effectiveness trade-offs. We
further propose lightweight PET module designs to enhance VL alignment and
modeling for the encoders and maintain text generation for the decoders.
Extensive experiments conducted on four image-text tasks and four video-text
tasks demonstrate the efficiency, effectiveness and transferability of our
VL-PET framework. In particular, our VL-PET-large with lightweight PET module
designs significantly outperforms VL-Adapter by 2.92% (3.41%) and LoRA by 3.37%
(7.03%) with BART-base (T5-base) on image-text tasks. Furthermore, we validate
the enhanced effect of employing our VL-PET designs on existing PET techniques,
enabling them to achieve significant performance improvements. Our code is
available at https://github.com/HenryHZY/VL-PET. | cs.CV | VL-PET: Vision-and-Language Parameter-Efficient Tuning via Granularity Control |
2023-08-18T18:58:54Z | http://arxiv.org/pdf/2308.09778v3 | http://arxiv.org/abs/2308.09778v3 | Navid Rajabi, Jana Kosecka | 2024-03-06T00:38:04Z | cs.CV, cs.CL, cs.LG | Large vision-and-language models (VLMs) trained to match images with text on
large-scale datasets of image-text pairs have shown impressive generalization
ability on several vision and language tasks. Several recent works, however,
showed that these models lack fine-grained understanding, such as the ability
to count and recognize verbs, attributes, or relationships. The focus of this
work is to study the understanding of spatial relations. This has been tackled
previously using image-text matching (e.g., Visual Spatial Reasoning benchmark)
or visual question answering (e.g., GQA or VQAv2), both showing poor
performance and a large gap compared to human performance. In this work, we
show qualitatively (using explainability tools) and quantitatively (using
object detectors) that the poor object localization "grounding" ability of the
models is a contributing factor to the poor image-text matching performance. We
propose an alternative fine-grained, compositional approach for recognizing and
ranking spatial clauses that combines the evidence from grounding noun phrases
corresponding to objects and their locations to compute the final rank of the
spatial clause. We demonstrate the approach on representative VLMs (such as
LXMERT, GPV, and MDETR) and compare and highlight their abilities to reason
about spatial relationships. | cs.CV | Towards Grounded Visual Spatial Reasoning in Multi-Modal Vision Language Models |
2023-08-18T18:46:47Z | http://arxiv.org/pdf/2308.09768v3 | http://arxiv.org/abs/2308.09768v3 | Anuoluwapo Aremu, Jesujoba O. Alabi, Daud Abolade, Nkechinyere F. Aguobi, Shamsuddeen Hassan Muhammad, David Ifeoluwa Adelani | 2024-05-19T11:40:18Z | cs.CL | In this paper, we create NaijaRC: a new multi-choice Reading Comprehension
dataset for three native Nigeria languages that is based on high-school reading
comprehension examination. We provide baseline results by performing
cross-lingual transfer using existing English RACE and Belebele training
dataset based on a pre-trained encoder-only model. Additionally, we provide
results by prompting large language models (LLMs) like GPT-4. | cs.CL | NaijaRC: A Multi-choice Reading Comprehension Dataset for Nigerian Languages |
2023-08-18T18:18:55Z | http://arxiv.org/pdf/2308.09765v2 | http://arxiv.org/abs/2308.09765v2 | Thomas C. Bachlechner, Mario Martone, Marjorie Schillo | 2023-08-22T15:53:18Z | cs.CL, cs.AI, cs.IR, cs.LG | Accurately evaluating the similarity of object vector embeddings is of
critical importance for natural language processing, information retrieval and
classification tasks. Popular similarity scores (e.g cosine similarity) are
based on pairs of embedding vectors and disregard the distribution of the
ensemble from which objects are drawn. Human perception of object similarity
significantly depends on the context in which the objects appear. In this work
we propose the $\textit{surprise score}$, an ensemble-normalized similarity
metric that encapsulates the contrast effect of human perception and
significantly improves the classification performance on zero- and few-shot
document classification tasks. This score quantifies the surprise to find a
given similarity between two elements relative to the pairwise ensemble
similarities. We evaluate this metric on zero/few shot classification and
clustering tasks and typically find 10-15 % better performance compared to raw
cosine similarity. Our code is available at
https://github.com/MeetElise/surprise-similarity. | cs.CL | Taken by Surprise: Contrast effect for Similarity Scores |
2023-08-18T17:29:23Z | http://arxiv.org/pdf/2308.09687v4 | http://arxiv.org/abs/2308.09687v4 | Maciej Besta, Nils Blach, Ales Kubicek, Robert Gerstenberger, Michal Podstawski, Lukas Gianinazzi, Joanna Gajda, Tomasz Lehmann, Hubert Niewiadomski, Piotr Nyczyk, Torsten Hoefler | 2024-02-06T18:00:18Z | cs.CL, cs.AI, cs.LG | We introduce Graph of Thoughts (GoT): a framework that advances prompting
capabilities in large language models (LLMs) beyond those offered by paradigms
such as Chain-of-Thought or Tree of Thoughts (ToT). The key idea and primary
advantage of GoT is the ability to model the information generated by an LLM as
an arbitrary graph, where units of information ("LLM thoughts") are vertices,
and edges correspond to dependencies between these vertices. This approach
enables combining arbitrary LLM thoughts into synergistic outcomes, distilling
the essence of whole networks of thoughts, or enhancing thoughts using feedback
loops. We illustrate that GoT offers advantages over state of the art on
different tasks, for example increasing the quality of sorting by 62% over ToT,
while simultaneously reducing costs by >31%. We ensure that GoT is extensible
with new thought transformations and thus can be used to spearhead new
prompting schemes. This work brings the LLM reasoning closer to human thinking
or brain mechanisms such as recurrence, both of which form complex networks. | cs.CL | Graph of Thoughts: Solving Elaborate Problems with Large Language Models |
2023-08-18T16:46:11Z | http://arxiv.org/pdf/2308.09671v1 | http://arxiv.org/abs/2308.09671v1 | Peter Garst, Reeve Ingle, Yasuhisa Fujii | 2023-08-18T16:46:11Z | cs.CL | Language models are useful adjuncts to optical models for producing accurate
optical character recognition (OCR) results. One factor which limits the power
of language models in this context is the existence of many specialized domains
with language statistics very different from those implied by a general
language model - think of checks, medical prescriptions, and many other
specialized document classes. This paper introduces an algorithm for
efficiently generating and attaching a domain specific word based language
model at run time to a general language model in an OCR system. In order to
best use this model the paper also introduces a modified CTC beam search
decoder which effectively allows hypotheses to remain in contention based on
possible future completion of vocabulary words. The result is a substantial
reduction in word error rate in recognizing material from specialized domains. | cs.CL | OCR Language Models with Custom Vocabularies |
2023-08-18T16:27:04Z | http://arxiv.org/pdf/2308.09662v3 | http://arxiv.org/abs/2308.09662v3 | Rishabh Bhardwaj, Soujanya Poria | 2023-08-30T10:21:00Z | cs.CL | Larger language models (LLMs) have taken the world by storm with their
massive multi-tasking capabilities simply by optimizing over a next-word
prediction objective. With the emergence of their properties and encoded
knowledge, the risk of LLMs producing harmful outputs increases, making them
unfit for scalable deployment for the public. In this work, we propose a new
safety evaluation benchmark RED-EVAL that carries out red-teaming. We show that
even widely deployed models are susceptible to the Chain of Utterances-based
(CoU) prompting, jailbreaking closed source LLM-based systems such as GPT-4 and
ChatGPT to unethically respond to more than 65% and 73% of harmful queries. We
also demonstrate the consistency of the RED-EVAL across 8 open-source LLMs in
generating harmful responses in more than 86% of the red-teaming attempts.
Next, we propose RED-INSTRUCT--An approach for the safety alignment of LLMs. It
constitutes two phases: 1) HARMFULQA data collection: Leveraging CoU prompting,
we collect a dataset that consists of 1.9K harmful questions covering a wide
range of topics, 9.5K safe and 7.3K harmful conversations from ChatGPT; 2)
SAFE-ALIGN: We demonstrate how the conversational dataset can be used for the
safety alignment of LLMs by minimizing the negative log-likelihood over helpful
responses and penalizing over harmful responses by gradient accent over sample
loss. Our model STARLING, a fine-tuned Vicuna-7B, is observed to be more safely
aligned when evaluated on RED-EVAL and HHH benchmarks while preserving the
utility of the baseline models (TruthfulQA, MMLU, and BBH). | cs.CL | Red-Teaming Large Language Models using Chain of Utterances for Safety-Alignment |
2023-08-18T16:21:40Z | http://arxiv.org/pdf/2308.09658v2 | http://arxiv.org/abs/2308.09658v2 | Pengbo Hu, Ji Qi, Xingyu Li, Hong Li, Xinqi Wang, Bing Quan, Ruiyu Wang, Yi Zhou | 2023-08-21T03:08:52Z | cs.CL, cs.AI, cs.CV | There emerges a promising trend of using large language models (LLMs) to
generate code-like plans for complex inference tasks such as visual reasoning.
This paradigm, known as LLM-based planning, provides flexibility in problem
solving and endows better interpretability. However, current research is mostly
limited to basic scenarios of simple questions that can be straightforward
answered in a few inference steps. Planning for the more challenging multi-hop
visual reasoning tasks remains under-explored. Specifically, under multi-hop
reasoning situations, the trade-off between accuracy and the complexity of
plan-searching becomes prominent. The prevailing algorithms either address the
efficiency issue by employing the fast one-stop generation or adopt a complex
iterative generation method to improve accuracy. Both fail to balance the need
for efficiency and performance. Drawing inspiration from the dual system of
cognition in the human brain, the fast and the slow think processes, we propose
a hierarchical plan-searching algorithm that integrates the one-stop reasoning
(fast) and the Tree-of-thought (slow). Our approach succeeds in performance
while significantly saving inference steps. Moreover, we repurpose the PTR and
the CLEVER datasets, developing a systematic framework for evaluating the
performance and efficiency of LLMs-based plan-search algorithms under reasoning
tasks at different levels of difficulty. Extensive experiments demonstrate the
superiority of our proposed algorithm in terms of performance and efficiency.
The dataset and code will be release soon. | cs.CL | Tree-of-Mixed-Thought: Combining Fast and Slow Thinking for Multi-hop Visual Reasoning |
2023-08-18T14:50:25Z | http://arxiv.org/pdf/2308.09597v1 | http://arxiv.org/abs/2308.09597v1 | Cheng Li, Ziang Leng, Chenxi Yan, Junyi Shen, Hao Wang, Weishi MI, Yaying Fei, Xiaoyang Feng, Song Yan, HaoSheng Wang, Linkang Zhan, Yaokai Jia, Pingyu Wu, Haozhen Sun | 2023-08-18T14:50:25Z | cs.CL, cs.HC | Role-playing chatbots built on large language models have drawn interest, but
better techniques are needed to enable mimicking specific fictional characters.
We propose an algorithm that controls language models via an improved prompt
and memories of the character extracted from scripts. We construct ChatHaruhi,
a dataset covering 32 Chinese / English TV / anime characters with over 54k
simulated dialogues. Both automatic and human evaluations show our approach
improves role-playing ability over baselines. Code and data are available at
https://github.com/LC1332/Chat-Haruhi-Suzumiya . | cs.CL | ChatHaruhi: Reviving Anime Character in Reality via Large Language Model |
2023-08-18T14:23:21Z | http://arxiv.org/pdf/2308.09583v1 | http://arxiv.org/abs/2308.09583v1 | Haipeng Luo, Qingfeng Sun, Can Xu, Pu Zhao, Jianguang Lou, Chongyang Tao, Xiubo Geng, Qingwei Lin, Shifeng Chen, Dongmei Zhang | 2023-08-18T14:23:21Z | cs.CL, cs.AI, cs.LG | Large language models (LLMs), such as GPT-4, have shown remarkable
performance in natural language processing (NLP) tasks, including challenging
mathematical reasoning. However, most existing open-source models are only
pre-trained on large-scale internet data and without math-related optimization.
In this paper, we present WizardMath, which enhances the mathematical reasoning
abilities of Llama-2, by applying our proposed Reinforcement Learning from
Evol-Instruct Feedback (RLEIF) method to the domain of math. Through extensive
experiments on two mathematical reasoning benchmarks, namely GSM8k and MATH, we
reveal the extraordinary capabilities of our model. WizardMath surpasses all
other open-source LLMs by a substantial margin. Furthermore, our model even
outperforms ChatGPT-3.5, Claude Instant-1, PaLM-2 and Minerva on GSM8k,
simultaneously surpasses Text-davinci-002, PaLM-1 and GPT-3 on MATH. More
details and model weights are public at https://github.com/nlpxucan/WizardLM
and https://huggingface.co/WizardLM. | cs.CL | WizardMath: Empowering Mathematical Reasoning for Large Language Models via Reinforced Evol-Instruct |
2023-08-18T14:01:37Z | http://arxiv.org/pdf/2308.09568v2 | http://arxiv.org/abs/2308.09568v2 | Wei Xue, Zongyi Guo, Baoliang Cui, Zheng Xing, Xiaoyi Zeng, Xiufei Wang, Shuhui Wu, Weiming Lu | 2024-06-16T10:08:03Z | cs.CV, cs.CL | E-commerce platforms benefit from accurate product understanding to enhance
user experience and operational efficiency. Traditional methods often focus on
isolated tasks such as attribute extraction or categorization, posing
adaptability issues to evolving tasks and leading to usability challenges with
noisy data from the internet. Current Large Vision Language Models (LVLMs) lack
domain-specific fine-tuning, thus falling short in precision and instruction
following. To address these issues, we introduce PumGPT, the first e-commerce
specialized LVLM designed for multi-modal product understanding tasks. We
collected and curated a dataset of over one million products from AliExpress,
filtering out non-inferable attributes using a universal hallucination
detection framework, resulting in 663k high-quality data samples. PumGPT
focuses on five essential tasks aimed at enhancing workflows for e-commerce
platforms and retailers. We also introduce PumBench, a benchmark to evaluate
product understanding across LVLMs. Our experiments show that PumGPT
outperforms five other open-source LVLMs and GPT-4V in product understanding
tasks. We also conduct extensive analytical experiments to delve deeply into
the superiority of PumGPT, demonstrating the necessity for a specialized model
in the e-commerce domain. | cs.CV | PUMGPT: A Large Vision-Language Model for Product Understanding |
2023-08-18T12:26:10Z | http://arxiv.org/pdf/2308.09502v1 | http://arxiv.org/abs/2308.09502v1 | Anna Formica, Francesco Taglino | 2023-08-18T12:26:10Z | cs.AI, cs.CL, cs.LO | Evaluating semantic relatedness of Web resources is still an open challenge.
This paper focuses on knowledge-based methods, which represent an alternative
to corpus-based approaches, and rely in general on the availability of
knowledge graphs. In particular, we have selected 10 methods from the existing
literature, that have been organized according to it adjacent resources, triple
patterns, and triple weights-based methods. They have been implemented and
evaluated by using DBpedia as reference RDF knowledge graph. Since DBpedia is
continuously evolving, the experimental results provided by these methods in
the literature are not comparable. For this reason, in this work, such methods
have been experimented by running them all at once on the same DBpedia release
and against 14 well-known golden datasets. On the basis of the correlation
values with human judgment obtained according to the experimental results,
weighting the RDF triples in combination with evaluating all the directed paths
linking the compared resources is the best strategy in order to compute
semantic relatedness in DBpedia. | cs.AI | Semantic relatedness in DBpedia: A comparative and experimental assessment |
2023-08-18T12:14:25Z | http://arxiv.org/pdf/2308.09497v1 | http://arxiv.org/abs/2308.09497v1 | Jayr Pereira, Rodrigo Nogueira, Cleber Zanchettin, Robson Fidalgo | 2023-08-18T12:14:25Z | cs.CL, cs.AI, cs.LG | Individuals with complex communication needs (CCN) often rely on augmentative
and alternative communication (AAC) systems to have conversations and
communique their wants. Such systems allow message authoring by arranging
pictograms in sequence. However, the difficulty of finding the desired item to
complete a sentence can increase as the user's vocabulary increases. This paper
proposes using BERTimbau, a Brazilian Portuguese version of BERT, for pictogram
prediction in AAC systems. To finetune BERTimbau, we constructed an AAC corpus
for Brazilian Portuguese to use as a training corpus. We tested different
approaches to representing a pictogram for prediction: as a word (using
pictogram captions), as a concept (using a dictionary definition), and as a set
of synonyms (using related terms). We also evaluated the usage of images for
pictogram prediction. The results demonstrate that using embeddings computed
from the pictograms' caption, synonyms, or definitions have a similar
performance. Using synonyms leads to lower perplexity, but using captions leads
to the highest accuracies. This paper provides insight into how to represent a
pictogram for prediction using a BERT-like model and the potential of using
images for pictogram prediction. | cs.CL | Predictive Authoring for Brazilian Portuguese Augmentative and Alternative Communication |
2023-08-18T10:40:25Z | http://arxiv.org/pdf/2308.09455v1 | http://arxiv.org/abs/2308.09455v1 | Yeming Chen, Siyu Zhang, Yaoru Sun, Weijian Liang, Haoran Wang | 2023-08-18T10:40:25Z | cs.CV, cs.AI, cs.CL | With the success of self-supervised learning, multimodal foundation models
have rapidly adapted a wide range of downstream tasks driven by vision and
language (VL) pretraining. State-of-the-art methods achieve impressive
performance by pre-training on large-scale datasets. However, bridging the
semantic gap between the two modalities remains a nonnegligible challenge for
VL tasks. In this work, we propose an efficient computation framework for
multimodal alignment by introducing a novel visual semantic module to further
improve the performance of the VL tasks. Specifically, we propose a flexible
model, namely Artificial-Spiking Hierarchical Networks (ASH-Nets), which
combines the complementary advantages of Artificial neural networks (ANNs) and
Spiking neural networks (SNNs) to enrich visual semantic representations. In
particular, a visual concrete encoder and a semantic abstract encoder are
constructed to learn continuous and discrete latent variables to enhance the
flexibility of semantic encoding. Considering the spatio-temporal properties of
SNNs modeling, we introduce a contrastive learning method to optimize the
inputs of similar samples. This can improve the computational efficiency of the
hierarchical network, while the augmentation of hard samples is beneficial to
the learning of visual representations. Furthermore, the Spiking to Text
Uni-Alignment Learning (STUA) pre-training method is proposed, which only
relies on text features to enhance the encoding ability of abstract semantics.
We validate the performance on multiple well-established downstream VL tasks.
Experiments show that the proposed ASH-Nets achieve competitive results. | cs.CV | Artificial-Spiking Hierarchical Networks for Vision-Language Representation Learning |
2023-08-18T10:34:46Z | http://arxiv.org/pdf/2308.09454v1 | http://arxiv.org/abs/2308.09454v1 | Mathias Rose Bjare, Stefan Lattner, Gerhard Widmer | 2023-08-18T10:34:46Z | cs.SD, cs.CL, eess.AS | Research in natural language processing has demonstrated that the quality of
generations from trained autoregressive language models is significantly
influenced by the used sampling strategy. In this study, we investigate the
impact of different sampling techniques on musical qualities such as diversity
and structure. To accomplish this, we train a high-capacity transformer model
on a vast collection of highly-structured Irish folk melodies and analyze the
musical qualities of the samples generated using distribution truncation
sampling techniques. Specifically, we use nucleus sampling, the recently
proposed "typical sampling", and conventional ancestral sampling. We evaluate
the effect of these sampling strategies in two scenarios: optimal circumstances
with a well-calibrated model and suboptimal circumstances where we
systematically degrade the model's performance. We assess the generated samples
using objective and subjective evaluations. We discover that probability
truncation techniques may restrict diversity and structural patterns in optimal
circumstances, but may also produce more musical samples in suboptimal
circumstances. | cs.SD | Exploring Sampling Techniques for Generating Melodies with a Transformer Language Model |
2023-08-18T10:12:03Z | http://arxiv.org/pdf/2308.09440v3 | http://arxiv.org/abs/2308.09440v3 | Tal Kadosh, Niranjan Hasabnis, Vy A. Vo, Nadav Schneider, Neva Krien, Abdul Wasay, Nesreen Ahmed, Ted Willke, Guy Tamir, Yuval Pinter, Timothy Mattson, Gal Oren | 2023-09-29T16:11:13Z | cs.CL, cs.PL | With easier access to powerful compute resources, there is a growing trend in
the field of AI for software development to develop larger and larger language
models (LLMs) to address a variety of programming tasks. Even LLMs applied to
tasks from the high-performance computing (HPC) domain are huge in size (e.g.,
billions of parameters) and demand expensive compute resources for training. We
found this design choice confusing - why do we need large LLMs trained on
natural languages and programming languages unrelated to HPC for HPC-specific
tasks? In this line of work, we aim to question design choices made by existing
LLMs by developing smaller LLMs for specific domains - we call them
domain-specific LLMs. Specifically, we start off with HPC as a domain and
propose a novel tokenizer named Tokompiler, designed specifically for
preprocessing code in HPC and compilation-centric tasks. Tokompiler leverages
knowledge of language primitives to generate language-oriented tokens,
providing a context-aware understanding of code structure while avoiding human
semantics attributed to code structures completely. We applied Tokompiler to
pre-train two state-of-the-art models, SPT-Code and Polycoder, for a Fortran
code corpus mined from GitHub. We evaluate the performance of these models
against the conventional LLMs. Results demonstrate that Tokompiler
significantly enhances code completion accuracy and semantic understanding
compared to traditional tokenizers in normalized-perplexity tests, down to ~1
perplexity score. This research opens avenues for further advancements in
domain-specific LLMs, catering to the unique demands of HPC and compilation
tasks. | cs.CL | Scope is all you need: Transforming LLMs for HPC Code |
2023-08-18T10:07:28Z | http://arxiv.org/pdf/2308.09435v2 | http://arxiv.org/abs/2308.09435v2 | Nikita Martynov, Mark Baushenko, Anastasia Kozlova, Katerina Kolomeytseva, Aleksandr Abramov, Alena Fenogenova | 2023-09-13T15:22:29Z | cs.CL | Modern large language models demonstrate impressive capabilities in text
generation and generalization. However, they often struggle with solving text
editing tasks, particularly when it comes to correcting spelling errors and
mistypings. In this paper, we present a methodology for generative spelling
correction (SC), which was tested on English and Russian languages and
potentially can be extended to any language with minor changes. Our research
mainly focuses on exploring natural spelling errors and mistypings in texts and
studying the ways those errors can be emulated in correct sentences to
effectively enrich generative models' pre-train procedure. We investigate the
impact of such emulations and the models' abilities across different text
domains. In this work, we investigate two spelling corruption techniques: 1)
first one mimics human behavior when making a mistake through leveraging
statistics of errors from particular dataset and 2) second adds the most common
spelling errors, keyboard miss clicks, and some heuristics within the texts. We
conducted experiments employing various corruption strategies, models'
architectures and sizes on the pre-training and fine-tuning stages and
evaluated the models using single-domain and multi-domain test sets. As a
practical outcome of our work, we introduce SAGE(Spell checking via
Augmentation and Generative distribution Emulation). It is a library for
automatic generative SC that includes a family of pre-trained generative models
and built-in augmentation algorithms. | cs.CL | A Methodology for Generative Spelling Correction via Natural Spelling Errors Emulation across Multiple Domains and Languages |
2023-08-18T08:13:23Z | http://arxiv.org/pdf/2308.09376v1 | http://arxiv.org/abs/2308.09376v1 | Abubakar S. Ali, Dimitrios Michael Manias, Abdallah Shami, Sami Muhaidat | 2023-08-18T08:13:23Z | cs.CL, cs.HC | As the dawn of sixth-generation (6G) networking approaches, it promises
unprecedented advancements in communication and automation. Among the leading
innovations of 6G is the concept of Zero Touch Networks (ZTNs), aiming to
achieve fully automated, self-optimizing networks with minimal human
intervention. Despite the advantages ZTNs offer in terms of efficiency and
scalability, challenges surrounding transparency, adaptability, and human trust
remain prevalent. Concurrently, the advent of Large Language Models (LLMs)
presents an opportunity to elevate the ZTN framework by bridging the gap
between automated processes and human-centric interfaces. This paper explores
the integration of LLMs into ZTNs, highlighting their potential to enhance
network transparency and improve user interactions. Through a comprehensive
case study on deep reinforcement learning (DRL)-based anti-jamming technique,
we demonstrate how LLMs can distill intricate network operations into
intuitive, human-readable reports. Additionally, we address the technical and
ethical intricacies of melding LLMs with ZTNs, with an emphasis on data
privacy, transparency, and bias reduction. Looking ahead, we identify emerging
research avenues at the nexus of LLMs and ZTNs, advocating for sustained
innovation and interdisciplinary synergy in the domain of automated networks. | cs.CL | Leveraging Large Language Models for DRL-Based Anti-Jamming Strategies in Zero Touch Networks |
2023-08-18T08:06:27Z | http://arxiv.org/pdf/2308.09370v1 | http://arxiv.org/abs/2308.09370v1 | Yixuan Li, Huaping Liu, Qiang Jin, Miaomiao Cai, Peng Li | 2023-08-18T08:06:27Z | cs.CL, cs.SD, eess.AS | Optical Music Recognition (OMR) is an important technology in music and has
been researched for a long time. Previous approaches for OMR are usually based
on CNN for image understanding and RNN for music symbol classification. In this
paper, we propose a transformer-based approach with excellent global perceptual
capability for end-to-end polyphonic OMR, called TrOMR. We also introduce a
novel consistency loss function and a reasonable approach for data annotation
to improve recognition accuracy for complex music scores. Extensive experiments
demonstrate that TrOMR outperforms current OMR methods, especially in
real-world scenarios. We also develop a TrOMR system and build a camera scene
dataset for full-page music scores in real-world. The code and datasets will be
made available for reproducibility. | cs.CL | TrOMR:Transformer-Based Polyphonic Optical Music Recognition |
2023-08-18T08:02:52Z | http://arxiv.org/pdf/2308.09368v1 | http://arxiv.org/abs/2308.09368v1 | Philipp Koch, Gilary Vera Nuñez, Esteban Garces Arias, Christian Heumann, Matthias Schöffel, Alexander Häberlin, Matthias Aßenmacher | 2023-08-18T08:02:52Z | cs.CV, cs.CL, cs.CY, cs.LG, stat.ML | The Bavarian Academy of Sciences and Humanities aims to digitize its Medieval
Latin Dictionary. This dictionary entails record cards referring to lemmas in
medieval Latin, a low-resource language. A crucial step of the digitization
process is the Handwritten Text Recognition (HTR) of the handwritten lemmas
found on these record cards. In our work, we introduce an end-to-end pipeline,
tailored to the medieval Latin dictionary, for locating, extracting, and
transcribing the lemmas. We employ two state-of-the-art (SOTA) image
segmentation models to prepare the initial data set for the HTR task.
Furthermore, we experiment with different transformer-based models and conduct
a set of experiments to explore the capabilities of different combinations of
vision encoders with a GPT-2 decoder. Additionally, we also apply extensive
data augmentation resulting in a highly competitive model. The best-performing
setup achieved a Character Error Rate (CER) of 0.015, which is even superior to
the commercial Google Cloud Vision model, and shows more stable performance. | cs.CV | A tailored Handwritten-Text-Recognition System for Medieval Latin |
2023-08-18T07:31:13Z | http://arxiv.org/pdf/2308.09354v1 | http://arxiv.org/abs/2308.09354v1 | Jaewoong Choi, Byungju Lee | 2023-08-18T07:31:13Z | cs.CL, cond-mat.mtrl-sci | Materials language processing (MLP) is one of the key facilitators of
materials science research, as it enables the extraction of structured
information from massive materials science literature. Prior works suggested
high-performance MLP models for text classification, named entity recognition
(NER), and extractive question answering (QA), which require complex model
architecture, exhaustive fine-tuning and a large number of human-labelled
datasets. In this study, we develop generative pretrained transformer
(GPT)-enabled pipelines where the complex architectures of prior MLP models are
replaced with strategic designs of prompt engineering. First, we develop a
GPT-enabled document classification method for screening relevant documents,
achieving comparable accuracy and reliability compared to prior models, with
only small dataset. Secondly, for NER task, we design an entity-centric
prompts, and learning few-shot of them improved the performance on most of
entities in three open datasets. Finally, we develop an GPT-enabled extractive
QA model, which provides improved performance and shows the possibility of
automatically correcting annotations. While our findings confirm the potential
of GPT-enabled MLP models as well as their value in terms of reliability and
practicability, our scientific methods and systematic approach are applicable
to any materials science domain to accelerate the information extraction of
scientific literature. | cs.CL | Accelerated materials language processing enabled by GPT |
2023-08-18T06:59:55Z | http://arxiv.org/pdf/2308.09341v1 | http://arxiv.org/abs/2308.09341v1 | Mohammad Ahmadi Achachlouei, Omkar Patil, Tarun Joshi, Vijayan N. Nair | 2023-08-18T06:59:55Z | cs.CL, cs.LG, 68T50, I.7.0; I.2.7; I.2.4 | This paper surveys the current state of the art in document automation (DA).
The objective of DA is to reduce the manual effort during the generation of
documents by automatically creating and integrating input from different
sources and assembling documents conforming to defined templates. There have
been reviews of commercial solutions of DA, particularly in the legal domain,
but to date there has been no comprehensive review of the academic research on
DA architectures and technologies. The current survey of DA reviews the
academic literature and provides a clearer definition and characterization of
DA and its features, identifies state-of-the-art DA architectures and
technologies in academic research, and provides ideas that can lead to new
research opportunities within the DA field in light of recent advances in
generative AI and large language models. | cs.CL | Document Automation Architectures: Updated Survey in Light of Large Language Models |
2023-08-18T06:10:11Z | http://arxiv.org/pdf/2308.09329v1 | http://arxiv.org/abs/2308.09329v1 | Yunzhi Qiu, Xiaokun Zhang, Weiwei Wang, Tongxuan Zhang, Bo Xu, Hongfei Lin | 2023-08-18T06:10:11Z | cs.CL | Adverse drug reaction (ADR) detection is an essential task in the medical
field, as ADRs have a gravely detrimental impact on patients' health and the
healthcare system. Due to a large number of people sharing information on
social media platforms, an increasing number of efforts focus on social media
data to carry out effective ADR detection. Despite having achieved impressive
performance, the existing methods of ADR detection still suffer from three main
challenges. Firstly, researchers have consistently ignored the interaction
between domain keywords and other words in the sentence. Secondly, social media
datasets suffer from the challenges of low annotated data. Thirdly, the issue
of sample imbalance is commonly observed in social media datasets. To solve
these challenges, we propose the Knowledge Enhanced Shallow and Deep
Transformer(KESDT) model for ADR detection. Specifically, to cope with the
first issue, we incorporate the domain keywords into the Transformer model
through a shallow fusion manner, which enables the model to fully exploit the
interactive relationships between domain keywords and other words in the
sentence. To overcome the low annotated data, we integrate the synonym sets
into the Transformer model through a deep fusion manner, which expands the size
of the samples. To mitigate the impact of sample imbalance, we replace the
standard cross entropy loss function with the focal loss function for effective
model training. We conduct extensive experiments on three public datasets
including TwiMed, Twitter, and CADEC. The proposed KESDT outperforms
state-of-the-art baselines on F1 values, with relative improvements of 4.87%,
47.83%, and 5.73% respectively, which demonstrates the effectiveness of our
proposed KESDT. | cs.CL | KESDT: knowledge enhanced shallow and deep Transformer for detecting adverse drug reactions |
2023-08-18T05:19:03Z | http://arxiv.org/pdf/2308.09311v2 | http://arxiv.org/abs/2308.09311v2 | Minsu Kim, Jeong Hun Yeo, Jeongsoo Choi, Yong Man Ro | 2024-01-12T07:36:45Z | cs.CV, cs.CL, cs.SD, eess.AS, eess.IV | This paper proposes a novel lip reading framework, especially for
low-resource languages, which has not been well addressed in the previous
literature. Since low-resource languages do not have enough video-text paired
data to train the model to have sufficient power to model lip movements and
language, it is regarded as challenging to develop lip reading models for
low-resource languages. In order to mitigate the challenge, we try to learn
general speech knowledge, the ability to model lip movements, from a
high-resource language through the prediction of speech units. It is known that
different languages partially share common phonemes, thus general speech
knowledge learned from one language can be extended to other languages. Then,
we try to learn language-specific knowledge, the ability to model language, by
proposing Language-specific Memory-augmented Decoder (LMDecoder). LMDecoder
saves language-specific audio features into memory banks and can be trained on
audio-text paired data which is more easily accessible than video-text paired
data. Therefore, with LMDecoder, we can transform the input speech units into
language-specific audio features and translate them into texts by utilizing the
learned rich language knowledge. Finally, by combining general speech knowledge
and language-specific knowledge, we can efficiently develop lip reading models
even for low-resource languages. Through extensive experiments using five
languages, English, Spanish, French, Italian, and Portuguese, the effectiveness
of the proposed method is evaluated. | cs.CV | Lip Reading for Low-resource Languages by Learning and Combining General Speech Knowledge and Language-specific Knowledge |
2023-08-18T05:05:35Z | http://arxiv.org/pdf/2308.09308v3 | http://arxiv.org/abs/2308.09308v3 | Chenyu Zhao, Yunjiang Jiang, Yiming Qiu, Han Zhang, Wen-Yun Yang | 2023-09-15T09:27:20Z | cs.IR, cs.CL, H.3.3 | Retrieval augmentation, which enhances downstream models by a knowledge
retriever and an external corpus instead of by merely increasing the number of
model parameters, has been successfully applied to many natural language
processing (NLP) tasks such as text classification, question answering and so
on. However, existing methods that separately or asynchronously train the
retriever and downstream model mainly due to the non-differentiability between
the two parts, usually lead to degraded performance compared to end-to-end
joint training. In this paper, we propose Differentiable Retrieval Augmentation
via Generative lANguage modeling(Dragan), to address this problem by a novel
differentiable reformulation. We demonstrate the effectiveness of our proposed
method on a challenging NLP task in e-commerce search, namely query intent
classification. Both the experimental results and ablation study show that the
proposed method significantly and reasonably improves the state-of-the-art
baselines on both offline evaluation and online A/B test. | cs.IR | Differentiable Retrieval Augmentation via Generative Language Modeling for E-commerce Query Intent Classification |
2023-08-18T00:56:35Z | http://arxiv.org/pdf/2308.11720v1 | http://arxiv.org/abs/2308.11720v1 | Yerong Li, Roxana Girju | 2023-08-18T00:56:35Z | cs.CL, cs.AI, cs.LG | Relation Extraction (RE) is a pivotal task in automatically extracting
structured information from unstructured text. In this paper, we present a
multi-faceted approach that integrates representative examples and through
co-set expansion. The primary goal of our method is to enhance relation
classification accuracy and mitigating confusion between contrastive classes.
Our approach begins by seeding each relationship class with representative
examples. Subsequently, our co-set expansion algorithm enriches training
objectives by incorporating similarity measures between target pairs and
representative pairs from the target class. Moreover, the co-set expansion
process involves a class ranking procedure that takes into account exemplars
from contrastive classes. Contextual details encompassing relation mentions are
harnessed via context-free Hearst patterns to ascertain contextual similarity.
Empirical evaluation demonstrates the efficacy of our co-set expansion
approach, resulting in a significant enhancement of relation classification
performance. Our method achieves an observed margin of at least 1 percent
improvement in accuracy in most settings, on top of existing fine-tuning
approaches. To further refine our approach, we conduct an in-depth analysis
that focuses on tuning contrastive examples. This strategic selection and
tuning effectively reduce confusion between classes sharing similarities,
leading to a more precise classification process.
Experimental results underscore the effectiveness of our proposed framework
for relation extraction. The synergy between co-set expansion and context-aware
prompt tuning substantially contributes to improved classification accuracy.
Furthermore, the reduction in confusion between contrastive classes through
contrastive examples tuning validates the robustness and reliability of our
method. | cs.CL | Advancing Relation Extraction through Language Probing with Exemplars from Set Co-Expansion |
2023-08-18T00:26:05Z | http://arxiv.org/pdf/2308.09217v1 | http://arxiv.org/abs/2308.09217v1 | Sanaz Saki Norouzi, Mohammad Saeid Mahdavinejad, Pascal Hitzler | 2023-08-18T00:26:05Z | cs.CL | This study evaluates the applicability and efficiency of ChatGPT for ontology
alignment using a naive approach. ChatGPT's output is compared to the results
of the Ontology Alignment Evaluation Initiative 2022 campaign using conference
track ontologies. This comparison is intended to provide insights into the
capabilities of a conversational large language model when used in a naive way
for ontology matching, and to investigate the potential advantages and
disadvantages of this approach. | cs.CL | Conversational Ontology Alignment with ChatGPT |
2023-08-17T21:36:56Z | http://arxiv.org/pdf/2308.09193v2 | http://arxiv.org/abs/2308.09193v2 | Avinash Patil, Kihwan Han, Aryan Jadon | 2023-11-30T23:43:47Z | cs.SE, cs.CL, cs.LG | Bug reports are an essential aspect of software development, and it is
crucial to identify and resolve them quickly to ensure the consistent
functioning of software systems. Retrieving similar bug reports from an
existing database can help reduce the time and effort required to resolve bugs.
In this paper, we compared the effectiveness of semantic textual similarity
methods for retrieving similar bug reports based on a similarity score. We
explored several embedding models such as TF-IDF (Baseline), FastText, Gensim,
BERT, and ADA. We used the Software Defects Data containing bug reports for
various software projects to evaluate the performance of these models. Our
experimental results showed that BERT generally outperformed the rest of the
models regarding recall, followed by ADA, Gensim, FastText, and TFIDF. Our
study provides insights into the effectiveness of different embedding methods
for retrieving similar bug reports and highlights the impact of selecting the
appropriate one for this task. Our code is available on GitHub. | cs.SE | A Comparative Study of Text Embedding Models for Semantic Text Similarity in Bug Reports |
2023-08-17T21:10:04Z | http://arxiv.org/pdf/2308.09186v1 | http://arxiv.org/abs/2308.09186v1 | Yuguang Duan, Zi Lin, Weiwei Sun | 2023-08-17T21:10:04Z | cs.CL | This paper presents a corpus-based analysis of argument structure errors in
learner Chinese. The data for analysis includes sentences produced by language
learners as well as their corrections by native speakers. We couple the data
with semantic role labeling annotations that are manually created by two senior
students whose majors are both Applied Linguistics. The annotation procedure is
guided by the Chinese PropBank specification, which is originally developed to
cover first language phenomena. Nevertheless, we find that it is quite
comprehensive for handling second language phenomena. The inter-annotator
agreement is rather high, suggesting the understandability of learner texts to
native speakers. Based on our annotations, we present a preliminary analysis of
competence errors related to argument structure. In particular, speech errors
related to word order, word selection, lack of proposition, and
argument-adjunct confounding are discussed. | cs.CL | Is Argument Structure of Learner Chinese Understandable: A Corpus-Based Analysis |
2023-08-17T20:50:46Z | http://arxiv.org/pdf/2308.09731v1 | http://arxiv.org/abs/2308.09731v1 | Fatemeh Nazary, Yashar Deldjoo, Tommaso Di Noia | 2023-08-17T20:50:46Z | cs.AI, cs.CL, cs.LG | This study presents an innovative approach to the application of large
language models (LLMs) in clinical decision-making, focusing on OpenAI's
ChatGPT. Our approach introduces the use of contextual prompts-strategically
designed to include task description, feature description, and crucially,
integration of domain knowledge-for high-quality binary classification tasks
even in data-scarce scenarios. The novelty of our work lies in the utilization
of domain knowledge, obtained from high-performing interpretable ML models, and
its seamless incorporation into prompt design. By viewing these ML models as
medical experts, we extract key insights on feature importance to aid in
decision-making processes. This interplay of domain knowledge and AI holds
significant promise in creating a more insightful diagnostic tool.
Additionally, our research explores the dynamics of zero-shot and few-shot
prompt learning based on LLMs. By comparing the performance of OpenAI's ChatGPT
with traditional supervised ML models in different data conditions, we aim to
provide insights into the effectiveness of prompt engineering strategies under
varied data availability. In essence, this paper bridges the gap between AI and
healthcare, proposing a novel methodology for LLMs application in clinical
decision support systems. It highlights the transformative potential of
effective prompt design, domain knowledge integration, and flexible learning
approaches in enhancing automated decision-making. | cs.AI | ChatGPT-HealthPrompt. Harnessing the Power of XAI in Prompt-Based Healthcare Decision Support using ChatGPT |
2023-08-17T19:12:13Z | http://arxiv.org/pdf/2308.09158v1 | http://arxiv.org/abs/2308.09158v1 | Yi-Kai Zhang, Lu Ren, Chao Yi, Qi-Wei Wang, De-Chuan Zhan, Han-Jia Ye | 2023-08-17T19:12:13Z | cs.LG, cs.CL, cs.CV | The rapid expansion of foundation pre-trained models and their fine-tuned
counterparts has significantly contributed to the advancement of machine
learning. Leveraging pre-trained models to extract knowledge and expedite
learning in real-world tasks, known as "Model Reuse", has become crucial in
various applications. Previous research focuses on reusing models within a
certain aspect, including reusing model weights, structures, and hypothesis
spaces. This paper introduces ZhiJian, a comprehensive and user-friendly
toolbox for model reuse, utilizing the PyTorch backend. ZhiJian presents a
novel paradigm that unifies diverse perspectives on model reuse, encompassing
target architecture construction with PTM, tuning target model with PTM, and
PTM-based inference. This empowers deep learning practitioners to explore
downstream tasks and identify the complementary advantages among different
methods. ZhiJian is readily accessible at
https://github.com/zhangyikaii/lamda-zhijian facilitating seamless utilization
of pre-trained models and streamlining the model reuse process for researchers
and developers. | cs.LG | ZhiJian: A Unifying and Rapidly Deployable Toolbox for Pre-trained Model Reuse |
2023-08-17T19:08:42Z | http://arxiv.org/pdf/2308.09156v2 | http://arxiv.org/abs/2308.09156v2 | Omar Sharif, Madhusudan Basak, Tanzia Parvin, Ava Scharfstein, Alphonso Bradham, Jacob T. Borodovsky, Sarah E. Lord, Sarah M. Preum | 2023-12-19T22:03:48Z | cs.CL | Social media sites have become a popular platform for individuals to seek and
share health information. Despite the progress in natural language processing
for social media mining, a gap remains in analyzing health-related texts on
social discourse in the context of events. Event-driven analysis can offer
insights into different facets of healthcare at an individual and collective
level, including treatment options, misconceptions, knowledge gaps, etc. This
paper presents a paradigm to characterize health-related information-seeking in
social discourse through the lens of events. Events here are board categories
defined with domain experts that capture the trajectory of the
treatment/medication. To illustrate the value of this approach, we analyze
Reddit posts regarding medications for Opioid Use Disorder (OUD), a critical
global health concern. To the best of our knowledge, this is the first attempt
to define event categories for characterizing information-seeking in OUD social
discourse. Guided by domain experts, we develop TREAT-ISE, a novel multilabel
treatment information-seeking event dataset to analyze online discourse on an
event-based framework. This dataset contains Reddit posts on
information-seeking events related to recovery from OUD, where each post is
annotated based on the type of events. We also establish a strong performance
benchmark (77.4% F1 score) for the task by employing several machine learning
and deep learning classifiers. Finally, we thoroughly investigate the
performance and errors of ChatGPT on this task, providing valuable insights
into the LLM's capabilities and ongoing characterization efforts. | cs.CL | Characterizing Information Seeking Events in Health-Related Social Discourse |
2023-08-17T18:11:33Z | http://arxiv.org/pdf/2308.09138v1 | http://arxiv.org/abs/2308.09138v1 | Harsh Raj, Vipul Gupta, Domenic Rosati, Subhabrata Majumdar | 2023-08-17T18:11:33Z | cs.CL, cs.AI, cs.CY | Large Language Models (LLMs) exhibit remarkable fluency and competence across
various natural language tasks. However, recent research has highlighted their
sensitivity to variations in input prompts. To deploy LLMs in a safe and
reliable manner, it is crucial for their outputs to be consistent when prompted
with expressions that carry the same meaning or intent. While some existing
work has explored how state-of-the-art LLMs address this issue, their
evaluations have been confined to assessing lexical equality of single- or
multi-word answers, overlooking the consistency of generative text sequences.
For a more comprehensive understanding of the consistency of LLMs in open-ended
text generation scenarios, we introduce a general measure of semantic
consistency, and formulate multiple versions of this metric to evaluate the
performance of various LLMs. Our proposal demonstrates significantly higher
consistency and stronger correlation with human evaluations of output
consistency than traditional metrics based on lexical consistency. Finally, we
propose a novel prompting strategy, called Ask-to-Choose (A2C), to enhance
semantic consistency. When evaluated for closed-book question answering based
on answer variations from the TruthfulQA benchmark, A2C increases accuracy
metrics for pretrained and finetuned LLMs by up to 47%, and semantic
consistency metrics for instruction-tuned models by up to 7-fold. | cs.CL | Semantic Consistency for Assuring Reliability of Large Language Models |
2023-08-17T17:59:59Z | http://arxiv.org/pdf/2308.09126v1 | http://arxiv.org/abs/2308.09126v1 | Karttikeya Mangalam, Raiymbek Akshulakov, Jitendra Malik | 2023-08-17T17:59:59Z | cs.CV, cs.AI, cs.CL | We introduce EgoSchema, a very long-form video question-answering dataset,
and benchmark to evaluate long video understanding capabilities of modern
vision and language systems. Derived from Ego4D, EgoSchema consists of over
5000 human curated multiple choice question answer pairs, spanning over 250
hours of real video data, covering a very broad range of natural human activity
and behavior. For each question, EgoSchema requires the correct answer to be
selected between five given options based on a three-minute-long video clip.
While some prior works have proposed video datasets with long clip lengths, we
posit that merely the length of the video clip does not truly capture the
temporal difficulty of the video task that is being considered. To remedy this,
we introduce temporal certificate sets, a general notion for capturing the
intrinsic temporal understanding length associated with a broad range of video
understanding tasks & datasets. Based on this metric, we find EgoSchema to have
intrinsic temporal lengths over 5.7x longer than the second closest dataset and
10x to 100x longer than any other video understanding dataset. Further, our
evaluation of several current state-of-the-art video and language models shows
them to be severely lacking in long-term video understanding capabilities. Even
models with several billions of parameters achieve QA accuracy less than 33%
(random is 20%) on the EgoSchema multi-choice question answering task, while
humans achieve about 76% accuracy. We posit that \name{}{}, with its long
intrinsic temporal structures and diverse complexity, would serve as a valuable
evaluation probe for developing effective long-term video understanding systems
in the future. Data and Zero-shot model evaluation code are open-sourced for
both public and commercial use under the Ego4D license at
http://egoschema.github.io | cs.CV | EgoSchema: A Diagnostic Benchmark for Very Long-form Video Language Understanding |
2023-08-17T17:59:19Z | http://arxiv.org/pdf/2308.09124v2 | http://arxiv.org/abs/2308.09124v2 | Evan Hernandez, Arnab Sen Sharma, Tal Haklay, Kevin Meng, Martin Wattenberg, Jacob Andreas, Yonatan Belinkov, David Bau | 2024-02-15T19:12:10Z | cs.CL | Much of the knowledge encoded in transformer language models (LMs) may be
expressed in terms of relations: relations between words and their synonyms,
entities and their attributes, etc. We show that, for a subset of relations,
this computation is well-approximated by a single linear transformation on the
subject representation. Linear relation representations may be obtained by
constructing a first-order approximation to the LM from a single prompt, and
they exist for a variety of factual, commonsense, and linguistic relations.
However, we also identify many cases in which LM predictions capture relational
knowledge accurately, but this knowledge is not linearly encoded in their
representations. Our results thus reveal a simple, interpretable, but
heterogeneously deployed knowledge representation strategy in transformer LMs. | cs.CL | Linearity of Relation Decoding in Transformer Language Models |
2023-08-17T17:51:05Z | http://arxiv.org/pdf/2308.09115v1 | http://arxiv.org/abs/2308.09115v1 | Mohd Zaki, Jayadeva, Mausam, N. M. Anoop Krishnan | 2023-08-17T17:51:05Z | cs.CL, cond-mat.mtrl-sci | Information extraction and textual comprehension from materials literature
are vital for developing an exhaustive knowledge base that enables accelerated
materials discovery. Language models have demonstrated their capability to
answer domain-specific questions and retrieve information from knowledge bases.
However, there are no benchmark datasets in the materials domain that can
evaluate the understanding of the key concepts by these language models. In
this work, we curate a dataset of 650 challenging questions from the materials
domain that require the knowledge and skills of a materials student who has
cleared their undergraduate degree. We classify these questions based on their
structure and the materials science domain-based subcategories. Further, we
evaluate the performance of GPT-3.5 and GPT-4 models on solving these questions
via zero-shot and chain of thought prompting. It is observed that GPT-4 gives
the best performance (~62% accuracy) as compared to GPT-3.5. Interestingly, in
contrast to the general observation, no significant improvement in accuracy is
observed with the chain of thought prompting. To evaluate the limitations, we
performed an error analysis, which revealed conceptual errors (~64%) as the
major contributor compared to computational errors (~36%) towards the reduced
performance of LLMs. We hope that the dataset and analysis performed in this
work will promote further research in developing better materials science
domain-specific LLMs and strategies for information extraction. | cs.CL | MaScQA: A Question Answering Dataset for Investigating Materials Science Knowledge of Large Language Models |
2023-08-17T16:59:50Z | http://arxiv.org/pdf/2308.09729v5 | http://arxiv.org/abs/2308.09729v5 | Yilin Wen, Zifeng Wang, Jimeng Sun | 2024-03-02T15:02:33Z | cs.AI, cs.CL, cs.LG | Large language models (LLMs) have achieved remarkable performance in natural
language understanding and generation tasks. However, they often suffer from
limitations such as difficulty in incorporating new knowledge, generating
hallucinations, and explaining their reasoning process. To address these
challenges, we propose a novel prompting pipeline, named \method, that
leverages knowledge graphs (KGs) to enhance LLMs' inference and transparency.
Our method enables LLMs to comprehend KG inputs and infer with a combination of
implicit and external knowledge. Moreover, our method elicits the mind map of
LLMs, which reveals their reasoning pathways based on the ontology of
knowledge. We evaluate our method on diverse question \& answering tasks,
especially in medical domains, and show significant improvements over
baselines. We also introduce a new hallucination evaluation benchmark and
analyze the effects of different components of our method. Our results
demonstrate the effectiveness and robustness of our method in merging knowledge
from LLMs and KGs for combined inference. To reproduce our results and extend
the framework further, we make our codebase available at
https://github.com/wyl-willing/MindMap. | cs.AI | MindMap: Knowledge Graph Prompting Sparks Graph of Thoughts in Large Language Models |
2023-08-17T16:02:29Z | http://arxiv.org/pdf/2308.09073v2 | http://arxiv.org/abs/2308.09073v2 | Ying Mo, Jian Yang, Jiahao Liu, Qifan Wang, Ruoyu Chen, Jingang Wang, Zhoujun Li | 2024-02-21T16:35:29Z | cs.CL | Cross-lingual named entity recognition (CrossNER) faces challenges stemming
from uneven performance due to the scarcity of multilingual corpora, especially
for non-English data. While prior efforts mainly focus on data-driven transfer
methods, a significant aspect that has not been fully explored is aligning both
semantic and token-level representations across diverse languages. In this
paper, we propose Multi-view Contrastive Learning for Cross-lingual Named
Entity Recognition (mCL-NER). Specifically, we reframe the CrossNER task into a
problem of recognizing relationships between pairs of tokens. This approach
taps into the inherent contextual nuances of token-to-token connections within
entities, allowing us to align representations across different languages. A
multi-view contrastive learning framework is introduced to encompass semantic
contrasts between source, codeswitched, and target sentences, as well as
contrasts among token-to-token relations. By enforcing agreement within both
semantic and relational spaces, we minimize the gap between source sentences
and their counterparts of both codeswitched and target sentences. This
alignment extends to the relationships between diverse tokens, enhancing the
projection of entities across languages. We further augment CrossNER by
combining self-training with labeled source data and unlabeled target data. Our
experiments on the XTREME benchmark, spanning 40 languages, demonstrate the
superiority of mCL-NER over prior data-driven and model-based approaches. It
achieves a substantial increase of nearly +2.0 $F_1$ scores across a broad
spectrum and establishes itself as the new state-of-the-art performer. | cs.CL | mCL-NER: Cross-Lingual Named Entity Recognition via Multi-view Contrastive Learning |
2023-08-17T15:57:12Z | http://arxiv.org/pdf/2308.09070v1 | http://arxiv.org/abs/2308.09070v1 | AmirHossein Naghshzan, Sylvie Ratte | 2023-08-17T15:57:12Z | cs.SE, cs.AI, cs.CL, cs.LG | As the amount of textual data in various fields, including software
development, continues to grow, there is a pressing demand for efficient and
effective extraction and presentation of meaningful insights. This paper
presents a unique approach to address this need, focusing on the complexities
of interpreting Application Programming Interface (API) documentation. While
official API documentation serves as a primary source of information for
developers, it can often be extensive and lacks user-friendliness. In light of
this, developers frequently resort to unofficial sources like Stack Overflow
and GitHub. Our novel approach employs the strengths of BERTopic for topic
modeling and Natural Language Processing (NLP) to automatically generate
summaries of API documentation, thereby creating a more efficient method for
developers to extract the information they need. The produced summaries and
topics are evaluated based on their performance, coherence, and
interoperability.
The findings of this research contribute to the field of API documentation
analysis by providing insights into recurring topics, identifying common
issues, and generating potential solutions. By improving the accessibility and
efficiency of API documentation comprehension, our work aims to enhance the
software development process and empower developers with practical tools for
navigating complex APIs. | cs.SE | Enhancing API Documentation through BERTopic Modeling and Summarization |
2023-08-17T15:54:38Z | http://arxiv.org/pdf/2308.09067v1 | http://arxiv.org/abs/2308.09067v1 | Alberto Muñoz-Ortiz, Carlos Gómez-Rodríguez, David Vilares | 2023-08-17T15:54:38Z | cs.CL | We conduct a quantitative analysis contrasting human-written English news
text with comparable large language model (LLM) output from 4 LLMs from the
LLaMa family. Our analysis spans several measurable linguistic dimensions,
including morphological, syntactic, psychometric and sociolinguistic aspects.
The results reveal various measurable differences between human and
AI-generated texts. Among others, human texts exhibit more scattered sentence
length distributions, a distinct use of dependency and constituent types,
shorter constituents, and more aggressive emotions (fear, disgust) than
LLM-generated texts. LLM outputs use more numbers, symbols and auxiliaries
(suggesting objective language) than human texts, as well as more pronouns. The
sexist bias prevalent in human text is also expressed by LLMs. | cs.CL | Contrasting Linguistic Patterns in Human and LLM-Generated Text |
2023-08-17T15:41:08Z | http://arxiv.org/pdf/2308.09055v1 | http://arxiv.org/abs/2308.09055v1 | Nikolay Babakov, David Dale, Ilya Gusev, Irina Krotova, Alexander Panchenko | 2023-08-17T15:41:08Z | cs.CL | Text style transfer techniques are gaining popularity in natural language
processing allowing paraphrasing text in the required form: from toxic to
neural, from formal to informal, from old to the modern English language, etc.
Solving the task is not sufficient to generate some neural/informal/modern
text, but it is important to preserve the original content unchanged. This
requirement becomes even more critical in some applications such as style
transfer of goal-oriented dialogues where the factual information shall be kept
to preserve the original message, e.g. ordering a certain type of pizza to a
certain address at a certain time. The aspect of content preservation is
critical for real-world applications of style transfer studies, but it has
received little attention. To bridge this gap we perform a comparison of
various style transfer models on the example of the formality transfer domain.
To perform a study of the content preservation abilities of various style
transfer methods we create a parallel dataset of formal vs. informal
task-oriented dialogues. The key difference between our dataset and the
existing ones like GYAFC [17] is the presence of goal-oriented dialogues with
predefined semantic slots essential to be kept during paraphrasing, e.g. named
entities. This additional annotation allowed us to conduct a precise
comparative study of several state-of-the-art techniques for style transfer.
Another result of our study is a modification of the unsupervised method LEWIS
[19] which yields a substantial improvement over the original method and all
evaluated baselines on the proposed task. | cs.CL | Don't lose the message while paraphrasing: A study on content preserving style transfer |
2023-08-17T14:12:48Z | http://arxiv.org/pdf/2308.08998v2 | http://arxiv.org/abs/2308.08998v2 | Caglar Gulcehre, Tom Le Paine, Srivatsan Srinivasan, Ksenia Konyushkova, Lotte Weerts, Abhishek Sharma, Aditya Siddhant, Alex Ahern, Miaosen Wang, Chenjie Gu, Wolfgang Macherey, Arnaud Doucet, Orhan Firat, Nando de Freitas | 2023-08-21T10:23:42Z | cs.CL, cs.LG | Reinforcement learning from human feedback (RLHF) can improve the quality of
large language model's (LLM) outputs by aligning them with human preferences.
We propose a simple algorithm for aligning LLMs with human preferences inspired
by growing batch reinforcement learning (RL), which we call Reinforced
Self-Training (ReST). Given an initial LLM policy, ReST produces a dataset by
generating samples from the policy, which are then used to improve the LLM
policy using offline RL algorithms. ReST is more efficient than typical online
RLHF methods because the training dataset is produced offline, which allows
data reuse. While ReST is a general approach applicable to all generative
learning settings, we focus on its application to machine translation. Our
results show that ReST can substantially improve translation quality, as
measured by automated metrics and human evaluation on machine translation
benchmarks in a compute and sample-efficient manner. | cs.CL | Reinforced Self-Training (ReST) for Language Modeling |
2023-08-17T13:45:35Z | http://arxiv.org/pdf/2308.08982v1 | http://arxiv.org/abs/2308.08982v1 | Robert Östling, Katarina Gillholm, Murathan Kurfalı, Marie Mattson, Mats Wirén | 2023-08-17T13:45:35Z | cs.CL | Although rarely stated, in practice, Grammatical Error Correction (GEC)
encompasses various models with distinct objectives, ranging from grammatical
error detection to improving fluency. Traditional evaluation methods fail to
fully capture the full range of system capabilities and objectives.
Reference-based evaluations suffer from limitations in capturing the wide
variety of possible correction and the biases introduced during reference
creation and is prone to favor fixing local errors over overall text
improvement. The emergence of large language models (LLMs) has further
highlighted the shortcomings of these evaluation strategies, emphasizing the
need for a paradigm shift in evaluation methodology. In the current study, we
perform a comprehensive evaluation of various GEC systems using a recently
published dataset of Swedish learner texts. The evaluation is performed using
established evaluation metrics as well as human judges. We find that GPT-3 in a
few-shot setting by far outperforms previous grammatical error correction
systems for Swedish, a language comprising only 0.11% of its training data. We
also found that current evaluation methods contain undesirable biases that a
human evaluation is able to reveal. We suggest using human post-editing of GEC
system outputs to analyze the amount of change required to reach native-level
human performance on the task, and provide a dataset annotated with human
post-edits and assessments of grammaticality, fluency and meaning preservation
of GEC system outputs. | cs.CL | Evaluation of really good grammatical error correction |
2023-08-17T13:24:14Z | http://arxiv.org/pdf/2308.08973v2 | http://arxiv.org/abs/2308.08973v2 | Jiahao Zhang, Haiyang Zhang, Dongmei Zhang, Yong Liu, Shen Huang | 2024-04-01T08:30:38Z | cs.CL | Multi-hop question answering (QA) involves finding multiple relevant passages
and step-by-step reasoning to answer complex questions, indicating a
retrieve-and-read paradigm. However, previous retrievers were customized for
two-hop questions, and most of them were trained separately across different
hops, resulting in a lack of supervision over the entire multi-hop retrieval
process and leading to poor performance in complicated scenarios beyond two
hops. In this work, we introduce Beam Retrieval, an end-to-end beam retrieval
framework for multi-hop QA. This approach models the multi-hop retrieval
process in an end-to-end manner by jointly optimizing an encoder and two
classification heads across all hops. Moreover, Beam Retrieval maintains
multiple partial hypotheses of relevant passages at each step, expanding the
search space and reducing the risk of missing relevant passages. To establish a
complete QA system, we incorporate a supervised reader or a large language
model (LLM). Experimental results demonstrate that Beam Retrieval achieves a
nearly 50% improvement compared with baselines on challenging MuSiQue-Ans, and
it also surpasses all previous retrievers on HotpotQA and achieves 99.9%
precision on 2WikiMultiHopQA. Providing high-quality context, Beam Retrieval
helps our supervised reader achieve new state-of-the-art performance and
substantially improves the few-shot QA performance of LLMs. | cs.CL | End-to-End Beam Retrieval for Multi-Hop Question Answering |
2023-08-17T13:07:00Z | http://arxiv.org/pdf/2308.11761v1 | http://arxiv.org/abs/2308.11761v1 | Xintao Wang, Qianwen Yang, Yongting Qiu, Jiaqing Liang, Qianyu He, Zhouhong Gu, Yanghua Xiao, Wei Wang | 2023-08-17T13:07:00Z | cs.CL, cs.AI | Large language models (LLMs) have demonstrated impressive impact in the field
of natural language processing, but they still struggle with several issues
regarding, such as completeness, timeliness, faithfulness and adaptability.
While recent efforts have focuses on connecting LLMs with external knowledge
sources, the integration of knowledge bases (KBs) remains understudied and
faces several challenges. In this paper, we introduce KnowledGPT, a
comprehensive framework to bridge LLMs with various knowledge bases,
facilitating both the retrieval and storage of knowledge. The retrieval process
employs the program of thought prompting, which generates search language for
KBs in code format with pre-defined functions for KB operations. Besides
retrieval, KnowledGPT offers the capability to store knowledge in a
personalized KB, catering to individual user demands. With extensive
experiments, we show that by integrating LLMs with KBs, KnowledGPT properly
answers a broader range of questions requiring world knowledge compared with
vanilla LLMs, utilizing both knowledge existing in widely-known KBs and
extracted into personalized KBs. | cs.CL | KnowledGPT: Enhancing Large Language Models with Retrieval and Storage Access on Knowledge Bases |
2023-08-17T10:49:18Z | http://arxiv.org/pdf/2308.11584v1 | http://arxiv.org/abs/2308.11584v1 | Zhonghua Zheng, Lizi Liao, Yang Deng, Liqiang Nie | 2023-08-17T10:49:18Z | cs.CL, cs.AI | The integration of emotional support into various conversational scenarios
presents profound societal benefits, such as social interactions, mental health
counseling, and customer service. However, there are unsolved challenges that
hinder real-world applications in this field, including limited data
availability and the absence of well-accepted model training paradigms. This
work endeavors to navigate these challenges by harnessing the capabilities of
Large Language Models (LLMs). We introduce an innovative methodology that
synthesizes human insights with the computational prowess of LLMs to curate an
extensive emotional support dialogue dataset. Our approach is initiated with a
meticulously designed set of dialogues spanning diverse scenarios as generative
seeds. By utilizing the in-context learning potential of ChatGPT, we
recursively generate an ExTensible Emotional Support dialogue dataset, named
ExTES. Following this, we deploy advanced tuning techniques on the LLaMA model,
examining the impact of diverse training strategies, ultimately yielding an LLM
meticulously optimized for emotional support interactions. An exhaustive
assessment of the resultant model showcases its proficiency in offering
emotional support, marking a pivotal step in the realm of emotional support
bots and paving the way for subsequent research and implementations. | cs.CL | Building Emotional Support Chatbots in the Era of LLMs |
2023-08-17T08:25:54Z | http://arxiv.org/pdf/2308.11527v1 | http://arxiv.org/abs/2308.11527v1 | Dong Wang, Kavé Salamatian, Yunqing Xia, Weiwei Deng, Qi Zhiang | 2023-08-17T08:25:54Z | cs.CL, cs.AI, cs.IR | Although deep pre-trained language models have shown promising benefit in a
large set of industrial scenarios, including Click-Through-Rate (CTR)
prediction, how to integrate pre-trained language models that handle only
textual signals into a prediction pipeline with non-textual features is
challenging.
Up to now two directions have been explored to integrate multi-modal inputs
in fine-tuning of pre-trained language models. One consists of fusing the
outcome of language models and non-textual features through an aggregation
layer, resulting into ensemble framework, where the cross-information between
textual and non-textual inputs are only learned in the aggregation layer. The
second one consists of splitting non-textual features into fine-grained
fragments and transforming the fragments to new tokens combined with textual
ones, so that they can be fed directly to transformer layers in language
models. However, this approach increases the complexity of the learning and
inference because of the numerous additional tokens.
To address these limitations, we propose in this work a novel framework
BERT4CTR, with the Uni-Attention mechanism that can benefit from the
interactions between non-textual and textual features while maintaining low
time-costs in training and inference through a dimensionality reduction.
Comprehensive experiments on both public and commercial data demonstrate that
BERT4CTR can outperform significantly the state-of-the-art frameworks to handle
multi-modal inputs and be applicable to CTR prediction. | cs.CL | BERT4CTR: An Efficient Framework to Combine Pre-trained Language Model with Non-textual Features for CTR Prediction |
2023-08-17T07:51:23Z | http://arxiv.org/pdf/2308.08833v2 | http://arxiv.org/abs/2308.08833v2 | Xidong Wang, Guiming Hardy Chen, Dingjie Song, Zhiyi Zhang, Zhihong Chen, Qingying Xiao, Feng Jiang, Jianquan Li, Xiang Wan, Benyou Wang, Haizhou Li | 2024-04-04T15:16:57Z | cs.CL, cs.AI | Large Language Models (LLMs) provide a possibility to make a great
breakthrough in medicine. The establishment of a standardized medical benchmark
becomes a fundamental cornerstone to measure progression. However, medical
environments in different regions have their local characteristics, e.g., the
ubiquity and significance of traditional Chinese medicine within China.
Therefore, merely translating English-based medical evaluation may result in
\textit{contextual incongruities} to a local region. To solve the issue, we
propose a localized medical benchmark called CMB, a Comprehensive Medical
Benchmark in Chinese, designed and rooted entirely within the native Chinese
linguistic and cultural framework. While traditional Chinese medicine is
integral to this evaluation, it does not constitute its entirety. Using this
benchmark, we have evaluated several prominent large-scale LLMs, including
ChatGPT, GPT-4, dedicated Chinese LLMs, and LLMs specialized in the medical
domain. We hope this benchmark provide first-hand experience in existing LLMs
for medicine and also facilitate the widespread adoption and enhancement of
medical LLMs within China. Our data and code are publicly available at
https://github.com/FreedomIntelligence/CMB. | cs.CL | CMB: A Comprehensive Medical Benchmark in Chinese |
2023-08-17T07:24:06Z | http://arxiv.org/pdf/2308.08827v1 | http://arxiv.org/abs/2308.08827v1 | Mohammed Bin Sumait, Aleksandra Gabryszak, Leonhard Hennig, Roland Roller | 2023-08-17T07:24:06Z | cs.CL | Factuality can play an important role when automatically processing clinical
text, as it makes a difference if particular symptoms are explicitly not
present, possibly present, not mentioned, or affirmed. In most cases, a
sufficient number of examples is necessary to handle such phenomena in a
supervised machine learning setting. However, as clinical text might contain
sensitive information, data cannot be easily shared. In the context of
factuality detection, this work presents a simple solution using machine
translation to translate English data to German to train a transformer-based
factuality detection model. | cs.CL | Factuality Detection using Machine Translation -- a Use Case for German Clinical Text |
2023-08-17T06:33:33Z | http://arxiv.org/pdf/2308.08807v1 | http://arxiv.org/abs/2308.08807v1 | Jivnesh Sandhan | 2023-08-17T06:33:33Z | cs.CL | The primary focus of this thesis is to make Sanskrit manuscripts more
accessible to the end-users through natural language technologies. The
morphological richness, compounding, free word orderliness, and low-resource
nature of Sanskrit pose significant challenges for developing deep learning
solutions. We identify four fundamental tasks, which are crucial for developing
a robust NLP technology for Sanskrit: word segmentation, dependency parsing,
compound type identification, and poetry analysis. The first task, Sanskrit
Word Segmentation (SWS), is a fundamental text processing task for any other
downstream applications. However, it is challenging due to the sandhi
phenomenon that modifies characters at word boundaries. Similarly, the existing
dependency parsing approaches struggle with morphologically rich and
low-resource languages like Sanskrit. Compound type identification is also
challenging for Sanskrit due to the context-sensitive semantic relation between
components. All these challenges result in sub-optimal performance in NLP
applications like question answering and machine translation. Finally, Sanskrit
poetry has not been extensively studied in computational linguistics.
While addressing these challenges, this thesis makes various contributions:
(1) The thesis proposes linguistically-informed neural architectures for these
tasks. (2) We showcase the interpretability and multilingual extension of the
proposed systems. (3) Our proposed systems report state-of-the-art performance.
(4) Finally, we present a neural toolkit named SanskritShala, a web-based
application that provides real-time analysis of input for various NLP tasks.
Overall, this thesis contributes to making Sanskrit manuscripts more accessible
by developing robust NLP technology and releasing various resources, datasets,
and web-based toolkit. | cs.CL | Linguistically-Informed Neural Architectures for Lexical, Syntactic and Semantic Tasks in Sanskrit |
2023-08-17T06:21:50Z | http://arxiv.org/pdf/2308.10819v3 | http://arxiv.org/abs/2308.10819v3 | Zekun Li, Baolin Peng, Pengcheng He, Xifeng Yan | 2023-11-25T00:25:36Z | cs.CL, cs.AI | Large Language Models (LLMs) have demonstrated exceptional proficiency in
instruction-following, becoming increasingly crucial across various
applications. However, this capability brings with it the risk of prompt
injection attacks, where attackers inject instructions into LLMs' input to
elicit undesirable actions or content. Understanding the robustness of LLMs
against such attacks is vital for their safe implementation. In this work, we
establish a benchmark to evaluate the robustness of instruction-following LLMs
against prompt injection attacks. Our objective is to determine the extent to
which LLMs can be influenced by injected instructions and their ability to
differentiate between these injected and original target instructions. Through
extensive experiments with leading instruction-following LLMs, we uncover
significant vulnerabilities in their robustness to such attacks. Our results
indicate that some models are overly tuned to follow any embedded instructions
in the prompt, overly focusing on the latter parts of the prompt without fully
grasping the entire context. By contrast, models with a better grasp of the
context and instruction-following capabilities will potentially be more
susceptible to compromise by injected instructions. This underscores the need
to shift the focus from merely enhancing LLMs' instruction-following
capabilities to improving their overall comprehension of prompts and
discernment of instructions that are appropriate to follow. We hope our
in-depth analysis offers insights into the underlying causes of these
vulnerabilities, aiding in the development of future solutions. Code and data
are available at
https://github.com/Leezekun/instruction-following-robustness-eval | cs.CL | Evaluating the Instruction-Following Robustness of Large Language Models to Prompt Injection |
2023-08-17T06:04:28Z | http://arxiv.org/pdf/2308.08796v3 | http://arxiv.org/abs/2308.08796v3 | Linfeng Liu, Hongqiu Wu, Hai Zhao | 2024-02-28T07:12:08Z | cs.CL | This paper studies Chinese Spelling Correction (CSC), which aims to detect
and correct the potential spelling errors in a given sentence. Current
state-of-the-art methods regard CSC as a sequence tagging task and fine-tune
BERT-based models on sentence pairs. However, we note a critical flaw in the
process of tagging one character to another, that the correction is excessively
conditioned on the error. This is opposite from human mindset, where
individuals rephrase the complete sentence based on its semantics, rather than
solely on the error patterns memorized before. Such a counter-intuitive
learning process results in the bottleneck of generalizability and
transferability of machine spelling correction. To address this, we propose
Rephrasing Language Model (ReLM), where the model is trained to rephrase the
entire sentence by infilling additional slots, instead of
character-to-character tagging. This novel training paradigm achieves the new
state-of-the-art results across fine-tuned and zero-shot CSC benchmarks,
outperforming previous counterparts by a large margin. Our method also learns
transferable language representation when CSC is jointly trained with other
tasks. | cs.CL | Chinese Spelling Correction as Rephrasing Language Model |
2023-08-17T05:36:56Z | http://arxiv.org/pdf/2308.08793v1 | http://arxiv.org/abs/2308.08793v1 | Duzhen Zhang, Hongliu Li, Wei Cong, Rongtao Xu, Jiahua Dong, Xiuyi Chen | 2023-08-17T05:36:56Z | cs.CL | Incremental Named Entity Recognition (INER) involves the sequential learning
of new entity types without accessing the training data of previously learned
types. However, INER faces the challenge of catastrophic forgetting specific
for incremental learning, further aggravated by background shift (i.e., old and
future entity types are labeled as the non-entity type in the current task). To
address these challenges, we propose a method called task Relation Distillation
and Prototypical pseudo label (RDP) for INER. Specifically, to tackle
catastrophic forgetting, we introduce a task relation distillation scheme that
serves two purposes: 1) ensuring inter-task semantic consistency across
different incremental learning tasks by minimizing inter-task relation
distillation loss, and 2) enhancing the model's prediction confidence by
minimizing intra-task self-entropy loss. Simultaneously, to mitigate background
shift, we develop a prototypical pseudo label strategy that distinguishes old
entity types from the current non-entity type using the old model. This
strategy generates high-quality pseudo labels by measuring the distances
between token embeddings and type-wise prototypes. We conducted extensive
experiments on ten INER settings of three benchmark datasets (i.e., CoNLL2003,
I2B2, and OntoNotes5). The results demonstrate that our method achieves
significant improvements over the previous state-of-the-art methods, with an
average increase of 6.08% in Micro F1 score and 7.71% in Macro F1 score. | cs.CL | Task Relation Distillation and Prototypical Pseudo Label for Incremental Named Entity Recognition |
2023-08-17T04:45:19Z | http://arxiv.org/pdf/2308.08780v2 | http://arxiv.org/abs/2308.08780v2 | Muhammad Khalifa, Lajanugen Logeswaran, Moontae Lee, Honglak Lee, Lu Wang | 2023-08-21T01:25:30Z | cs.CL, cs.AI | In-context learning (ICL) operates by showing language models (LMs) examples
of input-output pairs for a given task, i.e., demonstrations. The standard
approach for ICL is to prompt the LM with concatenated demonstrations followed
by the test input. This approach suffers from some issues. First, concatenation
offers almost no control over the contribution of each demo to the model
prediction. This can be sub-optimal when some demonstrations are irrelevant to
the test example. Second, due to the input length limit of some transformer
models, it might be infeasible to fit many examples into the context,
especially when dealing with long-input tasks. In this work, we explore
Demonstration Ensembling (DENSE) as an alternative to simple concatenation.
DENSE predicts outputs using subsets (i.e., buckets) of the demonstrations and
then combines the output probabilities resulting from each subset to produce
the final prediction. We study different ensembling methods using GPT-j and
experiment on 12 language tasks. Our experiments show weighted max ensembling
to outperform vanilla concatenation by as large as 2.4 average points. Code
available at https://github.com/mukhal/icl-ensembling. | cs.CL | Exploring Demonstration Ensembling for In-context Learning |
2023-08-17T04:13:26Z | http://arxiv.org/pdf/2308.08774v1 | http://arxiv.org/abs/2308.08774v1 | Phillip Rust, Anders Søgaard | 2023-08-17T04:13:26Z | cs.CL, cs.AI, cs.CR, cs.LG | Language models such as mBERT, XLM-R, and BLOOM aim to achieve multilingual
generalization or compression to facilitate transfer to a large number of
(potentially unseen) languages. However, these models should ideally also be
private, linguistically fair, and transparent, by relating their predictions to
training data. Can these requirements be simultaneously satisfied? We show that
multilingual compression and linguistic fairness are compatible with
differential privacy, but that differential privacy is at odds with training
data influence sparsity, an objective for transparency. We further present a
series of experiments on two common NLP tasks and evaluate multilingual
compression and training data influence sparsity under different privacy
guarantees, exploring these trade-offs in more detail. Our results suggest that
we need to develop ways to jointly optimize for these objectives in order to
find practical trade-offs. | cs.CL | Differential Privacy, Linguistic Fairness, and Training Data Influence: Impossibility and Possibility Theorems for Multilingual Language Models |
2023-08-17T03:14:00Z | http://arxiv.org/pdf/2309.16705v2 | http://arxiv.org/abs/2309.16705v2 | David Noever, Samantha Elizabeth Miller Noever | 2023-10-14T19:53:39Z | cs.CV, cs.CL, cs.LG | Addressing the gap in understanding visual comprehension in Large Language
Models (LLMs), we designed a challenge-response study, subjecting Google Bard
and GPT-Vision to 64 visual tasks, spanning categories like "Visual Situational
Reasoning" and "Next Scene Prediction." Previous models, such as GPT4, leaned
heavily on optical character recognition tools like Tesseract, whereas Bard and
GPT-Vision, akin to Google Lens and Visual API, employ deep learning techniques
for visual text recognition. However, our findings spotlight both
vision-language model's limitations: while proficient in solving visual
CAPTCHAs that stump ChatGPT alone, it falters in recreating visual elements
like ASCII art or analyzing Tic Tac Toe grids, suggesting an over-reliance on
educated visual guesses. The prediction problem based on visual inputs appears
particularly challenging with no common-sense guesses for next-scene
forecasting based on current "next-token" multimodal models. This study
provides experimental insights into the current capacities and areas for
improvement in multimodal LLMs. | cs.CV | Multimodal Analysis Of Google Bard And GPT-Vision: Experiments In Visual Reasoning |
2023-08-17T03:10:17Z | http://arxiv.org/pdf/2308.08758v3 | http://arxiv.org/abs/2308.08758v3 | Hoyoun Jung, Kyung-Joong Kim | 2024-06-02T10:09:01Z | cs.CL, cs.AI | Compressed prompts aid instruction-tuned language models (LMs) in overcoming
context window limitations and reducing computational costs. Existing methods,
which primarily based on training embeddings, face various challenges
associated with interpretability, the fixed number of embedding tokens,
reusability across different LMs, and inapplicability when interacting with
black-box APIs. This study proposes prompt compression with reinforcement
learning (PCRL), which is a discrete prompt compression method that addresses
these issues. The proposed PCRL method utilizes a computationally efficient
policy network that edits prompts directly. The training approach employed in
the proposed PCRLs can be applied flexibly to various types of LMs, including
both decoder-only and encoder-decoder architecture and it can be trained
without gradient access to the LMs or labeled data. The proposed PCRL achieves
an average reduction of 24.6% in terms of the token count across various
instruction prompts while maintaining sufficient performance. In addition, we
demonstrate that the learned policy can be transferred to larger LMs, and
through a comprehensive analysis, we explore the token importance within the
prompts. Our code is accessible at
https://github.com/nenomigami/PromptCompressor. | cs.CL | Discrete Prompt Compression with Reinforcement Learning |
2023-08-17T02:53:23Z | http://arxiv.org/pdf/2308.08747v3 | http://arxiv.org/abs/2308.08747v3 | Yun Luo, Zhen Yang, Fandong Meng, Yafu Li, Jie Zhou, Yue Zhang | 2024-04-02T09:05:51Z | cs.CL | Catastrophic forgetting (CF) is a phenomenon that occurs in machine learning
when a model forgets previously learned information while acquiring new
knowledge. As large language models (LLMs) have demonstrated remarkable
performance, it is intriguing to investigate whether CF exists during the
continual instruction tuning of LLMs. This study empirically evaluates the
forgetting phenomenon in LLMs' knowledge during continual instruction tuning
from the perspectives of domain knowledge, reasoning, and reading
comprehension. The experiments reveal that catastrophic forgetting is generally
observed in LLMs ranging from 1b to 7b parameters. Moreover, as the model scale
increases, the severity of forgetting intensifies. Comparing the decoder-only
model BLOOMZ with the encoder-decoder model mT0, BLOOMZ exhibits less
forgetting and retains more knowledge. Interestingly, we also observe that LLMs
can mitigate language biases, such as gender bias, during continual
fine-tuning. Furthermore, our findings indicate that ALPACA maintains more
knowledge and capacity compared to LLAMA during continual fine-tuning,
suggesting that general instruction tuning can help alleviate the forgetting
phenomenon in LLMs during subsequent fine-tuning processes. | cs.CL | An Empirical Study of Catastrophic Forgetting in Large Language Models During Continual Fine-tuning |
2023-08-17T02:33:43Z | http://arxiv.org/pdf/2308.08742v6 | http://arxiv.org/abs/2308.08742v6 | Xiaopeng Li, Shasha Li, Shezheng Song, Jing Yang, Jun Ma, Jie Yu | 2024-03-11T11:35:48Z | cs.CL, cs.AI, cs.LG | Model editing techniques modify a minor proportion of knowledge in Large
Language Models (LLMs) at a relatively low cost, which have demonstrated
notable success. Existing methods assume Transformer Layer (TL) hidden states
are values of key-value memories of the Feed-Forward Network (FFN). They
usually optimize the TL hidden states to memorize target knowledge and use it
to update the weights of the FFN in LLMs. However, the information flow of TL
hidden states comes from three parts: Multi-Head Self-Attention (MHSA), FFN,
and residual connections. Existing methods neglect the fact that the TL hidden
states contains information not specifically required for FFN. Consequently,
the performance of model editing decreases. To achieve more precise model
editing, we analyze hidden states of MHSA and FFN, finding that MHSA encodes
certain general knowledge extraction patterns. This implies that MHSA weights
do not require updating when new knowledge is introduced. Based on above
findings, we introduce PMET, which simultaneously optimizes Transformer
Component (TC, namely MHSA and FFN) hidden states, while only using the
optimized TC hidden states of FFN to precisely update FFN weights. Our
experiments demonstrate that PMET exhibits state-of-the-art performance on both
the COUNTERFACT and zsRE datasets. Our ablation experiments substantiate the
effectiveness of our enhancements, further reinforcing the finding that the
MHSA encodes certain general knowledge extraction patterns and indicating its
storage of a small amount of factual knowledge. Our code is available at
https://github.com/xpq-tech/PMET. | cs.CL | PMET: Precise Model Editing in a Transformer |
2023-08-17T02:26:30Z | http://arxiv.org/pdf/2308.08739v2 | http://arxiv.org/abs/2308.08739v2 | Yuanzhen Luo, Qingyu Zhou, Feng Zhou | 2024-03-20T16:41:11Z | cs.CL | Keyphrase extraction (KPE) is an important task in Natural Language
Processing for many scenarios, which aims to extract keyphrases that are
present in a given document. Many existing supervised methods treat KPE as
sequential labeling, span-level classification, or generative tasks. However,
these methods lack the ability to utilize keyphrase information, which may
result in biased results. In this study, we propose Diff-KPE, which leverages
the supervised Variational Information Bottleneck (VIB) to guide the text
diffusion process for generating enhanced keyphrase representations. Diff-KPE
first generates the desired keyphrase embeddings conditioned on the entire
document and then injects the generated keyphrase embeddings into each phrase
representation. A ranking network and VIB are then optimized together with rank
loss and classification loss, respectively. This design of Diff-KPE allows us
to rank each candidate phrase by utilizing both the information of keyphrases
and the document. Experiments show that Diff-KPE outperforms existing KPE
methods on a large open domain keyphrase extraction benchmark, OpenKP, and a
scientific domain dataset, KP20K. | cs.CL | Enhancing Phrase Representation by Information Bottleneck Guided Text Diffusion Process for Keyphrase Extraction |
2023-08-17T01:58:04Z | http://arxiv.org/pdf/2308.08728v1 | http://arxiv.org/abs/2308.08728v1 | Zhe Zheng, Ke-Yin Chen, Xin-Yu Cao, Xin-Zheng Lu, Jia-Rui Lin | 2023-08-17T01:58:04Z | cs.AI, cs.CL | As a vital stage of automated rule checking (ARC), rule interpretation of
regulatory texts requires considerable effort. However, interpreting regulatory
clauses with implicit properties or complex computational logic is still
challenging due to the lack of domain knowledge and limited expressibility of
conventional logic representations. Thus, LLM-FuncMapper, an approach to
identifying predefined functions needed to interpret various regulatory clauses
based on the large language model (LLM), is proposed. First, by systematically
analysis of building codes, a series of atomic functions are defined to capture
shared computational logics of implicit properties and complex constraints,
creating a database of common blocks for interpreting regulatory clauses. Then,
a prompt template with the chain of thought is developed and further enhanced
with a classification-based tuning strategy, to enable common LLMs for
effective function identification. Finally, the proposed approach is validated
with statistical analysis, experiments, and proof of concept. Statistical
analysis reveals a long-tail distribution and high expressibility of the
developed function database, with which almost 100% of computer-processible
clauses can be interpreted and represented as computer-executable codes.
Experiments show that LLM-FuncMapper achieve promising results in identifying
relevant predefined functions for rule interpretation. Further proof of concept
in automated rule interpretation also demonstrates the possibility of
LLM-FuncMapper in interpreting complex regulatory clauses. To the best of our
knowledge, this study is the first attempt to introduce LLM for understanding
and interpreting complex regulatory clauses, which may shed light on further
adoption of LLM in the construction domain. | cs.AI | LLM-FuncMapper: Function Identification for Interpreting Complex Clauses in Building Codes via LLM |
2023-08-17T00:30:56Z | http://arxiv.org/pdf/2308.08713v1 | http://arxiv.org/abs/2308.08713v1 | Anant Singh, Akshat Gupta | 2023-08-17T00:30:56Z | cs.CL, cs.SD, eess.AS | Recent advancements in transformer-based speech representation models have
greatly transformed speech processing. However, there has been limited research
conducted on evaluating these models for speech emotion recognition (SER)
across multiple languages and examining their internal representations. This
article addresses these gaps by presenting a comprehensive benchmark for SER
with eight speech representation models and six different languages. We
conducted probing experiments to gain insights into inner workings of these
models for SER. We find that using features from a single optimal layer of a
speech model reduces the error rate by 32\% on average across seven datasets
when compared to systems where features from all layers of speech models are
used. We also achieve state-of-the-art results for German and Persian
languages. Our probing results indicate that the middle layers of speech models
capture the most important emotional information for speech emotion
recognition. | cs.CL | Decoding Emotions: A comprehensive Multilingual Study of Speech Models for Speech Emotion Recognition |
2023-08-16T23:57:41Z | http://arxiv.org/pdf/2308.09723v1 | http://arxiv.org/abs/2308.09723v1 | Young Jin Kim, Rawn Henry, Raffy Fahim, Hany Hassan Awadalla | 2023-08-16T23:57:41Z | cs.LG, cs.CL | Large Language Models (LLMs) have achieved state-of-the-art performance
across various language tasks but pose challenges for practical deployment due
to their substantial memory requirements. Furthermore, the latest generative
models suffer from high inference costs caused by the memory bandwidth
bottleneck in the auto-regressive decoding process. To address these issues, we
propose an efficient weight-only quantization method that reduces memory
consumption and accelerates inference for LLMs. To ensure minimal quality
degradation, we introduce a simple and effective heuristic approach that
utilizes only the model weights of a pre-trained model. This approach is
applicable to both Mixture-of-Experts (MoE) and dense models without requiring
additional fine-tuning. To demonstrate the effectiveness of our proposed
method, we first analyze the challenges and issues associated with LLM
quantization. Subsequently, we present our heuristic approach, which adaptively
finds the granularity of quantization, effectively addressing these problems.
Furthermore, we implement highly efficient GPU GEMMs that perform on-the-fly
matrix multiplication and dequantization, supporting the multiplication of fp16
or bf16 activations with int8 or int4 weights. We evaluate our approach on
large-scale open source models such as OPT-175B and internal MoE models,
showcasing minimal accuracy loss while achieving up to 3.65 times higher
throughput on the same number of GPUs. | cs.LG | FineQuant: Unlocking Efficiency with Fine-Grained Weight-Only Quantization for LLMs |
2023-08-16T22:16:00Z | http://arxiv.org/pdf/2308.08688v1 | http://arxiv.org/abs/2308.08688v1 | Amit Kumar Jaiswal, Haiming Liu | 2023-08-16T22:16:00Z | cs.CL, cs.AI | Traditional neural word embeddings are usually dependent on a richer
diversity of vocabulary. However, the language models recline to cover major
vocabularies via the word embedding parameters, in particular, for multilingual
language models that generally cover a significant part of their overall
learning parameters. In this work, we present a new compact embedding structure
to reduce the memory footprint of the pre-trained language models with a
sacrifice of up to 4% absolute accuracy. The embeddings vectors reconstruction
follows a set of subspace embeddings and an assignment procedure via the
contextual relationship among tokens from pre-trained language models. The
subspace embedding structure calibrates to masked language models, to evaluate
our compact embedding structure on similarity and textual entailment tasks,
sentence and paraphrase tasks. Our experimental evaluation shows that the
subspace embeddings achieve compression rates beyond 99.8% in comparison with
the original embeddings for the language models on XNLI and GLUE benchmark
suites. | cs.CL | Lightweight Adaptation of Neural Language Models via Subspace Embedding |
2023-08-16T21:20:50Z | http://arxiv.org/pdf/2308.13538v1 | http://arxiv.org/abs/2308.13538v1 | M Charity, Yash Bhartia, Daniel Zhang, Ahmed Khalifa, Julian Togelius | 2023-08-16T21:20:50Z | cs.IR, cs.AI, cs.CL | This paper introduces a system used to generate game feature suggestions
based on a text prompt. Trained on the game descriptions of almost 60k games,
it uses the word embeddings of a small GLoVe model to extract features and
entities found in thematically similar games which are then passed through a
generator model to generate new features for a user's prompt. We perform a
short user study comparing the features generated from a fine-tuned GPT-2
model, a model using the ConceptNet, and human-authored game features. Although
human suggestions won the overall majority of votes, the GPT-2 model
outperformed the human suggestions in certain games. This system is part of a
larger game design assistant tool that is able to collaborate with users at a
conceptual level. | cs.IR | A Preliminary Study on a Conceptual Game Feature Generation and Recommendation System |
2023-08-16T20:23:16Z | http://arxiv.org/pdf/2308.08661v1 | http://arxiv.org/abs/2308.08661v1 | Haitian Sun, William W. Cohen, Ruslan Salakhutdinov | 2023-08-16T20:23:16Z | cs.CL, cs.AI | Many open-domain questions are under-specified and thus have multiple
possible answers, each of which is correct under a different interpretation of
the question. Answering such ambiguous questions is challenging, as it requires
retrieving and then reasoning about diverse information from multiple passages.
We present a new state-of-the-art for answering ambiguous questions that
exploits a database of unambiguous questions generated from Wikipedia. On the
challenging ASQA benchmark, which requires generating long-form answers that
summarize the multiple answers to an ambiguous question, our method improves
performance by 15% (relative improvement) on recall measures and 10% on
measures which evaluate disambiguating questions from predicted outputs.
Retrieving from the database of generated questions also gives large
improvements in diverse passage retrieval (by matching user questions q to
passages p indirectly, via questions q' generated from p). | cs.CL | Answering Ambiguous Questions with a Database of Questions, Answers, and Revisions |
2023-08-16T20:17:46Z | http://arxiv.org/pdf/2308.08660v1 | http://arxiv.org/abs/2308.08660v1 | Jenna Kefeli, Ali Soroush, Courtney J. Diamond, Haley M. Zylberberg, Benjamin May, Julian A. Abrams, Chunhua Weng, Nicholas Tatonetti | 2023-08-16T20:17:46Z | cs.CL | Diagnostic codes for Barrett's esophagus (BE), a precursor to esophageal
cancer, lack granularity and precision for many research or clinical use cases.
Laborious manual chart review is required to extract key diagnostic phenotypes
from BE pathology reports. We developed a generalizable transformer-based
method to automate data extraction. Using pathology reports from Columbia
University Irving Medical Center with gastroenterologist-annotated targets, we
performed binary dysplasia classification as well as granularized multi-class
BE-related diagnosis classification. We utilized two clinically pre-trained
large language models, with best model performance comparable to a highly
tailored rule-based system developed using the same data. Binary dysplasia
extraction achieves 0.964 F1-score, while the multi-class model achieves 0.911
F1-score. Our method is generalizable and faster to implement as compared to a
tailored rule-based approach. | cs.CL | Large Language Models for Granularized Barrett's Esophagus Diagnosis Classification |
2023-08-16T18:53:39Z | http://arxiv.org/pdf/2308.08628v3 | http://arxiv.org/abs/2308.08628v3 | Eva Portelance, Michael C. Frank, Dan Jurafsky | 2024-04-22T19:00:51Z | cs.CL, I.2.7; I.2.6; I.2.10 | Interpreting a seemingly-simple function word like "or", "behind", or "more"
can require logical, numerical, and relational reasoning. How are such words
learned by children? Prior acquisition theories have often relied on positing a
foundation of innate knowledge. Yet recent neural-network based visual question
answering models apparently can learn to use function words as part of
answering questions about complex visual scenes. In this paper, we study what
these models learn about function words, in the hope of better understanding
how the meanings of these words can be learnt by both models and children. We
show that recurrent models trained on visually grounded language learn gradient
semantics for function words requiring spatial and numerical reasoning.
Furthermore, we find that these models can learn the meanings of logical
connectives and and or without any prior knowledge of logical reasoning, as
well as early evidence that they are sensitive to alternative expressions when
interpreting language. Finally, we show that word learning difficulty is
dependent on frequency in models' input. Our findings offer proof-of-concept
evidence that it is possible to learn the nuanced interpretations of function
words in visually grounded context by using non-symbolic general statistical
learning algorithms, without any prior knowledge of linguistic meaning. | cs.CL | Learning the meanings of function words from grounded language using a visual question answering model |
2023-08-16T18:48:01Z | http://arxiv.org/pdf/2308.08625v1 | http://arxiv.org/abs/2308.08625v1 | Pavlova Vera, Mohammed Makhlouf | 2023-08-16T18:48:01Z | cs.CL | Using language models (LMs) pre-trained in a self-supervised setting on large
corpora and then fine-tuning for a downstream task has helped to deal with the
problem of limited label data for supervised learning tasks such as Named
Entity Recognition (NER). Recent research in biomedical language processing has
offered a number of biomedical LMs pre-trained using different methods and
techniques that advance results on many BioNLP tasks, including NER. However,
there is still a lack of a comprehensive comparison of pre-training approaches
that would work more optimally in the biomedical domain. This paper aims to
investigate different pre-training methods, such as pre-training the biomedical
LM from scratch and pre-training it in a continued fashion. We compare existing
methods with our proposed pre-training method of initializing weights for new
tokens by distilling existing weights from the BERT model inside the context
where the tokens were found. The method helps to speed up the pre-training
stage and improve performance on NER. In addition, we compare how masking rate,
corruption strategy, and masking strategies impact the performance of the
biomedical LM. Finally, using the insights from our experiments, we introduce a
new biomedical LM (BIOptimus), which is pre-trained using Curriculum Learning
(CL) and contextualized weight distillation method. Our model sets new states
of the art on several biomedical Named Entity Recognition (NER) tasks. We
release our code and all pre-trained models | cs.CL | BIOptimus: Pre-training an Optimal Biomedical Language Model with Curriculum Learning for Named Entity Recognition |
2023-08-16T18:13:27Z | http://arxiv.org/pdf/2308.08614v1 | http://arxiv.org/abs/2308.08614v1 | Bin Lei, pei-Hung Lin, Chunhua Liao, Caiwen Ding | 2023-08-16T18:13:27Z | cs.LG, cs.AI, cs.CL | Recent advancements in large-scale models, such as GPT-4, have showcased
remarkable capabilities in addressing standard queries. However, when facing
complex problems that require multi-step logical reasoning, their accuracy
dramatically decreases. Current research has explored the realm of
\textit{prompting engineering} to bolster the inferential capacities of these
models. Our paper unveils a pioneering prompting technique, dubbed
\textit{Graph of Thoughts (GoT)}. Through testing on a trio of escalating
challenges: the 24-point game, resolution of high-degree polynomial equations,
and derivation of formulas for recursive sequences, our method outperformed
GPT-4, achieving accuracy improvements of $89.7\%$, $86\%$, and $56\%$ for each
respective task. Moreover, when juxtaposed with the state-of-the-art (SOTA)
prompting method, \textit{Tree of Thought (ToT)}, our approach registered an
average accuracy boost of $23\%$, $24\%$, and $15\%$. | cs.LG | Boosting Logical Reasoning in Large Language Models through a New Framework: The Graph of Thought |
2023-08-16T18:03:22Z | http://arxiv.org/pdf/2308.08610v1 | http://arxiv.org/abs/2308.08610v1 | Eren Unlu | 2023-08-16T18:03:22Z | cs.CL, cs.AI | With recent empirical observations, it has been argued that the most
significant aspect of developing accurate language models may be the proper
dataset content and training strategy compared to the number of neural
parameters, training duration or dataset size. Following this argument, we
opted to fine tune a one billion parameter size trained general purpose causal
language model with a dataset curated on team statistics of the Italian
football league first ten game weeks, using low rank adaptation. The limited
training dataset was compiled based on a framework where a powerful commercial
large language model provides distilled paragraphs and question answer pairs as
intended. The training duration was kept relatively short to provide a basis
for our minimal setting exploration. We share our key observations on the
process related to developing a specific purpose language model which is
intended to interpret soccer data with constrained resources in this article. | cs.CL | FootGPT : A Large Language Model Development Experiment on a Minimal Setting |
2023-08-16T16:48:57Z | http://arxiv.org/pdf/2308.08493v3 | http://arxiv.org/abs/2308.08493v3 | Shahriar Golchin, Mihai Surdeanu | 2024-02-21T22:02:26Z | cs.CL, cs.AI, cs.CR, cs.LG | Data contamination, i.e., the presence of test data from downstream tasks in
the training data of large language models (LLMs), is a potential major issue
in measuring LLMs' real effectiveness on other tasks. We propose a
straightforward yet effective method for identifying data contamination within
LLMs. At its core, our approach starts by identifying potential contamination
at the instance level; using this information, our approach then assesses wider
contamination at the partition level. To estimate contamination of individual
instances, we employ "guided instruction:" a prompt consisting of the dataset
name, partition type, and the random-length initial segment of a reference
instance, asking the LLM to complete it. An instance is flagged as contaminated
if the LLM's output either exactly or nearly matches the latter segment of the
reference. To understand if an entire partition is contaminated, we propose two
ideas. The first idea marks a dataset partition as contaminated if the average
overlap score with the reference instances (as measured by ROUGE-L or BLEURT)
is statistically significantly better with the completions from guided
instruction compared to a "general instruction" that does not include the
dataset and partition name. The second idea marks a dataset partition as
contaminated if a classifier based on GPT-4 with few-shot in-context learning
prompt marks multiple generated completions as exact/near-exact matches of the
corresponding reference instances. Our best method achieves an accuracy between
92% and 100% in detecting if an LLM is contaminated with seven datasets,
containing train and test/validation partitions, when contrasted with manual
evaluation by human experts. Further, our findings indicate that GPT-4 is
contaminated with AG News, WNLI, and XSum datasets. | cs.CL | Time Travel in LLMs: Tracing Data Contamination in Large Language Models |
2023-08-16T15:49:36Z | http://arxiv.org/pdf/2308.08442v1 | http://arxiv.org/abs/2308.08442v1 | Eunseop Yoon, Hee Suk Yoon, Dhananjaya Gowda, SooHwan Eom, Daehyeok Kim, John Harvill, Heting Gao, Mark Hasegawa-Johnson, Chanwoo Kim, Chang D. Yoo | 2023-08-16T15:49:36Z | cs.CL, cs.SD, eess.AS | Text-to-Text Transfer Transformer (T5) has recently been considered for the
Grapheme-to-Phoneme (G2P) transduction. As a follow-up, a tokenizer-free
byte-level model based on T5 referred to as ByT5, recently gave promising
results on word-level G2P conversion by representing each input character with
its corresponding UTF-8 encoding. Although it is generally understood that
sentence-level or paragraph-level G2P can improve usability in real-world
applications as it is better suited to perform on heteronyms and linking sounds
between words, we find that using ByT5 for these scenarios is nontrivial. Since
ByT5 operates on the character level, it requires longer decoding steps, which
deteriorates the performance due to the exposure bias commonly observed in
auto-regressive generation models. This paper shows that the performance of
sentence-level and paragraph-level G2P can be improved by mitigating such
exposure bias using our proposed loss-based sampling method. | cs.CL | Mitigating the Exposure Bias in Sentence-Level Grapheme-to-Phoneme (G2P) Transduction |
2023-08-16T14:58:12Z | http://arxiv.org/pdf/2308.08413v1 | http://arxiv.org/abs/2308.08413v1 | Jiaying Gong, Wei-Te Chen, Hoda Eldardiry | 2023-08-16T14:58:12Z | cs.IR, cs.CL | Existing attribute-value extraction (AVE) models require large quantities of
labeled data for training. However, new products with new attribute-value pairs
enter the market every day in real-world e-Commerce. Thus, we formulate AVE in
multi-label few-shot learning (FSL), aiming to extract unseen attribute value
pairs based on a small number of training examples. We propose a
Knowledge-Enhanced Attentive Framework (KEAF) based on prototypical networks,
leveraging the generated label description and category information to learn
more discriminative prototypes. Besides, KEAF integrates with hybrid attention
to reduce noise and capture more informative semantics for each class by
calculating the label-relevant and query-related weights. To achieve
multi-label inference, KEAF further learns a dynamic threshold by integrating
the semantic information from both the support set and the query set. Extensive
experiments with ablation studies conducted on two datasets demonstrate that
KEAF outperforms other SOTA models for information extraction in FSL. The code
can be found at: https://github.com/gjiaying/KEAF | cs.IR | Knowledge-Enhanced Multi-Label Few-Shot Product Attribute-Value Extraction |
2023-08-16T14:01:25Z | http://arxiv.org/pdf/2308.08378v2 | http://arxiv.org/abs/2308.08378v2 | Jingrui Hou, Georgina Cosma, Axel Finke | 2024-06-19T21:45:30Z | cs.IR, cs.CL | Continual learning refers to the capability of a machine learning model to
learn and adapt to new information, without compromising its performance on
previously learned tasks. Although several studies have investigated continual
learning methods for information retrieval tasks, a well-defined task
formulation is still lacking, and it is unclear how typical learning strategies
perform in this context. To address this challenge, a systematic task
formulation of continual neural information retrieval is presented, along with
a multiple-topic dataset that simulates continuous information retrieval. A
comprehensive continual neural information retrieval framework consisting of
typical retrieval models and continual learning strategies is then proposed.
Empirical evaluations illustrate that the proposed framework can successfully
prevent catastrophic forgetting in neural information retrieval and enhance
performance on previously learned tasks. The results indicate that
embedding-based retrieval models experience a decline in their continual
learning performance as the topic shift distance and dataset volume of new
tasks increase. In contrast, pretraining-based models do not show any such
correlation. Adopting suitable learning strategies can mitigate the effects of
topic shift and data augmentation. | cs.IR | Advancing continual lifelong learning in neural information retrieval: definition, dataset, framework, and empirical evaluation |
2023-08-16T13:39:06Z | http://arxiv.org/pdf/2308.08363v2 | http://arxiv.org/abs/2308.08363v2 | Aviv Slobodkin, Niv Nachum, Shmuel Amar, Ori Shapira, Ido Dagan | 2023-10-16T10:02:30Z | cs.CL | Current approaches for text summarization are predominantly automatic, with
rather limited space for human intervention and control over the process. In
this paper, we introduce SummHelper, a 2-phase summarization assistant designed
to foster human-machine collaboration. The initial phase involves content
selection, where the system recommends potential content, allowing users to
accept, modify, or introduce additional selections. The subsequent phase,
content consolidation, involves SummHelper generating a coherent summary from
these selections, which users can then refine using visual mappings between the
summary and the source text. Small-scale user studies reveal the effectiveness
of our application, with participants being especially appreciative of the
balance between automated guidance and opportunities for personal input. | cs.CL | SummHelper: Collaborative Human-Computer Summarization |
2023-08-16T11:50:38Z | http://arxiv.org/pdf/2308.08295v2 | http://arxiv.org/abs/2308.08295v2 | Zecheng Tang, Keyan Zhou, Juntao Li, Yuyang Ding, Pinzheng Wang, Bowen Yan, Min Zhang | 2024-02-16T12:32:52Z | cs.CL | Text detoxification aims to minimize the risk of language models producing
toxic content. Existing detoxification methods of directly constraining the
model output or further training the model on the non-toxic corpus fail to
achieve a decent balance between detoxification effectiveness and generation
quality. This issue stems from the neglect of constrain imposed by the context
since language models are designed to generate output that closely matches the
context while detoxification methods endeavor to ensure the safety of the
output even if it semantically deviates from the context. In view of this, we
introduce a Context-aware Model self-Detoxification~(CMD) framework that pays
attention to both the context and the detoxification process, i.e., first
detoxifying the context and then making the language model generate along the
safe context. Specifically, CMD framework involves two phases: utilizing
language models to synthesize data and applying these data for training. We
also introduce a toxic contrastive loss that encourages the model generation
away from the negative toxic samples. Experiments on various LLMs have verified
the effectiveness of our MSD framework, which can yield the best performance
compared to baselines. | cs.CL | CMD: a framework for Context-aware Model self-Detoxification |
2023-08-16T11:10:43Z | http://arxiv.org/pdf/2308.08285v1 | http://arxiv.org/abs/2308.08285v1 | Guangyuan Ma, Xing Wu, Peng Wang, Zijia Lin, Songlin Hu | 2023-08-16T11:10:43Z | cs.IR, cs.CL | In this paper, we systematically study the potential of pre-training with
Large Language Model(LLM)-based document expansion for dense passage retrieval.
Concretely, we leverage the capabilities of LLMs for document expansion, i.e.
query generation, and effectively transfer expanded knowledge to retrievers
using pre-training strategies tailored for passage retrieval. These strategies
include contrastive learning and bottlenecked query generation. Furthermore, we
incorporate a curriculum learning strategy to reduce the reliance on LLM
inferences. Experimental results demonstrate that pre-training with LLM-based
document expansion significantly boosts the retrieval performance on
large-scale web-search tasks. Our work shows strong zero-shot and out-of-domain
retrieval abilities, making it more widely applicable for retrieval when
initializing with no human-labeled data. | cs.IR | Pre-training with Large Language Model-based Document Expansion for Dense Passage Retrieval |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.