publication_date
stringlengths 20
20
| doc_url
stringlengths 33
34
| id
stringlengths 33
34
| authors
stringlengths 5
20.1k
| update_date
stringlengths 20
20
| category_all
stringlengths 5
138
| abstract
stringlengths 123
3.09k
| category_primary
stringclasses 78
values | title
stringlengths 10
211
|
---|---|---|---|---|---|---|---|---|
2023-12-15T15:41:52Z | http://arxiv.org/pdf/2312.09890v1 | http://arxiv.org/abs/2312.09890v1 | Vivi Nastase, Paola Merlo | 2023-12-15T15:41:52Z | cs.CL, I.2.7 | Sentence embeddings induced with various transformer architectures encode
much semantic and syntactic information in a distributed manner in a
one-dimensional array. We investigate whether specific grammatical information
can be accessed in these distributed representations. Using data from a task
developed to test rule-like generalizations, our experiments on detecting
subject-verb agreement yield several promising results. First, we show that
while the usual sentence representations encoded as one-dimensional arrays do
not easily support extraction of rule-like regularities, a two-dimensional
reshaping of these vectors allows various learning architectures to access such
information. Next, we show that various architectures can detect patterns in
these two-dimensional reshaped sentence embeddings and successfully learn a
model based on smaller amounts of simpler training data, which performs well on
more complex test data. This indicates that current sentence embeddings contain
information that is regularly distributed, and which can be captured when the
embeddings are reshaped into higher dimensional arrays. Our results cast light
on representations produced by language models and help move towards developing
few-shot learning approaches. | cs.CL | Grammatical information in BERT sentence embeddings as two-dimensional arrays |
2023-12-15T15:01:10Z | http://arxiv.org/pdf/2312.11532v2 | http://arxiv.org/abs/2312.11532v2 | YoungJoon Yoo, Jongwon Choi | 2024-01-21T09:30:36Z | cs.CL, cs.AI, cs.LG | This paper introduces a novel approach for topic modeling utilizing latent
codebooks from Vector-Quantized Variational Auto-Encoder~(VQ-VAE), discretely
encapsulating the rich information of the pre-trained embeddings such as the
pre-trained language model. From the novel interpretation of the latent
codebooks and embeddings as conceptual bag-of-words, we propose a new
generative topic model called Topic-VQ-VAE~(TVQ-VAE) which inversely generates
the original documents related to the respective latent codebook. The TVQ-VAE
can visualize the topics with various generative distributions including the
traditional BoW distribution and the autoregressive image generation. Our
experimental results on document analysis and image generation demonstrate that
TVQ-VAE effectively captures the topic context which reveals the underlying
structures of the dataset and supports flexible forms of document generation.
Official implementation of the proposed TVQ-VAE is available at
https://github.com/clovaai/TVQ-VAE. | cs.CL | Topic-VQ-VAE: Leveraging Latent Codebooks for Flexible Topic-Guided Document Generation |
2023-12-15T14:26:06Z | http://arxiv.org/pdf/2312.10126v2 | http://arxiv.org/abs/2312.10126v2 | Sweta Agrawal, Marine Carpuat | 2024-02-28T11:16:29Z | cs.CL | Automatic text simplification (TS) aims to automate the process of rewriting
text to make it easier for people to read. A pre-requisite for TS to be useful
is that it should convey information that is consistent with the meaning of the
original text. However, current TS evaluation protocols assess system outputs
for simplicity and meaning preservation without regard for the document context
in which output sentences occur and for how people understand them. In this
work, we introduce a human evaluation framework to assess whether simplified
texts preserve meaning using reading comprehension questions. With this
framework, we conduct a thorough human evaluation of texts by humans and by
nine automatic systems. Supervised systems that leverage pre-training knowledge
achieve the highest scores on the reading comprehension (RC) tasks amongst the
automatic controllable TS systems. However, even the best-performing supervised
system struggles with at least 14% of the questions, marking them as
"unanswerable'' based on simplified content. We further investigate how
existing TS evaluation metrics and automatic question-answering systems
approximate the human judgments we obtained. | cs.CL | Do Text Simplification Systems Preserve Meaning? A Human Evaluation via Reading Comprehension |
2023-12-15T14:17:45Z | http://arxiv.org/pdf/2312.09818v3 | http://arxiv.org/abs/2312.09818v3 | Lee Hyun, Kim Sung-Bin, Seungju Han, Youngjae Yu, Tae-Hyun Oh | 2024-05-24T09:45:09Z | cs.CL, cs.AI | Despite the recent advances of the artificial intelligence, building social
intelligence remains a challenge. Among social signals, laughter is one of the
distinctive expressions that occurs during social interactions between humans.
In this work, we tackle a new challenge for machines to understand the
rationale behind laughter in video, Video Laugh Reasoning. We introduce this
new task to explain why people laugh in a particular video and a dataset for
this task. Our proposed dataset, SMILE, comprises video clips and language
descriptions of why people laugh. We propose a baseline by leveraging the
reasoning capacity of large language models (LLMs) with textual video
representation. Experiments show that our baseline can generate plausible
explanations for laughter. We further investigate the scalability of our
baseline by probing other video understanding tasks and in-the-wild videos. We
release our dataset, code, and model checkpoints on
https://github.com/postech-ami/SMILE-Dataset. | cs.CL | SMILE: Multimodal Dataset for Understanding Laughter in Video with Language Models |
2023-12-15T14:04:23Z | http://arxiv.org/pdf/2312.09806v1 | http://arxiv.org/abs/2312.09806v1 | Zhenxi Lin, Ziheng Zhang, Xian Wu, Yefeng Zheng | 2023-12-15T14:04:23Z | cs.CL, cs.AI, cs.LG | Biomedical entity linking (BioEL) has achieved remarkable progress with the
help of pre-trained language models. However, existing BioEL methods usually
struggle to handle rare and difficult entities due to long-tailed distribution.
To address this limitation, we introduce a new scheme $k$NN-BioEL, which
provides a BioEL model with the ability to reference similar instances from the
entire training corpus as clues for prediction, thus improving the
generalization capabilities. Moreover, we design a contrastive learning
objective with dynamic hard negative sampling (DHNS) that improves the quality
of the retrieved neighbors during inference. Extensive experimental results
show that $k$NN-BioEL outperforms state-of-the-art baselines on several
datasets. | cs.CL | Improving Biomedical Entity Linking with Retrieval-enhanced Learning |
2023-12-15T14:01:46Z | http://arxiv.org/pdf/2312.09801v2 | http://arxiv.org/abs/2312.09801v2 | Tosin Adewumi, Lama Alkhaled, Claudia Buck, Sergio Hernandez, Saga Brilioth, Mkpe Kekung, Yelvin Ragimov, Elisa Barney | 2024-05-01T08:45:38Z | cs.CL | We introduce a novel writing method called Probing Chain-of-Thought (ProCoT),
which potentially prevents students from cheating using a Large Language Model
(LLM), such as ChatGPT, while enhancing their active learning. LLMs have
disrupted education and many other fields. For fear of students cheating, many
have resorted to banning their use. These LLMs are also known for
hallucinations. We conduct studies with ProCoT in two different courses with 65
students. The students in each course were asked to prompt an LLM of their
choice with one question from a set of four and required to affirm or refute
statements in the LLM output by using peer-reviewed references. The results
show two things: (1) ProCoT stimulates creative/critical thinking and writing
of students through engagement with LLMs when we compare the LLM-only output to
ProCoT output and (2) ProCoT can prevent cheating because of clear limitations
in existing LLMs, particularly ChatGPT, when we compare students' ProCoT output
to LLM ProCoT output. We also discover that most students prefer to give
answers in fewer words than LLMs, which are typically verbose. The average word
counts for students in the first course, ChatGPT (v3.5), and Phind (v8) are
208, 391 and 383, respectively. | cs.CL | ProCoT: Stimulating Critical Thinking and Writing of Students through Engagement with Large Language Models (LLMs) |
2023-12-15T13:40:25Z | http://arxiv.org/pdf/2312.09785v3 | http://arxiv.org/abs/2312.09785v3 | Shiwei Lyu, Chenfei Chi, Hongbo Cai, Lei Shi, Xiaoyan Yang, Lei Liu, Xiang Chen, Deng Zhao, Zhiqiang Zhang, Xianguo Lyu, Ming Zhang, Fangzhou Li, Xiaowei Ma, Yue Shen, Jinjie Gu, Wei Xue, Yiran Huang | 2024-01-07T08:58:02Z | cs.CL | We introduce RJUA-QA, a novel medical dataset for question answering (QA) and
reasoning with clinical evidence, contributing to bridge the gap between
general large language models (LLMs) and medical-specific LLM applications.
RJUA-QA is derived from realistic clinical scenarios and aims to facilitate
LLMs in generating reliable diagnostic and advice. The dataset contains 2,132
curated Question-Context-Answer pairs, corresponding about 25,000 diagnostic
records and clinical cases. The dataset covers 67 common urological disease
categories, where the disease coverage exceeds 97.6\% of the population seeking
medical services in urology. Each data instance in RJUA-QA comprises: (1) a
question mirroring real patient to inquiry about clinical symptoms and medical
conditions, (2) a context including comprehensive expert knowledge, serving as
a reference for medical examination and diagnosis, (3) a doctor response
offering the diagnostic conclusion and suggested examination guidance, (4) a
diagnosed clinical disease as the recommended diagnostic outcome, and (5)
clinical advice providing recommendations for medical examination. RJUA-QA is
the first medical QA dataset for clinical reasoning over the patient inquiries,
where expert-level knowledge and experience are required for yielding
diagnostic conclusions and medical examination advice. A comprehensive
evaluation is conducted to evaluate the performance of both medical-specific
and general LLMs on the RJUA-QA dataset. Our data is are publicly available at
\url{https://github.com/alipay/RJU_Ant_QA}. | cs.CL | RJUA-QA: A Comprehensive QA Dataset for Urology |
2023-12-15T13:33:18Z | http://arxiv.org/pdf/2312.09781v3 | http://arxiv.org/abs/2312.09781v3 | Min-Han Shih, Ho-Lam Chung, Yu-Chi Pai, Ming-Hao Hsu, Guan-Ting Lin, Shang-Wen Li, Hung-yi Lee | 2024-07-02T11:24:34Z | cs.CL, cs.AI | In recent advancements in spoken question answering (QA), end-to-end models
have made significant strides. However, previous research has primarily focused
on extractive span selection. While this extractive-based approach is effective
when answers are present directly within the input, it falls short in
addressing abstractive questions, where answers are not directly extracted but
inferred from the given information. To bridge this gap, we introduce the first
end-to-end Generative Spoken Question Answering (GSQA) model that empowers the
system to engage in abstractive reasoning. The challenge in training our GSQA
model lies in the absence of a spoken abstractive QA dataset. We propose using
text models for initialization and leveraging the extractive QA dataset to
transfer knowledge from the text generative model to the spoken generative
model. Experimental results indicate that our model surpasses the previous
extractive model by 3% on extractive QA datasets. Furthermore, the GSQA model
has only been fine-tuned on the spoken extractive QA dataset. Despite not
having seen any spoken abstractive QA data, it can still closely match the
performance of the cascade model. In conclusion, our GSQA model shows the
potential to generalize to a broad spectrum of questions, thus further
expanding the spoken question answering capabilities of abstractive QA. Our
code is available at https://voidful.github.io/GSQA | cs.CL | GSQA: An End-to-End Model for Generative Spoken Question Answering |
2023-12-15T12:58:07Z | http://arxiv.org/pdf/2402.10899v1 | http://arxiv.org/abs/2402.10899v1 | Damin Zhang | 2023-12-15T12:58:07Z | cs.CL | As large language models (LLMs) have been used in many downstream tasks, the
internal stereotypical representation may affect the fairness of the outputs.
In this work, we introduce human knowledge into natural language interventions
and study pre-trained language models' (LMs) behaviors within the context of
gender bias. Inspired by CheckList behavioral testing, we present a
checklist-style task that aims to probe and quantify LMs' unethical behaviors
through question-answering (QA). We design three comparison studies to evaluate
LMs from four aspects: consistency, biased tendency, model preference, and
gender preference switch. We probe one transformer-based QA model trained on
SQuAD-v2 dataset and one autoregressive large language model. Our results
indicate that transformer-based QA model's biased tendency positively
correlates with its consistency, whereas LLM shows the opposite relation. Our
proposed task provides the first dataset that involves human knowledge for LLM
bias evaluation. | cs.CL | Taxonomy-based CheckList for Large Language Model Evaluation |
2023-12-15T12:20:24Z | http://arxiv.org/pdf/2312.09736v1 | http://arxiv.org/abs/2312.09736v1 | Sunjae Yoon, Dahyun Kim, Eunseop Yoon, Hee Suk Yoon, Junyeong Kim, Chnag D. Yoo | 2023-12-15T12:20:24Z | cs.CL, cs.SD, eess.AS | Video-grounded Dialogue (VGD) aims to answer questions regarding a given
multi-modal input comprising video, audio, and dialogue history. Although there
have been numerous efforts in developing VGD systems to improve the quality of
their responses, existing systems are competent only to incorporate the
information in the video and text and tend to struggle in extracting the
necessary information from the audio when generating appropriate responses to
the question. The VGD system seems to be deaf, and thus, we coin this symptom
of current systems' ignoring audio data as a deaf response. To overcome the
deaf response problem, Hearing Enhanced Audio Response (HEAR) framework is
proposed to perform sensible listening by selectively attending to audio
whenever the question requires it. The HEAR framework enhances the accuracy and
audibility of VGD systems in a model-agnostic manner. HEAR is validated on VGD
datasets (i.e., AVSD@DSTC7 and AVSD@DSTC8) and shows effectiveness with various
VGD systems. | cs.CL | HEAR: Hearing Enhanced Audio Response for Video-grounded Dialogue |
2023-12-15T11:45:42Z | http://arxiv.org/pdf/2312.09718v1 | http://arxiv.org/abs/2312.09718v1 | Daichi Haraguchi, Kiyoaki Shirai, Naoya Inoue, Natthawut Kertkeidkachorn | 2023-12-15T11:45:42Z | cs.CL | Shortcut reasoning is an irrational process of inference, which degrades the
robustness of an NLP model. While a number of previous work has tackled the
identification of shortcut reasoning, there are still two major limitations:
(i) a method for quantifying the severity of the discovered shortcut reasoning
is not provided; (ii) certain types of shortcut reasoning may be missed. To
address these issues, we propose a novel method for identifying shortcut
reasoning. The proposed method quantifies the severity of the shortcut
reasoning by leveraging out-of-distribution data and does not make any
assumptions about the type of tokens triggering the shortcut reasoning. Our
experiments on Natural Language Inference and Sentiment Analysis demonstrate
that our framework successfully discovers known and unknown shortcut reasoning
in the previous work. | cs.CL | Discovering Highly Influential Shortcut Reasoning: An Automated Template-Free Approach |
2023-12-15T10:31:36Z | http://arxiv.org/pdf/2312.09670v1 | http://arxiv.org/abs/2312.09670v1 | Jesús Lovón-Melgarejo, Jose G. Moreno, Romaric Besançon, Olivier Ferret, Lynda Tamine | 2023-12-15T10:31:36Z | cs.CL, cs.IR | Since Pretrained Language Models (PLMs) are the cornerstone of the most
recent Information Retrieval (IR) models, the way they encode semantic
knowledge is particularly important. However, little attention has been given
to studying the PLMs' capability to capture hierarchical semantic knowledge.
Traditionally, evaluating such knowledge encoded in PLMs relies on their
performance on a task-dependent evaluation approach based on proxy tasks, such
as hypernymy detection. Unfortunately, this approach potentially ignores other
implicit and complex taxonomic relations. In this work, we propose a
task-agnostic evaluation method able to evaluate to what extent PLMs can
capture complex taxonomy relations, such as ancestors and siblings. The
evaluation is based on intrinsic properties that capture the hierarchical
nature of taxonomies. Our experimental evaluation shows that the
lexico-semantic knowledge implicitly encoded in PLMs does not always capture
hierarchical relations. We further demonstrate that the proposed properties can
be injected into PLMs to improve their understanding of hierarchy. Through
evaluations on taxonomy reconstruction, hypernym discovery and reading
comprehension tasks, we show that the knowledge about hierarchy is moderately
but not systematically transferable across tasks. | cs.CL | Probing Pretrained Language Models with Hierarchy Properties |
2023-12-15T09:08:14Z | http://arxiv.org/pdf/2312.09625v2 | http://arxiv.org/abs/2312.09625v2 | Xiaoxu Xu, Yitian Yuan, Qiudan Zhang, Wenhui Wu, Zequn Jie, Lin Ma, Xu Wang | 2024-04-13T08:51:33Z | cs.CV, cs.CL | Learning to ground natural language queries to target objects or regions in
3D point clouds is quite essential for 3D scene understanding. Nevertheless,
existing 3D visual grounding approaches require a substantial number of
bounding box annotations for text queries, which is time-consuming and
labor-intensive to obtain. In this paper, we propose \textbf{3D-VLA}, a weakly
supervised approach for \textbf{3D} visual grounding based on \textbf{V}isual
\textbf{L}inguistic \textbf{A}lignment. Our 3D-VLA exploits the superior
ability of current large-scale vision-language models (VLMs) on aligning the
semantics between texts and 2D images, as well as the naturally existing
correspondences between 2D images and 3D point clouds, and thus implicitly
constructs correspondences between texts and 3D point clouds with no need for
fine-grained box annotations in the training procedure. During the inference
stage, the learned text-3D correspondence will help us ground the text queries
to the 3D target objects even without 2D images. To the best of our knowledge,
this is the first work to investigate 3D visual grounding in a weakly
supervised manner by involving large scale vision-language models, and
extensive experiments on ReferIt3D and ScanRefer datasets demonstrate that our
3D-VLA achieves comparable and even superior results over the fully supervised
methods. | cs.CV | Weakly-Supervised 3D Visual Grounding based on Visual Linguistic Alignment |
2023-12-15T08:32:28Z | http://arxiv.org/pdf/2312.09601v1 | http://arxiv.org/abs/2312.09601v1 | Xin Jin, Jonathan Larson, Weiwei Yang, Zhiqiang Lin | 2023-12-15T08:32:28Z | cs.CR, cs.CL, cs.LG, cs.SE | Binary code summarization, while invaluable for understanding code semantics,
is challenging due to its labor-intensive nature. This study delves into the
potential of large language models (LLMs) for binary code comprehension. To
this end, we present BinSum, a comprehensive benchmark and dataset of over 557K
binary functions and introduce a novel method for prompt synthesis and
optimization. To more accurately gauge LLM performance, we also propose a new
semantic similarity metric that surpasses traditional exact-match approaches.
Our extensive evaluation of prominent LLMs, including ChatGPT, GPT-4, Llama 2,
and Code Llama, reveals 10 pivotal insights. This evaluation generates 4
billion inference tokens, incurred a total expense of 11,418 US dollars and 873
NVIDIA A100 GPU hours. Our findings highlight both the transformative potential
of LLMs in this field and the challenges yet to be overcome. | cs.CR | Binary Code Summarization: Benchmarking ChatGPT/GPT-4 and Other Large Language Models |
2023-12-15T07:46:35Z | http://arxiv.org/pdf/2312.09583v1 | http://arxiv.org/abs/2312.09583v1 | Tzu-Ting Yang, Hsin-Wei Wang, Berlin Chen | 2023-12-15T07:46:35Z | cs.CL, cs.SD, eess.AS | In recent years, end-to-end speech recognition has emerged as a technology
that integrates the acoustic, pronunciation dictionary, and language model
components of the traditional Automatic Speech Recognition model. It is
possible to achieve human-like recognition without the need to build a
pronunciation dictionary in advance. However, due to the relative scarcity of
training data on code-switching, the performance of ASR models tends to degrade
drastically when encountering this phenomenon. Most past studies have
simplified the learning complexity of the model by splitting the code-switching
task into multiple tasks dealing with a single language and then learning the
domain-specific knowledge of each language separately. Therefore, in this
paper, we attempt to introduce language identification information into the
middle layer of the ASR model's encoder. We aim to generate acoustic features
that imply language distinctions in a more implicit way, reducing the model's
confusion when dealing with language switching. | cs.CL | Leveraging Language ID to Calculate Intermediate CTC Loss for Enhanced Code-Switching Speech Recognition |
2023-12-15T07:37:09Z | http://arxiv.org/pdf/2312.09582v1 | http://arxiv.org/abs/2312.09582v1 | Hayato Futami, Emiru Tsunoo, Yosuke Kashiwagi, Hiroaki Ogawa, Siddhant Arora, Shinji Watanabe | 2023-12-15T07:37:09Z | cs.CL, cs.SD, eess.AS | In speech recognition applications, it is important to recognize
context-specific rare words, such as proper nouns. Tree-constrained Pointer
Generator (TCPGen) has shown promise for this purpose, which efficiently biases
such words with a prefix tree. While the original TCPGen relies on
grapheme-based encoding, we propose extending it with phoneme-aware encoding to
better recognize words of unusual pronunciations. As TCPGen handles biasing
words as subword units, we propose obtaining subword-level phoneme-aware
encoding by using alignment between phonemes and subwords. Furthermore, we
propose injecting phoneme-level predictions from CTC into queries of TCPGen so
that the model better interprets the phoneme-aware encodings. We conducted ASR
experiments with TCPGen for RNN transducer. We observed that proposed
phoneme-aware encoding outperformed ordinary grapheme-based encoding on both
the English LibriSpeech and Japanese CSJ datasets, demonstrating the robustness
of our approach across linguistically diverse languages. | cs.CL | Phoneme-aware Encoding for Prefix-tree-based Contextual ASR |
2023-12-15T07:04:40Z | http://arxiv.org/pdf/2312.09572v1 | http://arxiv.org/abs/2312.09572v1 | Sunghwa Lee, Younghoon Shin, Myungjong Kim, Jiwon Seo | 2023-12-15T07:04:40Z | eess.AS, cs.CL, cs.SD | Several sensing techniques have been proposed for silent speech recognition
(SSR); however, many of these methods require invasive processes or sensor
attachment to the skin using adhesive tape or glue, rendering them unsuitable
for frequent use in daily life. By contrast, impulse radio ultra-wideband
(IR-UWB) radar can operate without physical contact with users' articulators
and related body parts, offering several advantages for SSR. These advantages
include high range resolution, high penetrability, low power consumption,
robustness to external light or sound interference, and the ability to be
embedded in space-constrained handheld devices. This study demonstrated IR-UWB
radar-based contactless SSR using four types of speech stimuli (vowels,
consonants, words, and phrases). To achieve this, a novel speech feature
extraction algorithm specifically designed for IR-UWB radar-based SSR is
proposed. Each speech stimulus is recognized by applying a classification
algorithm to the extracted speech features. Two different algorithms,
multidimensional dynamic time warping (MD-DTW) and deep neural network-hidden
Markov model (DNN-HMM), were compared for the classification task.
Additionally, a favorable radar antenna position, either in front of the user's
lips or below the user's chin, was determined to achieve higher recognition
accuracy. Experimental results demonstrated the efficacy of the proposed speech
feature extraction algorithm combined with DNN-HMM for classifying vowels,
consonants, words, and phrases. Notably, this study represents the first
demonstration of phoneme-level SSR using contactless radar. | eess.AS | IR-UWB Radar-Based Contactless Silent Speech Recognition of Vowels, Consonants, Words, and Phrases |
2023-12-15T07:04:33Z | http://arxiv.org/pdf/2312.09571v1 | http://arxiv.org/abs/2312.09571v1 | Weizhi Fei, Xueyan Niu, Pingyi Zhou, Lu Hou, Bo Bai, Lei Deng, Wei Han | 2023-12-15T07:04:33Z | cs.CL, cs.IT, math.IT | Transformer-based Large Language Models (LLMs) often impose limitations on
the length of the text input to ensure the generation of fluent and relevant
responses. This constraint restricts their applicability in scenarios involving
long texts. We propose a novel semantic compression method that enables
generalization to texts that are 6-8 times longer, without incurring
significant computational costs or requiring fine-tuning. Our proposed
framework draws inspiration from source coding in information theory and
employs a pre-trained model to reduce the semantic redundancy of long inputs
before passing them to the LLMs for downstream tasks. Experimental results
demonstrate that our method effectively extends the context window of LLMs
across a range of tasks including question answering, summarization, few-shot
learning, and information retrieval. Furthermore, the proposed semantic
compression method exhibits consistent fluency in text generation while
reducing the associated computational overhead. | cs.CL | Extending Context Window of Large Language Models via Semantic Compression |
2023-12-15T05:40:15Z | http://arxiv.org/pdf/2312.09545v1 | http://arxiv.org/abs/2312.09545v1 | Ljubisa Bojic, Predrag Kovacevic, Milan Cabarkapa | 2023-12-15T05:40:15Z | cs.CL, cs.AI, cs.CY | As Large Language Models (LLMs) become increasingly integrated into everyday
life, their capabilities to understand and emulate human cognition are under
steady examination. This study investigates the ability of LLMs to comprehend
and interpret linguistic pragmatics, an aspect of communication that considers
context and implied meanings. Using Grice's communication principles, LLMs and
human subjects (N=76) were evaluated based on their responses to various
dialogue-based tasks. The findings revealed the superior performance and speed
of LLMs, particularly GPT4, over human subjects in interpreting pragmatics.
GPT4 also demonstrated accuracy in the pre-testing of human-written samples,
indicating its potential in text analysis. In a comparative analysis of LLMs
using human individual and average scores, the models exhibited significant
chronological improvement. The models were ranked from lowest to highest score,
with GPT2 positioned at 78th place, GPT3 ranking at 23rd, Bard at 10th, GPT3.5
placing 5th, Best Human scoring 2nd, and GPT4 achieving the top spot. The
findings highlight the remarkable progress made in the development and
performance of these LLMs. Future studies should consider diverse subjects,
multiple languages, and other cognitive aspects to fully comprehend the
capabilities of LLMs. This research holds significant implications for the
development and application of AI-based models in communication-centered
sectors. | cs.CL | GPT-4 Surpassing Human Performance in Linguistic Pragmatics |
2023-12-15T05:30:14Z | http://arxiv.org/pdf/2312.09542v2 | http://arxiv.org/abs/2312.09542v2 | Lei Zhang, Yunshui Li, Ziqiang Liu, Jiaxi yang, Junhao Liu, Longze Chen, Run Luo, Min Yang | 2024-06-26T04:48:11Z | cs.CL | With the advancement of large language models (LLMs) and the expansion of
their context windows, existing long-context benchmarks fall short in
effectively evaluating the models' comprehension and reasoning abilities in
extended texts. Moreover, conventional benchmarks relying on F1 metrics often
inaccurately score responses: they may undervalue correct answers that differ
from the reference responses and overvalue incorrect ones that resemble the
reference texts. In response to these limitations, we introduce Marathon, a
novel evaluation benchmark that adopts a multiple-choice question format. It is
specifically designed to overcome the constraints of previous benchmarks and
provide a rapid, precise, and unbiased appraisal of the long-context
comprehension skills of large language models. We conducted comprehensive
evaluations on the Marathon benchmark with a range of state-of-the-art LLMs and
assessed the effectiveness of various optimization strategies tailored for
long-context generation. We anticipate that the Marathon benchmark and its
associated leaderboard will enable a more precise and equitable evaluation of
LLMs' capabilities in understanding and reasoning over extended contexts.
Marathon is available at https://github.com/Hambaobao/Marathon. | cs.CL | Marathon: A Race Through the Realm of Long Context with Large Language Models |
2023-12-15T05:27:24Z | http://arxiv.org/pdf/2312.09541v1 | http://arxiv.org/abs/2312.09541v1 | Zhengyuan Liu, Nancy F. Chen | 2023-12-15T05:27:24Z | cs.CL | The Transformer-based models with the multi-head self-attention mechanism are
widely used in natural language processing, and provide state-of-the-art
results. While the pre-trained language backbones are shown to implicitly
capture certain linguistic knowledge, explicitly incorporating structure-aware
features can bring about further improvement on the downstream tasks. However,
such enhancement often requires additional neural components and increases
training parameter size. In this work, we investigate the attention head
selection and manipulation strategy for feature injection from a network
pruning perspective, and conduct a case study on dialogue summarization. We
first rank attention heads in a Transformer-based summarizer with layer-wise
importance. We then select the underused heads through extensive analysis, and
inject structure-aware features by manipulating the selected heads.
Experimental results show that the importance-based head selection is effective
for feature injection, and dialogue summarization can be improved by
incorporating coreference information via head manipulation. | cs.CL | Picking the Underused Heads: A Network Pruning Perspective of Attention Head Selection for Fusing Dialogue Coreference Information |
2023-12-15T05:03:24Z | http://arxiv.org/pdf/2312.09536v1 | http://arxiv.org/abs/2312.09536v1 | Maria Antoniak, Anjalie Field, Jimin Mun, Melanie Walsh, Lauren F. Klein, Maarten Sap | 2023-12-15T05:03:24Z | cs.CL | Riveter provides a complete easy-to-use pipeline for analyzing verb
connotations associated with entities in text corpora. We prepopulate the
package with connotation frames of sentiment, power, and agency, which have
demonstrated usefulness for capturing social phenomena, such as gender bias, in
a broad range of corpora. For decades, lexical frameworks have been
foundational tools in computational social science, digital humanities, and
natural language processing, facilitating multifaceted analysis of text
corpora. But working with verb-centric lexica specifically requires natural
language processing skills, reducing their accessibility to other researchers.
By organizing the language processing pipeline, providing complete lexicon
scores and visualizations for all entities in a corpus, and providing
functionality for users to target specific research questions, Riveter greatly
improves the accessibility of verb lexica and can facilitate a broad range of
future research. | cs.CL | Riveter: Measuring Power and Social Dynamics Between Entities |
2023-12-15T03:19:53Z | http://arxiv.org/pdf/2312.09508v1 | http://arxiv.org/abs/2312.09508v1 | Saiful Haq, Ashutosh Sharma, Pushpak Bhattacharyya | 2023-12-15T03:19:53Z | cs.IR, cs.CL | In this paper, we introduce Neural Information Retrieval resources for 11
widely spoken Indian Languages (Assamese, Bengali, Gujarati, Hindi, Kannada,
Malayalam, Marathi, Oriya, Punjabi, Tamil, and Telugu) from two major Indian
language families (Indo-Aryan and Dravidian). These resources include (a)
INDIC-MARCO, a multilingual version of the MSMARCO dataset in 11 Indian
Languages created using Machine Translation, and (b) Indic-ColBERT, a
collection of 11 distinct Monolingual Neural Information Retrieval models, each
trained on one of the 11 languages in the INDIC-MARCO dataset. To the best of
our knowledge, IndicIRSuite is the first attempt at building large-scale Neural
Information Retrieval resources for a large number of Indian languages, and we
hope that it will help accelerate research in Neural IR for Indian Languages.
Experiments demonstrate that Indic-ColBERT achieves 47.47% improvement in the
MRR@10 score averaged over the INDIC-MARCO baselines for all 11 Indian
languages except Oriya, 12.26% improvement in the NDCG@10 score averaged over
the MIRACL Bengali and Hindi Language baselines, and 20% improvement in the
MRR@100 Score over the Mr.Tydi Bengali Language baseline. IndicIRSuite is
available at https://github.com/saifulhaq95/IndicIRSuite | cs.IR | IndicIRSuite: Multilingual Dataset and Neural Information Models for Indian Languages |
2023-12-15T03:11:03Z | http://arxiv.org/pdf/2312.10104v3 | http://arxiv.org/abs/2312.10104v3 | Xu Yang, Yingzhe Peng, Haoxuan Ma, Shuo Xu, Chi Zhang, Yucheng Han, Hanwang Zhang | 2024-06-06T13:54:23Z | cs.CV, cs.CL, cs.LG | As Archimedes famously said, ``Give me a lever long enough and a fulcrum on
which to place it, and I shall move the world'', in this study, we propose to
use a tiny Language Model (LM), \eg, a Transformer with 67M parameters, to
lever much larger Vision-Language Models (LVLMs) with 9B parameters.
Specifically, we use this tiny \textbf{Lever-LM} to configure effective
in-context demonstration (ICD) sequences to improve the In-Context Learinng
(ICL) performance of LVLMs. Previous studies show that diverse ICD
configurations like the selection and ordering of the demonstrations heavily
affect the ICL performance, highlighting the significance of configuring
effective ICD sequences. Motivated by this and by re-considering the the
process of configuring ICD sequence, we find this is a mirror process of human
sentence composition and further assume that effective ICD configurations may
contain internal statistical patterns that can be captured by Lever-LM. Then a
dataset with effective ICD sequences is constructed to train Lever-LM. After
training, given novel queries, new ICD sequences are configured by the trained
Lever-LM to solve vision-language tasks through ICL. Experiments show that
these ICD sequences can improve the ICL performance of two LVLMs compared with
some strong baselines in Visual Question Answering and Image Captioning,
validating that Lever-LM can really capture the statistical patterns for
levering LVLMs. | cs.CV | Lever LM: Configuring In-Context Sequence to Lever Large Vision Language Models |
2023-12-15T02:42:05Z | http://arxiv.org/pdf/2312.09494v2 | http://arxiv.org/abs/2312.09494v2 | Shengyao Zhang, Mi Zhang, Xudong Pan, Min Yang | 2023-12-18T02:50:02Z | cs.CR, cs.CL | To reduce the computation cost and the energy consumption in large language
models (LLM), skimming-based acceleration dynamically drops unimportant tokens
of the input sequence progressively along layers of the LLM while preserving
the tokens of semantic importance. However, our work for the first time reveals
the acceleration may be vulnerable to Denial-of-Service (DoS) attacks. In this
paper, we propose No-Skim, a general framework to help the owners of
skimming-based LLM to understand and measure the robustness of their
acceleration scheme. Specifically, our framework searches minimal and
unnoticeable perturbations at character-level and token-level to generate
adversarial inputs that sufficiently increase the remaining token ratio, thus
increasing the computation cost and energy consumption. We systematically
evaluate the vulnerability of the skimming acceleration in various LLM
architectures including BERT and RoBERTa on the GLUE benchmark. In the worst
case, the perturbation found by No-Skim substantially increases the running
cost of LLM by over 145% on average. Moreover, No-Skim extends the evaluation
framework to various scenarios, making the evaluation conductible with
different level of knowledge. | cs.CR | No-Skim: Towards Efficiency Robustness Evaluation on Skimming-based Language Models |
2023-12-15T00:34:52Z | http://arxiv.org/pdf/2312.10101v1 | http://arxiv.org/abs/2312.10101v1 | Douglas Schonholtz | 2023-12-15T00:34:52Z | cs.SE, cs.CL | As coding challenges become more complex, recent advancements in Large
Language Models (LLMs) have led to notable successes, such as achieving a
94.6\% solve rate on the HumanEval benchmark. Concurrently, there is an
increasing commercial push for repository-level inline code completion tools,
such as GitHub Copilot and Tab Nine, aimed at enhancing developer productivity.
This paper delves into the transition from individual coding problems to
repository-scale solutions, presenting a thorough review of the current
literature on effective LLM prompting for code generation at the repository
level. We examine approaches that will work with black-box LLMs such that they
will be useful and applicable to commercial use cases, and their applicability
in interpreting code at a repository scale. We juxtapose the Repository-Level
Prompt Generation technique with RepoCoder, an iterative retrieval and
generation method, to highlight the trade-offs inherent in each approach and to
establish best practices for their application in cutting-edge coding
benchmarks. The interplay between iterative refinement of prompts and the
development of advanced retrieval systems forms the core of our discussion,
offering a pathway to significantly improve LLM performance in code generation
tasks. Insights from this study not only guide the application of these methods
but also chart a course for future research to integrate such techniques into
broader software engineering contexts. | cs.SE | A Review of Repository Level Prompting for LLMs |
2023-12-15T00:22:55Z | http://arxiv.org/pdf/2312.09411v1 | http://arxiv.org/abs/2312.09411v1 | Tianyi Chen, Tianyu Ding, Zhihui Zhu, Zeyu Chen, HsiangTao Wu, Ilya Zharkov, Luming Liang | 2023-12-15T00:22:55Z | cs.LG, cs.AI, cs.CL, cs.CV | Compressing a predefined deep neural network (DNN) into a compact sub-network
with competitive performance is crucial in the efficient machine learning
realm. This topic spans various techniques, from structured pruning to neural
architecture search, encompassing both pruning and erasing operators
perspectives. Despite advancements, existing methods suffers from complex,
multi-stage processes that demand substantial engineering and domain knowledge,
limiting their broader applications. We introduce the third-generation
Only-Train-Once (OTOv3), which first automatically trains and compresses a
general DNN through pruning and erasing operations, creating a compact and
competitive sub-network without the need of fine-tuning. OTOv3 simplifies and
automates the training and compression process, minimizes the engineering
efforts required from users. It offers key technological advancements: (i)
automatic search space construction for general DNNs based on dependency graph
analysis; (ii) Dual Half-Space Projected Gradient (DHSPG) and its enhanced
version with hierarchical search (H2SPG) to reliably solve (hierarchical)
structured sparsity problems and ensure sub-network validity; and (iii)
automated sub-network construction using solutions from DHSPG/H2SPG and
dependency graphs. Our empirical results demonstrate the efficacy of OTOv3
across various benchmarks in structured pruning and neural architecture search.
OTOv3 produces sub-networks that match or exceed the state-of-the-arts. The
source code will be available at https://github.com/tianyic/only_train_once. | cs.LG | OTOv3: Automatic Architecture-Agnostic Neural Network Training and Compression from Structured Pruning to Erasing Operators |
2023-12-14T23:07:33Z | http://arxiv.org/pdf/2312.09390v1 | http://arxiv.org/abs/2312.09390v1 | Collin Burns, Pavel Izmailov, Jan Hendrik Kirchner, Bowen Baker, Leo Gao, Leopold Aschenbrenner, Yining Chen, Adrien Ecoffet, Manas Joglekar, Jan Leike, Ilya Sutskever, Jeff Wu | 2023-12-14T23:07:33Z | cs.CL | Widely used alignment techniques, such as reinforcement learning from human
feedback (RLHF), rely on the ability of humans to supervise model behavior -
for example, to evaluate whether a model faithfully followed instructions or
generated safe outputs. However, future superhuman models will behave in
complex ways too difficult for humans to reliably evaluate; humans will only be
able to weakly supervise superhuman models. We study an analogy to this
problem: can weak model supervision elicit the full capabilities of a much
stronger model? We test this using a range of pretrained language models in the
GPT-4 family on natural language processing (NLP), chess, and reward modeling
tasks. We find that when we naively finetune strong pretrained models on labels
generated by a weak model, they consistently perform better than their weak
supervisors, a phenomenon we call weak-to-strong generalization. However, we
are still far from recovering the full capabilities of strong models with naive
finetuning alone, suggesting that techniques like RLHF may scale poorly to
superhuman models without further work. We find that simple methods can often
significantly improve weak-to-strong generalization: for example, when
finetuning GPT-4 with a GPT-2-level supervisor and an auxiliary confidence
loss, we can recover close to GPT-3.5-level performance on NLP tasks. Our
results suggest that it is feasible to make empirical progress today on a
fundamental challenge of aligning superhuman models. | cs.CL | Weak-to-Strong Generalization: Eliciting Strong Capabilities With Weak Supervision |
2023-12-14T22:04:43Z | http://arxiv.org/pdf/2401.02971v1 | http://arxiv.org/abs/2401.02971v1 | Andrei Manolache | 2023-12-14T22:04:43Z | cs.CL, cs.AI | Deep anomaly detection methods have become increasingly popular in recent
years, with methods like Stacked Autoencoders, Variational Autoencoders, and
Generative Adversarial Networks greatly improving the state-of-the-art. Other
methods rely on augmenting classical models (such as the One-Class Support
Vector Machine), by learning an appropriate kernel function using Neural
Networks. Recent developments in representation learning by self-supervision
are proving to be very beneficial in the context of anomaly detection. Inspired
by the advancements in anomaly detection using self-supervised learning in the
field of computer vision, this thesis aims to develop a method for detecting
anomalies by exploiting pretext tasks tailored for text corpora. This approach
greatly improves the state-of-the-art on two datasets, 20Newsgroups, and AG
News, for both semi-supervised and unsupervised anomaly detection, thus proving
the potential for self-supervised anomaly detectors in the field of natural
language processing. | cs.CL | Deep Anomaly Detection in Text |
2023-12-14T22:04:07Z | http://arxiv.org/pdf/2312.09366v1 | http://arxiv.org/abs/2312.09366v1 | Sahal Shaji Mullappilly, Abdelrahman Shaker, Omkar Thawakar, Hisham Cholakkal, Rao Muhammad Anwer, Salman Khan, Fahad Shahbaz Khan | 2023-12-14T22:04:07Z | cs.CL, cs.AI | Climate change is one of the most significant challenges we face together as
a society. Creating awareness and educating policy makers the wide-ranging
impact of climate change is an essential step towards a sustainable future.
Recently, Large Language Models (LLMs) like ChatGPT and Bard have shown
impressive conversational abilities and excel in a wide variety of NLP tasks.
While these models are close-source, recently alternative open-source LLMs such
as Stanford Alpaca and Vicuna have shown promising results. However, these
open-source models are not specifically tailored for climate related domain
specific information and also struggle to generate meaningful responses in
other languages such as, Arabic. To this end, we propose a light-weight Arabic
Mini-ClimateGPT that is built on an open-source LLM and is specifically
fine-tuned on a conversational-style instruction tuning curated Arabic dataset
Clima500-Instruct with over 500k instructions about climate change and
sustainability. Further, our model also utilizes a vector embedding based
retrieval mechanism during inference. We validate our proposed model through
quantitative and qualitative evaluations on climate-related queries. Our model
surpasses the baseline LLM in 88.3% of cases during ChatGPT-based evaluation.
Furthermore, our human expert evaluation reveals an 81.6% preference for our
model's responses over multiple popular open-source models. Our open-source
demos, code-base and models are available here
https://github.com/mbzuai-oryx/ClimateGPT. | cs.CL | Arabic Mini-ClimateGPT : A Climate Change and Sustainability Tailored Arabic LLM |
2023-12-14T19:17:42Z | http://arxiv.org/pdf/2312.09304v1 | http://arxiv.org/abs/2312.09304v1 | Lysimachos Maltoudoglou, Andreas Paisios, Ladislav Lenc, Jiří Martínek, Pavel Král, Harris Papadopoulos | 2023-12-14T19:17:42Z | cs.LG, cs.CL, stat.ML | We extend our previous work on Inductive Conformal Prediction (ICP) for
multi-label text classification and present a novel approach for addressing the
computational inefficiency of the Label Powerset (LP) ICP, arrising when
dealing with a high number of unique labels. We present experimental results
using the original and the proposed efficient LP-ICP on two English and one
Czech language data-sets. Specifically, we apply the LP-ICP on three deep
Artificial Neural Network (ANN) classifiers of two types: one based on
contextualised (bert) and two on non-contextualised (word2vec) word-embeddings.
In the LP-ICP setting we assign nonconformity scores to label-sets from which
the corresponding p-values and prediction-sets are determined. Our approach
deals with the increased computational burden of LP by eliminating from
consideration a significant number of label-sets that will surely have p-values
below the specified significance level. This reduces dramatically the
computational complexity of the approach while fully respecting the standard CP
guarantees. Our experimental results show that the contextualised-based
classifier surpasses the non-contextualised-based ones and obtains
state-of-the-art performance for all data-sets examined. The good performance
of the underlying classifiers is carried on to their ICP counterparts without
any significant accuracy loss, but with the added benefits of ICP, i.e. the
confidence information encapsulated in the prediction sets. We experimentally
demonstrate that the resulting prediction sets can be tight enough to be
practically useful even though the set of all possible label-sets contains more
than $1e+16$ combinations. Additionally, the empirical error rates of the
obtained prediction-sets confirm that our outputs are well-calibrated. | cs.LG | Well-calibrated Confidence Measures for Multi-label Text Classification with a Large Number of Labels |
2023-12-14T19:09:22Z | http://arxiv.org/pdf/2312.09300v1 | http://arxiv.org/abs/2312.09300v1 | Jie Ren, Yao Zhao, Tu Vu, Peter J. Liu, Balaji Lakshminarayanan | 2023-12-14T19:09:22Z | cs.CL, cs.AI, cs.LG | Safe deployment of large language models (LLMs) may benefit from a reliable
method for assessing their generated content to determine when to abstain or to
selectively generate. While likelihood-based metrics such as perplexity are
widely employed, recent research has demonstrated the limitations of using
sequence-level probability estimates given by LLMs as reliable indicators of
generation quality. Conversely, LLMs have demonstrated strong calibration at
the token level, particularly when it comes to choosing correct answers in
multiple-choice questions or evaluating true/false statements. In this work, we
reformulate open-ended generation tasks into token-level prediction tasks, and
leverage LLMs' superior calibration at the token level. We instruct an LLM to
self-evaluate its answers, employing either a multi-way comparison or a
point-wise evaluation approach, with the option to include a ``None of the
above'' option to express the model's uncertainty explicitly. We benchmark a
range of scoring methods based on self-evaluation and evaluate their
performance in selective generation using TruthfulQA and TL;DR. Through
experiments with PaLM-2 and GPT-3, we demonstrate that self-evaluation based
scores not only improve accuracy, but also correlate better with the overall
quality of generated content. | cs.CL | Self-Evaluation Improves Selective Generation in Large Language Models |
2023-12-14T19:08:56Z | http://arxiv.org/pdf/2312.09299v1 | http://arxiv.org/abs/2312.09299v1 | Mohammad Samragh, Mehrdad Farajtabar, Sachin Mehta, Raviteja Vemulapalli, Fartash Faghri, Devang Naik, Oncel Tuzel, Mohammad Rastegari | 2023-12-14T19:08:56Z | cs.LG, cs.CL, cs.CV | Training large transformer models from scratch for a target task requires
lots of data and is computationally demanding. The usual practice of transfer
learning overcomes this challenge by initializing the model with weights of a
pretrained model of the same size and specification to increase the convergence
and training speed. However, what if no pretrained model of the required size
is available? In this paper, we introduce a simple yet effective technique to
transfer the knowledge of a pretrained model to smaller variants. Our approach
called weight subcloning expedites the training of scaled-down transformers by
initializing their weights from larger pretrained models.
Weight subcloning involves an operation on the pretrained model to obtain the
equivalent initialized scaled-down model. It consists of two key steps: first,
we introduce neuron importance ranking to decrease the embedding dimension per
layer in the pretrained model. Then, we remove blocks from the transformer
model to match the number of layers in the scaled-down network. The result is a
network ready to undergo training, which gains significant improvements in
training speed compared to random initialization. For instance, we achieve 4x
faster training for vision transformers in image classification and language
models designed for next token prediction. | cs.LG | Weight subcloning: direct initialization of transformers using larger pretrained ones |
2023-12-14T18:58:28Z | http://arxiv.org/pdf/2312.09241v1 | http://arxiv.org/abs/2312.09241v1 | Bingbin Liu, Sebastien Bubeck, Ronen Eldan, Janardhan Kulkarni, Yuanzhi Li, Anh Nguyen, Rachel Ward, Yi Zhang | 2023-12-14T18:58:28Z | cs.LG, cs.CL | Small-scale models offer various computational advantages, and yet to which
extent size is critical for problem-solving abilities remains an open question.
Specifically for solving grade school math, the smallest model size so far
required to break the 80\% barrier on the GSM8K benchmark remains to be 34B.
Our work studies how high-quality datasets may be the key for small language
models to acquire mathematical reasoning. We introduce \texttt{TinyGSM}, a
synthetic dataset of 12.3M grade school math problems paired with Python
solutions, generated fully by GPT-3.5. After finetuning on \texttt{TinyGSM}, we
find that a duo of a 1.3B generation model and a 1.3B verifier model can
achieve 81.5\% accuracy, outperforming existing models that are orders of
magnitude larger. This also rivals the performance of the GPT-3.5 ``teacher''
model (77.4\%), from which our model's training data is generated. Our approach
is simple and has two key components: 1) the high-quality dataset
\texttt{TinyGSM}, 2) the use of a verifier, which selects the final outputs
from multiple candidate generations. | cs.LG | TinyGSM: achieving >80% on GSM8k with small language models |
2023-12-14T18:58:12Z | http://arxiv.org/pdf/2312.09238v2 | http://arxiv.org/abs/2312.09238v2 | Hao Li, Xue Yang, Zhaokai Wang, Xizhou Zhu, Jie Zhou, Yu Qiao, Xiaogang Wang, Hongsheng Li, Lewei Lu, Jifeng Dai | 2024-03-30T15:35:16Z | cs.AI, cs.CL, cs.CV, cs.LG | Many reinforcement learning environments (e.g., Minecraft) provide only
sparse rewards that indicate task completion or failure with binary values. The
challenge in exploration efficiency in such environments makes it difficult for
reinforcement-learning-based agents to learn complex tasks. To address this,
this paper introduces an advanced learning system, named Auto MC-Reward, that
leverages Large Language Models (LLMs) to automatically design dense reward
functions, thereby enhancing the learning efficiency. Auto MC-Reward consists
of three important components: Reward Designer, Reward Critic, and Trajectory
Analyzer. Given the environment information and task descriptions, the Reward
Designer first design the reward function by coding an executable Python
function with predefined observation inputs. Then, our Reward Critic will be
responsible for verifying the code, checking whether the code is
self-consistent and free of syntax and semantic errors. Further, the Trajectory
Analyzer summarizes possible failure causes and provides refinement suggestions
according to collected trajectories. In the next round, Reward Designer will
further refine and iterate the dense reward function based on feedback.
Experiments demonstrate a significant improvement in the success rate and
learning efficiency of our agents in complex tasks in Minecraft, such as
obtaining diamond with the efficient ability to avoid lava, and efficiently
explore trees and animals that are sparse in the plains biome. | cs.AI | Auto MC-Reward: Automated Dense Reward Design with Large Language Models for Minecraft |
2023-12-14T18:55:47Z | http://arxiv.org/pdf/2312.09230v1 | http://arxiv.org/abs/2312.09230v1 | Rhys Gould, Euan Ong, George Ogden, Arthur Conmy | 2023-12-14T18:55:47Z | cs.LG, cs.AI, cs.CL | In this work we present successor heads: attention heads that increment
tokens with a natural ordering, such as numbers, months, and days. For example,
successor heads increment 'Monday' into 'Tuesday'. We explain the successor
head behavior with an approach rooted in mechanistic interpretability, the
field that aims to explain how models complete tasks in human-understandable
terms. Existing research in this area has found interpretable language model
components in small toy models. However, results in toy models have not yet led
to insights that explain the internals of frontier models and little is
currently understood about the internal operations of large language models. In
this paper, we analyze the behavior of successor heads in large language models
(LLMs) and find that they implement abstract representations that are common to
different architectures. They form in LLMs with as few as 31 million
parameters, and at least as many as 12 billion parameters, such as GPT-2,
Pythia, and Llama-2. We find a set of 'mod-10 features' that underlie how
successor heads increment in LLMs across different architectures and sizes. We
perform vector arithmetic with these features to edit head behavior and provide
insights into numeric representations within LLMs. Additionally, we study the
behavior of successor heads on natural language data, identifying interpretable
polysemanticity in a Pythia successor head. | cs.LG | Successor Heads: Recurring, Interpretable Attention Heads In The Wild |
2023-12-14T18:41:32Z | http://arxiv.org/pdf/2312.09211v3 | http://arxiv.org/abs/2312.09211v3 | Alireza Ghaffari, Justin Yu, Mahsa Ghazvini Nejad, Masoud Asgharian, Boxing Chen, Vahid Partovi Nia | 2024-01-13T13:52:16Z | cs.CL | Low-precision fine-tuning of language models has gained prominence as a
cost-effective and energy-efficient approach to deploying large-scale models in
various applications. However, this approach is susceptible to the existence of
outlier values in activation. The outlier values in the activation can
negatively affect the performance of fine-tuning language models in the
low-precision regime since they affect the scaling factor and thus make
representing smaller values harder. This paper investigates techniques for
mitigating outlier activation in low-precision integer fine-tuning of the
language models. Our proposed novel approach enables us to represent the
outlier activation values in 8-bit integers instead of floating-point (FP16)
values. The benefit of using integers for outlier values is that it enables us
to use operator tiling to avoid performing 16-bit integer matrix multiplication
to address this problem effectively. We provide theoretical analysis and
supporting experiments to demonstrate the effectiveness of our approach in
improving the robustness and performance of low-precision fine-tuned language
models. | cs.CL | Mitigating Outlier Activations in Low-Precision Fine-Tuning of Language Models |
2023-12-14T18:38:02Z | http://arxiv.org/pdf/2312.09207v1 | http://arxiv.org/abs/2312.09207v1 | Benno Weck, Holger Kirchhoff, Peter Grosche, Xavier Serra | 2023-12-14T18:38:02Z | cs.CL, cs.IR, cs.LG, cs.SD, eess.AS | Multi-modal deep learning techniques for matching free-form text with music
have shown promising results in the field of Music Information Retrieval (MIR).
Prior work is often based on large proprietary data while publicly available
datasets are few and small in size. In this study, we present WikiMuTe, a new
and open dataset containing rich semantic descriptions of music. The data is
sourced from Wikipedia's rich catalogue of articles covering musical works.
Using a dedicated text-mining pipeline, we extract both long and short-form
descriptions covering a wide range of topics related to music content such as
genre, style, mood, instrumentation, and tempo. To show the use of this data,
we train a model that jointly learns text and audio representations and
performs cross-modal retrieval. The model is evaluated on two tasks: tag-based
music retrieval and music auto-tagging. The results show that while our
approach has state-of-the-art performance on multiple tasks, but still observe
a difference in performance depending on the data used for training. | cs.CL | WikiMuTe: A web-sourced dataset of semantic descriptions for music audio |
2023-12-14T18:34:06Z | http://arxiv.org/pdf/2312.09203v2 | http://arxiv.org/abs/2312.09203v2 | Sean O'Hagan, Aaron Schein | 2024-04-08T00:33:54Z | cs.CL | Much of social science is centered around terms like ``ideology'' or
``power'', which generally elude precise definition, and whose contextual
meanings are trapped in surrounding language. This paper explores the use of
large language models (LLMs) to flexibly navigate the conceptual clutter
inherent to social scientific measurement tasks. We rely on LLMs' remarkable
linguistic fluency to elicit ideological scales of both legislators and text,
which accord closely to established methods and our own judgement. A key aspect
of our approach is that we elicit such scores directly, instructing the LLM to
furnish numeric scores itself. This approach affords a great deal of
flexibility, which we showcase through a variety of different case studies. Our
results suggest that LLMs can be used to characterize highly subtle and diffuse
manifestations of political ideology in text. | cs.CL | Measurement in the Age of LLMs: An Application to Ideological Scaling |
2023-12-14T17:45:50Z | http://arxiv.org/pdf/2312.10097v1 | http://arxiv.org/abs/2312.10097v1 | Isidor Konrad Maier, Matthias Wolff | 2023-12-14T17:45:50Z | cs.CL | In this paper we present a novel numeral decomposer that is designed to
revert Hurford's Packing Strategy. The Packing Strategy is a model on how
numeral words are formed out of smaller numeral words by recursion. The
decomposer does not simply check decimal digits but it also works for numerals
formed on base 20 or any other base or even combinations of different bases.
All assumptions that we use are justified with Hurford's Packing Strategy. The
decomposer reads through the numeral. When it finds a sub-numeral, it checks
arithmetic conditions to decide whether or not to unpack the sub-numeral. The
goal is to unpack those numerals that can sensibly be substituted by similar
numerals. E.g., in 'twenty-seven thousand and two hundred and six' it should
unpack 'twenty-seven' and 'two hundred and six', as those could each be
sensibly replaced by any numeral from 1 to 999. Our most used condition is: If
S is a substitutable sub-numeral of a numeral N, then 2*value(S) < value(N). We
have tested the decomposer on numeral systems in 254 different natural
languages. We also developed a reinforcement learning algorithm based on the
decomposer. Both algorithms' code and the results are open source on GitHub. | cs.CL | Arithmetics-Based Decomposition of Numeral Words -- Arithmetic Conditions give the Unpacking Strategy |
2023-12-14T16:16:50Z | http://arxiv.org/pdf/2312.09085v5 | http://arxiv.org/abs/2312.09085v5 | Rongwu Xu, Brian S. Lin, Shujian Yang, Tianqi Zhang, Weiyan Shi, Tianwei Zhang, Zhixuan Fang, Wei Xu, Han Qiu | 2024-05-31T15:13:33Z | cs.CL, cs.AI, cs.CR, cs.CY | Large language models (LLMs) encapsulate vast amounts of knowledge but still
remain vulnerable to external misinformation. Existing research mainly studied
this susceptibility behavior in a single-turn setting. However, belief can
change during a multi-turn conversation, especially a persuasive one.
Therefore, in this study, we delve into LLMs' susceptibility to persuasive
conversations, particularly on factual questions that they can answer
correctly. We first curate the Farm (i.e., Fact to Misinform) dataset, which
contains factual questions paired with systematically generated persuasive
misinformation. Then, we develop a testing framework to track LLMs' belief
changes in a persuasive dialogue. Through extensive experiments, we find that
LLMs' correct beliefs on factual knowledge can be easily manipulated by various
persuasive strategies. | cs.CL | The Earth is Flat because...: Investigating LLMs' Belief towards Misinformation via Persuasive Conversation |
2023-12-14T16:16:35Z | http://arxiv.org/pdf/2312.09084v3 | http://arxiv.org/abs/2312.09084v3 | Khaleelulla Khan Nazeer, Mark Schöne, Rishav Mukherji, Bernhard Vogginger, Christian Mayr, David Kappel, Anand Subramoney | 2024-01-24T10:56:24Z | cs.NE, cs.CL, cs.ET, cs.LG | As large language models continue to scale in size rapidly, so too does the
computational power required to run them. Event-based networks on neuromorphic
devices offer a potential way to reduce energy consumption for inference
significantly. However, to date, most event-based networks that can run on
neuromorphic hardware, including spiking neural networks (SNNs), have not
achieved task performance even on par with LSTM models for language modeling.
As a result, language modeling on neuromorphic devices has seemed a distant
prospect. In this work, we demonstrate the first-ever implementation of a
language model on a neuromorphic device - specifically the SpiNNaker 2 chip -
based on a recently published event-based architecture called the EGRU.
SpiNNaker 2 is a many-core neuromorphic chip designed for large-scale
asynchronous processing, while the EGRU is architected to leverage such
hardware efficiently while maintaining competitive task performance. This
implementation marks the first time a neuromorphic language model matches
LSTMs, setting the stage for taking task performance to the level of large
language models. We also demonstrate results on a gesture recognition task
based on inputs from a DVS camera. Overall, our results showcase the
feasibility of this neuro-inspired neural network in hardware, highlighting
significant gains versus conventional hardware in energy efficiency for the
common use case of single batch inference. | cs.NE | Language Modeling on a SpiNNaker 2 Neuromorphic Chip |
2023-12-14T16:10:56Z | http://arxiv.org/pdf/2312.09075v2 | http://arxiv.org/abs/2312.09075v2 | Hao Sun, Hengyi Cai, Bo Wang, Yingyan Hou, Xiaochi Wei, Shuaiqiang Wang, Yan Zhang, Dawei Yin | 2024-01-11T12:43:38Z | cs.CL | Despite the remarkable ability of large language models (LLMs) in language
comprehension and generation, they often suffer from producing factually
incorrect information, also known as hallucination. A promising solution to
this issue is verifiable text generation, which prompts LLMs to generate
content with citations for accuracy verification. However, verifiable text
generation is non-trivial due to the focus-shifting phenomenon, the intricate
reasoning needed to align the claim with correct citations, and the dilemma
between the precision and breadth of retrieved documents. In this paper, we
present VTG, an innovative framework for Verifiable Text Generation with
evolving memory and self-reflection. VTG introduces evolving long short-term
memory to retain both valuable documents and recent documents. A two-tier
verifier equipped with an evidence finder is proposed to rethink and reflect on
the relationship between the claim and citations. Furthermore, active retrieval
and diverse query generation are utilized to enhance both the precision and
breadth of the retrieved documents. We conduct extensive experiments on five
datasets across three knowledge-intensive tasks and the results reveal that VTG
significantly outperforms baselines. | cs.CL | Towards Verifiable Text Generation with Evolving Memory and Self-Reflection |
2023-12-14T16:04:14Z | http://arxiv.org/pdf/2312.09067v2 | http://arxiv.org/abs/2312.09067v2 | Yue Yang, Fan-Yun Sun, Luca Weihs, Eli VanderBilt, Alvaro Herrasti, Winson Han, Jiajun Wu, Nick Haber, Ranjay Krishna, Lingjie Liu, Chris Callison-Burch, Mark Yatskar, Aniruddha Kembhavi, Christopher Clark | 2024-04-22T20:06:03Z | cs.CV, cs.AI, cs.CL, cs.RO | 3D simulated environments play a critical role in Embodied AI, but their
creation requires expertise and extensive manual effort, restricting their
diversity and scope. To mitigate this limitation, we present Holodeck, a system
that generates 3D environments to match a user-supplied prompt fully
automatedly. Holodeck can generate diverse scenes, e.g., arcades, spas, and
museums, adjust the designs for styles, and can capture the semantics of
complex queries such as "apartment for a researcher with a cat" and "office of
a professor who is a fan of Star Wars". Holodeck leverages a large language
model (i.e., GPT-4) for common sense knowledge about what the scene might look
like and uses a large collection of 3D assets from Objaverse to populate the
scene with diverse objects. To address the challenge of positioning objects
correctly, we prompt GPT-4 to generate spatial relational constraints between
objects and then optimize the layout to satisfy those constraints. Our
large-scale human evaluation shows that annotators prefer Holodeck over
manually designed procedural baselines in residential scenes and that Holodeck
can produce high-quality outputs for diverse scene types. We also demonstrate
an exciting application of Holodeck in Embodied AI, training agents to navigate
in novel scenes like music rooms and daycares without human-constructed data,
which is a significant step forward in developing general-purpose embodied
agents. | cs.CV | Holodeck: Language Guided Generation of 3D Embodied AI Environments |
2023-12-14T15:40:27Z | http://arxiv.org/pdf/2312.09043v3 | http://arxiv.org/abs/2312.09043v3 | Maximilian Wegge, Roman Klinger | 2024-02-02T17:40:52Z | cs.CL | Emotion corpora are typically sampled based on keyword/hashtag search or by
asking study participants to generate textual instances. In any case, these
corpora are not uniform samples representing the entirety of a domain. We
hypothesize that this practice of data acquisition leads to unrealistic
correlations between overrepresented topics in these corpora that harm the
generalizability of models. Such topic bias could lead to wrong predictions for
instances like "I organized the service for my aunt's funeral." when funeral
events are over-represented for instances labeled with sadness, despite the
emotion of pride being more appropriate here. In this paper, we study this
topic bias both from the data and the modeling perspective. We first label a
set of emotion corpora automatically via topic modeling and show that emotions
in fact correlate with specific topics. Further, we see that emotion
classifiers are confounded by such topics. Finally, we show that the
established debiasing method of adversarial correction via gradient reversal
mitigates the issue. Our work points out issues with existing emotion corpora
and that more representative resources are required for fair evaluation of
models predicting affective concepts from text. | cs.CL | Topic Bias in Emotion Classification |
2023-12-14T15:37:37Z | http://arxiv.org/pdf/2312.09040v2 | http://arxiv.org/abs/2312.09040v2 | Kangwook Jang, Sungnyun Kim, Hoirin Kim | 2024-04-25T16:08:23Z | cs.SD, cs.CL, eess.AS | Albeit great performance of Transformer-based speech selfsupervised learning
(SSL) models, their large parameter size and computational cost make them
unfavorable to utilize. In this study, we propose to compress the speech SSL
models by distilling speech temporal relation (STaR). Unlike previous works
that directly match the representation for each speech frame, STaR distillation
transfers temporal relation between speech frames, which is more suitable for
lightweight student with limited capacity. We explore three STaR distillation
objectives and select the best combination as the final STaR loss. Our model
distilled from HuBERT BASE achieves an overall score of 79.8 on SUPERB
benchmark, the best performance among models with up to 27 million parameters.
We show that our method is applicable across different speech SSL models and
maintains robust performance with further reduced parameters. | cs.SD | STaR: Distilling Speech Temporal Relation for Lightweight Speech Self-Supervised Learning Models |
2023-12-14T15:37:04Z | http://arxiv.org/pdf/2312.09039v2 | http://arxiv.org/abs/2312.09039v2 | Yuan Sui, Jiaru Zou, Mengyu Zhou, Xinyi He, Lun Du, Shi Han, Dongmei Zhang | 2024-02-17T08:31:14Z | cs.CL, cs.AI | Table-based reasoning has shown remarkable progress in combining deep models
with discrete reasoning, which requires reasoning over both free-form natural
language (NL) questions and semi-structured tabular data. However, previous
table reasoning solutions only consider small-sized tables and exhibit
limitations in handling larger tables. In addition, most existing methods
struggle to reason over complex questions since they lack essential information
or they are scattered in different places. To alleviate these challenges, we
propose TAP4LLM as a versatile pre-processing toolbox to generate table prompts
through (1) table sampling, (2) table augmentation, and (3) table packing while
balancing the token allocation trade-off. In each module, we collect and design
several common methods for usage in various scenarios (e.g., speed over
accuracy). We also provide a comprehensive evaluation on performance of each
components inside TAP4LLM and show that our method improves LLMs' reasoning
capabilities in various tabular tasks and enhances the interaction between LLMs
and tabular data by employing effective pre-processing. | cs.CL | TAP4LLM: Table Provider on Sampling, Augmenting, and Packing Semi-structured Data for Large Language Model Reasoning |
2023-12-14T14:44:59Z | http://arxiv.org/pdf/2312.09000v1 | http://arxiv.org/abs/2312.09000v1 | Dang Van Thin, Duong Ngoc Hao, Ngan Luu-Thuy Nguyen | 2023-12-14T14:44:59Z | cs.CL | The ComOM shared task aims to extract comparative opinions from product
reviews in Vietnamese language. There are two sub-tasks, including (1)
Comparative Sentence Identification (CSI) and (2) Comparative Element
Extraction (CEE). The first task is to identify whether the input is a
comparative review, and the purpose of the second task is to extract the
quintuplets mentioned in the comparative review. To address this task, our team
proposes a two-stage system based on fine-tuning a BERTology model for the CSI
task and unified multi-task instruction tuning for the CEE task. Besides, we
apply the simple data augmentation technique to increase the size of the
dataset for training our model in the second stage. Experimental results show
that our approach outperforms the other competitors and has achieved the top
score on the official private test. | cs.CL | ComOM at VLSP 2023: A Dual-Stage Framework with BERTology and Unified Multi-Task Instruction Tuning Model for Vietnamese Comparative Opinion Mining |
2023-12-14T14:41:37Z | http://arxiv.org/pdf/2312.08995v1 | http://arxiv.org/abs/2312.08995v1 | Markus Reiter-Haas, Beate Klösch, Markus Hadler, Elisabeth Lex | 2023-12-14T14:41:37Z | cs.IR, cs.AI, cs.CL | Revealing the framing of news articles is an important yet neglected task in
information seeking and retrieval. In the present work, we present FrameFinder,
an open tool for extracting and analyzing frames in textual data. FrameFinder
visually represents the frames of text from three perspectives, i.e., (i) frame
labels, (ii) frame dimensions, and (iii) frame structure. By analyzing the
well-established gun violence frame corpus, we demonstrate the merits of our
proposed solution to support social science research and call for subsequent
integration into information interactions. | cs.IR | FrameFinder: Explorative Multi-Perspective Framing Extraction from News Headlines |
2023-12-14T14:18:27Z | http://arxiv.org/pdf/2312.08968v1 | http://arxiv.org/abs/2312.08968v1 | Maria Milkova, Maksim Rudnev, Lidia Okolskaya | 2023-12-14T14:18:27Z | cs.CL, cs.AI | Basic values are concepts or beliefs which pertain to desirable end-states
and transcend specific situations. Studying personal values in social media can
illuminate how and why societal values evolve especially when the stimuli-based
methods, such as surveys, are inefficient, for instance, in hard-to-reach
populations. On the other hand, user-generated content is driven by the massive
use of stereotyped, culturally defined speech constructions rather than
authentic expressions of personal values. We aimed to find a model that can
accurately detect value-expressive posts in Russian social media VKontakte. A
training dataset of 5,035 posts was annotated by three experts, 304
crowd-workers and ChatGPT. Crowd-workers and experts showed only moderate
agreement in categorizing posts. ChatGPT was more consistent but struggled with
spam detection. We applied an ensemble of human- and AI-assisted annotation
involving active learning approach, subsequently trained several LLMs and
selected a model based on embeddings from pre-trained fine-tuned rubert-tiny2,
and reached a high quality of value detection with F1 = 0.75 (F1-macro = 0.80).
This model provides a crucial step to a study of values within and between
Russian social media users. | cs.CL | Detecting value-expressive text posts in Russian social media |
2023-12-14T14:16:40Z | http://arxiv.org/pdf/2312.09265v1 | http://arxiv.org/abs/2312.09265v1 | Marcelo Matheus Gauy, Marcelo Finger | 2023-12-14T14:16:40Z | cs.SD, cs.CL, cs.LG, eess.AS | An acoustic model, trained on a significant amount of unlabeled data,
consists of a self-supervised learned speech representation useful for solving
downstream tasks, perhaps after a fine-tuning of the model in the respective
downstream task. In this work, we build an acoustic model of Brazilian
Portuguese Speech through a Transformer neural network. This model was
pretrained on more than $800$ hours of Brazilian Portuguese Speech, using a
combination of pretraining techniques. Using a labeled dataset collected for
the detection of respiratory insufficiency in Brazilian Portuguese speakers, we
fine-tune the pretrained Transformer neural network on the following tasks:
respiratory insufficiency detection, gender recognition and age group
classification. We compare the performance of pretrained Transformers on these
tasks with that of Transformers without previous pretraining, noting a
significant improvement. In particular, the performance of respiratory
insufficiency detection obtains the best reported results so far, indicating
this kind of acoustic model as a promising tool for speech-as-biomarker
approach. Moreover, the performance of gender recognition is comparable to the
state of the art models in English. | cs.SD | Acoustic models of Brazilian Portuguese Speech based on Neural Transformers |
2023-12-14T13:41:54Z | http://arxiv.org/pdf/2312.08935v3 | http://arxiv.org/abs/2312.08935v3 | Peiyi Wang, Lei Li, Zhihong Shao, R. X. Xu, Damai Dai, Yifei Li, Deli Chen, Y. Wu, Zhifang Sui | 2024-02-19T14:07:53Z | cs.AI, cs.CL, cs.LG | In this paper, we present an innovative process-oriented math process reward
model called \textbf{Math-Shepherd}, which assigns a reward score to each step
of math problem solutions. The training of Math-Shepherd is achieved using
automatically constructed process-wise supervision data, breaking the
bottleneck of heavy reliance on manual annotation in existing work. We explore
the effectiveness of Math-Shepherd in two scenarios: 1) \textit{Verification}:
Math-Shepherd is utilized for reranking multiple outputs generated by Large
Language Models (LLMs); 2) \textit{Reinforcement Learning}: Math-Shepherd is
employed to reinforce LLMs with step-by-step Proximal Policy Optimization
(PPO). With Math-Shepherd, a series of open-source LLMs demonstrates
exceptional performance. For instance, the step-by-step PPO with Math-Shepherd
significantly improves the accuracy of Mistral-7B (77.9\%$\to$84.1\% on GSM8K
and 28.6\%$\to$33.0\% on MATH). The accuracy can be further enhanced to 89.1\%
and 43.5\% on GSM8K and MATH with the verification of Math-Shepherd,
respectively. We believe that automatic process supervision holds significant
potential for the future evolution of LLMs. | cs.AI | Math-Shepherd: Verify and Reinforce LLMs Step-by-step without Human Annotations |
2023-12-14T13:33:50Z | http://arxiv.org/pdf/2312.08926v2 | http://arxiv.org/abs/2312.08926v2 | Haoran Liao, Qinyi Du, Shaohua Hu, Hao He, Yanyan Xu, Jidong Tian, Yaohui Jin | 2023-12-17T03:34:36Z | cs.AI, cs.CL | Large language models (LLMs) face challenges in solving complex mathematical
problems that require comprehensive capacities to parse the statements,
associate domain knowledge, perform compound logical reasoning, and integrate
the intermediate rationales. Tackling all these problems once could be arduous
for LLMs, thus leading to confusion in generation. In this work, we explore the
potential of enhancing LLMs with agents by meticulous decomposition and
modeling of mathematical reasoning process. Specifically, we propose a formal
description of the mathematical solving and extend LLMs with an agent-based
zero-shot framework named
$\bf{P}$lanner-$\bf{R}$easoner-$\bf{E}$xecutor-$\bf{R}$eflector (PRER). We
further provide and implement two MathAgents that define the logical forms and
inherent relations via a pool of actions in different grains and orientations:
MathAgent-M adapts its actions to LLMs, while MathAgent-H aligns with
humankind. Experiments on miniF2F and MATH have demonstrated the effectiveness
of PRER and proposed MathAgents, achieving an increase of
$12.3\%$($53.9\%\xrightarrow{}66.2\%$) on the MiniF2F, $9.2\%$
($49.8\%\xrightarrow{}59.0\%$) on MATH, and
$13.2\%$($23.2\%\xrightarrow{}35.4\%$) for level-5 problems of MATH against
GPT-4. Further analytical results provide more insightful perspectives on
exploiting the behaviors of LLMs as agents. | cs.AI | Modeling Complex Mathematical Reasoning via Large Language Model based MathAgent |
2023-12-14T13:11:35Z | http://arxiv.org/pdf/2312.08906v4 | http://arxiv.org/abs/2312.08906v4 | Zichao Wei, Yewei Qin | 2024-07-02T10:32:47Z | cs.CL, q-bio.QM, J.4 | Linguistic landscape is an important field in sociolinguistic research. Eye
tracking technology is a common technology in psychological research. There are
few cases of using eye movement to study linguistic landscape. This paper uses
eye tracking technology to study the actual fixation of the linguistic
landscape and finds that in the two dimensions of fixation time and fixation
times, the fixation of native Chinese speakers to the linguistic landscape is
higher than that of the general landscape. This paper argues that this
phenomenon is due to the higher information density of linguistic landscapes.
At the same time, the article also discusses other possible reasons for this
phenomenon. | cs.CL | Using eye tracking to investigate what native Chinese speakers notice about linguistic landscape images |
2023-12-14T13:03:13Z | http://arxiv.org/pdf/2312.08901v3 | http://arxiv.org/abs/2312.08901v3 | Xijie Huang, Li Lyna Zhang, Kwang-Ting Cheng, Fan Yang, Mao Yang | 2024-02-15T05:42:15Z | cs.CL, cs.AI | Large Language Models (LLMs) have shown impressive capabilities, yet they
still struggle with math reasoning. In this work, we propose CoT-Influx, a
novel approach that pushes the boundary of few-shot Chain-of-Thoughts (CoT)
learning to improve LLM mathematical reasoning. Motivated by the observation
that adding more concise CoT examples in the prompt can improve LLM reasoning
performance, CoT-Influx employs a coarse-to-fine pruner to maximize the input
of effective and concise CoT examples. The pruner first selects as many crucial
CoT examples as possible and then prunes unimportant tokens to fit the context
window. A math reasoning dataset with diverse difficulty levels and reasoning
steps is used to train the pruner, along with a math-specialized reinforcement
learning approach. As a result, by enabling more CoT examples with double the
context window size in tokens, CoT-Influx significantly outperforms various
prompting baselines across various LLMs (LLaMA2-7B, 13B, 70B) and 5 math
datasets, achieving up to 4.55% absolute improvements. Remarkably, without any
fine-tuning, LLaMA2-70B with CoT-Influx surpasses GPT-3.5 and a wide range of
larger LLMs (PaLM, Minerva 540B, etc.) on the GSM8K. CoT-Influx serves as a
plug-and-play module for LLMs and is compatible with most existing reasoning
prompting techniques, such as self-consistency and self-verification. | cs.CL | Fewer is More: Boosting LLM Reasoning with Reinforced Context Pruning |
2023-12-14T12:39:29Z | http://arxiv.org/pdf/2312.08865v1 | http://arxiv.org/abs/2312.08865v1 | Zhiyue Liu, Jinyuan Liu, Fanrong Ma | 2023-12-14T12:39:29Z | cs.CV, cs.CL | Although image captioning models have made significant advancements in recent
years, the majority of them heavily depend on high-quality datasets containing
paired images and texts which are costly to acquire. Previous works leverage
the CLIP's cross-modal association ability for image captioning, relying solely
on textual information under unsupervised settings. However, not only does a
modality gap exist between CLIP text and image features, but a discrepancy also
arises between training and inference due to the unavailability of real-world
images, which hinders the cross-modal alignment in text-only captioning. This
paper proposes a novel method to address these issues by incorporating
synthetic image-text pairs. A pre-trained text-to-image model is deployed to
obtain images that correspond to textual data, and the pseudo features of
generated images are optimized toward the real ones in the CLIP embedding
space. Furthermore, textual information is gathered to represent image
features, resulting in the image features with various semantics and the
bridged modality gap. To unify training and inference, synthetic image features
would serve as the training prefix for the language decoder, while real images
are used for inference. Additionally, salient objects in images are detected as
assistance to enhance the learning of modality alignment. Experimental results
demonstrate that our method obtains the state-of-the-art performance on
benchmark datasets. | cs.CV | Improving Cross-modal Alignment with Synthetic Pairs for Text-only Image Captioning |
2023-12-14T12:02:24Z | http://arxiv.org/pdf/2312.08846v4 | http://arxiv.org/abs/2312.08846v4 | Chaoya Jiang, Wei ye, Haiyang Xu, Qinghao Ye, Ming Yan, Ji Zhang, Shikun Zhang | 2024-02-24T03:30:56Z | cs.LG, cs.CL, cs.CV | Self-supervised Multi-modal Contrastive Learning (SMCL) remarkably advances
modern Vision-Language Pre-training (VLP) models by aligning visual and
linguistic modalities. Due to noises in web-harvested text-image pairs,
however, scaling up training data volume in SMCL presents considerable
obstacles in terms of computational cost and data inefficiency. To improve data
efficiency in VLP, we propose Text-aware Image Mixing (TiMix), which integrates
mix-based data augmentation techniques into SMCL, yielding significant
performance improvements without significantly increasing computational
overhead. We provide a theoretical analysis of TiMixfrom a mutual information
(MI) perspective, showing that mixed data samples for cross-modal contrastive
learning implicitly serve as a regularizer for the contrastive loss. The
experimental results demonstrate that TiMix exhibits a comparable performance
on downstream tasks, even with a reduced amount of training data and shorter
training time, when benchmarked against existing methods. This work empirically
and theoretically demonstrates the potential of data mixing for data-efficient
and computationally viable VLP, benefiting broader VLP model adoption in
practical scenarios. | cs.LG | TiMix: Text-aware Image Mixing for Effective Vision-Language Pre-training |
2023-12-14T10:35:13Z | http://arxiv.org/pdf/2312.08800v2 | http://arxiv.org/abs/2312.08800v2 | Navreet Kaur, Monojit Choudhury, Danish Pruthi | 2024-06-06T09:27:29Z | cs.CL, cs.AI, cs.HC, cs.LG | As corporations rush to integrate large language models (LLMs) to their
search offerings, it is critical that they provide factually accurate
information that is robust to any presuppositions that a user may express. In
this work, we introduce UPHILL, a dataset consisting of health-related queries
with varying degrees of presuppositions. Using UPHILL, we evaluate the factual
accuracy and consistency of InstructGPT, ChatGPT, and BingChat models. We find
that while model responses rarely disagree with true health claims (posed as
questions), they often fail to challenge false claims: responses from
InstructGPT agree with 32% of the false claims, ChatGPT 26% and BingChat 23%.
As we increase the extent of presupposition in input queries, the responses
from InstructGPT and ChatGPT agree with the claim considerably more often,
regardless of its veracity. Responses from BingChat, which rely on retrieved
webpages, are not as susceptible. Given the moderate factual accuracy, and the
inability of models to consistently correct false assumptions, our work calls
for a careful assessment of current LLMs for use in high-stakes scenarios. | cs.CL | Evaluating Large Language Models for Health-related Queries with Presuppositions |
2023-12-14T10:27:15Z | http://arxiv.org/pdf/2312.08793v3 | http://arxiv.org/abs/2312.08793v3 | Tony T. Wang, Miles Wang, Kaivalya Hariharan, Nir Shavit | 2023-12-31T05:30:30Z | cs.LG, cs.AI, cs.CL, cs.CR | LLMs often face competing pressures (for example helpfulness vs.
harmlessness). To understand how models resolve such conflicts, we study
Llama-2-chat models on the forbidden fact task. Specifically, we instruct
Llama-2 to truthfully complete a factual recall statement while forbidding it
from saying the correct answer. This often makes the model give incorrect
answers. We decompose Llama-2 into 1000+ components, and rank each one with
respect to how useful it is for forbidding the correct answer. We find that in
aggregate, around 35 components are enough to reliably implement the full
suppression behavior. However, these components are fairly heterogeneous and
many operate using faulty heuristics. We discover that one of these heuristics
can be exploited via a manually designed adversarial attack which we call The
California Attack. Our results highlight some roadblocks standing in the way of
being able to successfully interpret advanced ML systems. Project website
available at https://forbiddenfacts.github.io . | cs.LG | Forbidden Facts: An Investigation of Competing Objectives in Llama-2 |
2023-12-14T09:07:57Z | http://arxiv.org/pdf/2312.08755v1 | http://arxiv.org/abs/2312.08755v1 | Daiki Asami, Saku Sugawara | 2023-12-14T09:07:57Z | cs.CL | What makes a presupposition of an utterance -- information taken for granted
by its speaker -- different from other pragmatic inferences such as an
entailment is projectivity (e.g., the negative sentence the boy did not stop
shedding tears presupposes the boy had shed tears before). The projectivity may
vary depending on the combination of presupposition triggers and environments.
However, prior natural language understanding studies fail to take it into
account as they either use no human baseline or include only negation as an
entailment-canceling environment to evaluate models' performance. The current
study attempts to reconcile these issues. We introduce a new dataset,
projectivity of presupposition (PROPRES, which includes 12k premise-hypothesis
pairs crossing six triggers involving some lexical variety with five
environments. Our human evaluation reveals that humans exhibit variable
projectivity in some cases. However, the model evaluation shows that the
best-performed model, DeBERTa, does not fully capture it. Our findings suggest
that probing studies on pragmatic inferences should take extra care of the
human judgment variability and the combination of linguistic items. | cs.CL | PROPRES: Investigating the Projectivity of Presupposition with Various Triggers and Environments |
2023-12-14T08:46:26Z | http://arxiv.org/pdf/2312.08747v1 | http://arxiv.org/abs/2312.08747v1 | Dat Thanh Nguyen | 2023-12-14T08:46:26Z | cs.CL | In recent years, the availability of large-scale annotated datasets, such as
the Stanford Natural Language Inference and the Multi-Genre Natural Language
Inference, coupled with the advent of pre-trained language models, has
significantly contributed to the development of the natural language inference
domain. However, these crowdsourced annotated datasets often contain biases or
dataset artifacts, leading to overestimated model performance and poor
generalization. In this work, we focus on investigating dataset artifacts and
developing strategies to address these issues. Through the utilization of a
novel statistical testing procedure, we discover a significant association
between vocabulary distribution and text entailment classes, emphasizing
vocabulary as a notable source of biases. To mitigate these issues, we propose
several automatic data augmentation strategies spanning character to word
levels. By fine-tuning the ELECTRA pre-trained language model, we compare the
performance of boosted models with augmented data against their baseline
counterparts. The experiments demonstrate that the proposed approaches
effectively enhance model accuracy and reduce biases by up to 0.66% and 1.14%,
respectively. | cs.CL | Dissecting vocabulary biases datasets through statistical testing and automated data augmentation for artifact mitigation in Natural Language Inference |
2023-12-14T08:30:38Z | http://arxiv.org/pdf/2312.08737v2 | http://arxiv.org/abs/2312.08737v2 | Thinh Pham, Dat Quoc Nguyen | 2023-12-16T14:50:53Z | cs.CL | Profile-based intent detection and slot filling are important tasks aimed at
reducing the ambiguity in user utterances by leveraging user-specific
supporting profile information. However, research in these two tasks has not
been extensively explored. To fill this gap, we propose a joint model, namely
JPIS, designed to enhance profile-based intent detection and slot filling. JPIS
incorporates the supporting profile information into its encoder and introduces
a slot-to-intent attention mechanism to transfer slot information
representations to intent detection. Experimental results show that our JPIS
substantially outperforms previous profile-based models, establishing a new
state-of-the-art performance in overall accuracy on the Chinese benchmark
dataset ProSLU. | cs.CL | JPIS: A Joint Model for Profile-based Intent Detection and Slot Filling with Slot-to-Intent Attention |
2023-12-14T08:14:13Z | http://arxiv.org/pdf/2312.08726v2 | http://arxiv.org/abs/2312.08726v2 | Bo Li, Wei Ye, Quansen Wang, Wen Zhao, Shikun Zhang | 2023-12-16T04:35:53Z | cs.CL, cs.AI | Textual label names (descriptions) are typically semantically rich in many
natural language understanding (NLU) tasks. In this paper, we incorporate the
prompting methodology, which is widely used to enrich model input, into the
label side for the first time. Specifically, we propose a Mask Matching method,
which equips an input with a prompt and its label with another, and then makes
predictions by matching their mask representations. We evaluate our method
extensively on 8 NLU tasks with 14 datasets. The experimental results show that
Mask Matching significantly outperforms its counterparts of fine-tuning and
conventional prompt-tuning, setting up state-of-the-art performances in several
datasets. Mask Matching is particularly good at handling NLU tasks with large
label counts and informative label names. As pioneering efforts that
investigate the label-side prompt, we also discuss open issues for future
study. | cs.CL | Labels Need Prompts Too: Mask Matching for Natural Language Understanding Tasks |
2023-12-14T08:13:28Z | http://arxiv.org/pdf/2312.08725v1 | http://arxiv.org/abs/2312.08725v1 | Sorouralsadat Fatemi, Yuheng Hu | 2023-12-14T08:13:28Z | cs.LG, cs.CL | Financial sentiment analysis plays a crucial role in uncovering latent
patterns and detecting emerging trends, enabling individuals to make
well-informed decisions that may yield substantial advantages within the
constantly changing realm of finance. Recently, Large Language Models (LLMs)
have demonstrated their effectiveness in diverse domains, showcasing remarkable
capabilities even in zero-shot and few-shot in-context learning for various
Natural Language Processing (NLP) tasks. Nevertheless, their potential and
applicability in the context of financial sentiment analysis have not been
thoroughly explored yet. To bridge this gap, we employ two approaches:
in-context learning (with a focus on gpt-3.5-turbo model) and fine-tuning LLMs
on a finance-domain dataset. Given the computational costs associated with
fine-tuning LLMs with large parameter sizes, our focus lies on smaller LLMs,
spanning from 250M to 3B parameters for fine-tuning. We then compare the
performances with state-of-the-art results to evaluate their effectiveness in
the finance-domain. Our results demonstrate that fine-tuned smaller LLMs can
achieve comparable performance to state-of-the-art fine-tuned LLMs, even with
models having fewer parameters and a smaller training dataset. Additionally,
the zero-shot and one-shot performance of LLMs produces comparable results with
fine-tuned smaller LLMs and state-of-the-art outcomes. Furthermore, our
analysis demonstrates that there is no observed enhancement in performance for
finance-domain sentiment analysis when the number of shots for in-context
learning is increased. | cs.LG | A Comparative Analysis of Fine-Tuned LLMs and Few-Shot Learning of LLMs for Financial Sentiment Analysis |
2023-12-14T07:05:42Z | http://arxiv.org/pdf/2312.08688v2 | http://arxiv.org/abs/2312.08688v2 | Ye Chen, Wei Cai, Liangmin Wu, Xiaowei Li, Zhanxuan Xin, Cong Fu | 2023-12-15T01:42:20Z | cs.CL, cs.AI | We release and introduce the TigerBot family of large language models (LLMs),
consisting of base and chat models, sized from 7, 13, 70 and 180 billion
parameters. We develop our models embarking from Llama-2 and BLOOM, and push
the boundary further in data, training algorithm, infrastructure, and
application tools. Our models yield meaningful performance gain over SOTA
open-source models, e.g., Llama-2, specifically 6% gain in English and 20% gain
in Chinese. TigerBot model family also achieves leading performance in major
academic and industrial benchmarks and leaderboards. We believe that TigerBot
represents just a snapshot of lightning-fast progression in LLM open-source
community. Therefore, we are thrilled to give back by publicly releasing our
models and reporting our approach behind, with additional emphases on building
SOTA LLMs in a democratized way and making LLMs of use in real-world
applications. | cs.CL | TigerBot: An Open Multilingual Multitask LLM |
2023-12-14T06:26:55Z | http://arxiv.org/pdf/2312.08676v2 | http://arxiv.org/abs/2312.08676v2 | Junjie Li, Yiwei Guo, Xie Chen, Kai Yu | 2024-01-30T14:11:29Z | cs.SD, cs.CL, eess.AS | Zero-shot voice conversion (VC) aims to transfer the source speaker timbre to
arbitrary unseen target speaker timbre, while keeping the linguistic content
unchanged. Although the voice of generated speech can be controlled by
providing the speaker embedding of the target speaker, the speaker similarity
still lags behind the ground truth recordings. In this paper, we propose
SEF-VC, a speaker embedding free voice conversion model, which is designed to
learn and incorporate speaker timbre from reference speech via a powerful
position-agnostic cross-attention mechanism, and then reconstruct waveform from
HuBERT semantic tokens in a non-autoregressive manner. The concise design of
SEF-VC enhances its training stability and voice conversion performance.
Objective and subjective evaluations demonstrate the superiority of SEF-VC to
generate high-quality speech with better similarity to target reference than
strong zero-shot VC baselines, even for very short reference speeches. | cs.SD | SEF-VC: Speaker Embedding Free Zero-Shot Voice Conversion with Cross Attention |
2023-12-14T03:49:52Z | http://arxiv.org/pdf/2312.08642v2 | http://arxiv.org/abs/2312.08642v2 | Yu Ji, Wen Wu, Yi Hu, Hong Zheng, Liang He | 2023-12-24T12:48:17Z | cs.CL, cs.AI | Few-shot prompting elicits the remarkable abilities of large language models
by equipping them with a few demonstration examples in the input. However, the
traditional method of providing large language models with all demonstration
input-output pairs at once may not effectively guide large language models to
learn the specific input-output mapping relationship. In this paper, inspired
by the regulatory and supportive role of metacognition in students' learning,
we propose a novel metacognition-enhanced few-shot prompting, which guides
large language models to reflect on their thought processes to comprehensively
learn the given demonstration examples. Furthermore, considering that positive
reinforcement can improve students' learning motivation, we introduce positive
reinforcement into our metacognition-enhanced few-shot prompting to promote the
few-shot learning of large language models by providing response-based positive
feedback. The experimental results on two real-world datasets show that our
metacognition-enhanced few-shot prompting with positive reinforcement surpasses
traditional few-shot prompting in classification accuracy and macro F1. | cs.CL | Metacognition-Enhanced Few-Shot Prompting With Positive Reinforcement |
2023-12-14T02:45:31Z | http://arxiv.org/pdf/2312.08618v1 | http://arxiv.org/abs/2312.08618v1 | Kaiqiang Song, Xiaoyang Wang, Sangwoo Cho, Xiaoman Pan, Dong Yu | 2023-12-14T02:45:31Z | cs.CL | This paper introduces a novel approach to enhance the capabilities of Large
Language Models (LLMs) in processing and understanding extensive text
sequences, a critical aspect in applications requiring deep comprehension and
synthesis of large volumes of information. Recognizing the inherent challenges
in extending the context window for LLMs, primarily built on Transformer
architecture, we propose a new model architecture, referred to as Zebra. This
architecture efficiently manages the quadratic time and memory complexity
issues associated with full attention in the Transformer by employing grouped
local-global attention layers. Our model, akin to a zebra's alternating
stripes, balances local and global attention layers, significantly reducing
computational requirements and memory consumption. Comprehensive experiments,
including pretraining from scratch, continuation of long context adaptation
training, and long instruction tuning, are conducted to evaluate the Zebra's
performance. The results show that Zebra achieves comparable or superior
performance on both short and long sequence benchmarks, while also enhancing
training and inference efficiency. | cs.CL | Zebra: Extending Context Window with Layerwise Grouped Local-Global Attention |
2023-12-14T01:16:19Z | http://arxiv.org/pdf/2312.08585v2 | http://arxiv.org/abs/2312.08585v2 | Jingxuan Wei, Linzhuang Sun, Xu Tan, Bihui Yu, Ruifeng Guo | 2023-12-24T03:34:31Z | cs.CL, cs.LG | Knowledge distillation, a technique for model compression and performance
enhancement, has gained significant traction in Neural Machine Translation
(NMT). However, existing research primarily focuses on empirical applications,
and there is a lack of comprehensive understanding of how student model
capacity, data complexity, and decoding strategies collectively influence
distillation effectiveness. Addressing this gap, our study conducts an in-depth
investigation into these factors, particularly focusing on their interplay in
word-level and sequence-level distillation within NMT. Through extensive
experimentation across datasets like IWSLT13 En$\rightarrow$Fr, IWSLT14
En$\rightarrow$De, and others, we empirically validate hypotheses related to
the impact of these factors on knowledge distillation. Our research not only
elucidates the significant influence of model capacity, data complexity, and
decoding strategies on distillation effectiveness but also introduces a novel,
optimized distillation approach. This approach, when applied to the IWSLT14
de$\rightarrow$en translation task, achieves state-of-the-art performance,
demonstrating its practical efficacy in advancing the field of NMT. | cs.CL | Unraveling Key Factors of Knowledge Distillation |
2023-12-14T01:06:37Z | http://arxiv.org/pdf/2312.08583v2 | http://arxiv.org/abs/2312.08583v2 | Xiaoxia Wu, Haojun Xia, Stephen Youn, Zhen Zheng, Shiyang Chen, Arash Bakhtiari, Michael Wyatt, Reza Yazdani Aminabadi, Yuxiong He, Olatunji Ruwase, Leon Song, Zhewei Yao | 2023-12-18T05:08:23Z | cs.CL, stat.ML | This study examines 4-bit quantization methods like GPTQ in large language
models (LLMs), highlighting GPTQ's overfitting and limited enhancement in
Zero-Shot tasks. While prior works merely focusing on zero-shot measurement, we
extend task scope to more generative categories such as code generation and
abstractive summarization, in which we found that INT4 quantization can
significantly underperform. However, simply shifting to higher precision
formats like FP6 has been particularly challenging, thus overlooked, due to
poor performance caused by the lack of sophisticated integration and system
acceleration strategies on current AI hardware. Our results show that FP6, even
with a coarse-grain quantization scheme, performs robustly across various
algorithms and tasks, demonstrating its superiority in accuracy and
versatility. Notably, with the FP6 quantization, \codestar-15B model performs
comparably to its FP16 counterpart in code generation, and for smaller models
like the 406M it closely matches their baselines in summarization. Neither can
be achieved by INT4. To better accommodate various AI hardware and achieve the
best system performance, we propose a novel 4+2 design for FP6 to achieve
similar latency to the state-of-the-art INT4 fine-grain quantization. With our
design, FP6 can become a promising solution to the current 4-bit quantization
methods used in LLMs. | cs.CL | ZeroQuant(4+2): Redefining LLMs Quantization with a New FP6-Centric Strategy for Diverse Generative Tasks |
2023-12-14T00:50:14Z | http://arxiv.org/pdf/2312.08579v2 | http://arxiv.org/abs/2312.08579v2 | Golnaz Shapurian, Michael J Kurtz, Alberto Accomazzi | 2023-12-17T23:20:49Z | cs.CL, astro-ph.IM, cs.LG | The automatic identification of planetary feature names in astronomy
publications presents numerous challenges. These features include craters,
defined as roughly circular depressions resulting from impact or volcanic
activity; dorsas, which are elongate raised structures or wrinkle ridges; and
lacus, small irregular patches of dark, smooth material on the Moon, referred
to as "lake" (Planetary Names Working Group, n.d.). Many feature names overlap
with places or people's names that they are named after, for example, Syria,
Tempe, Einstein, and Sagan, to name a few (U.S. Geological Survey, n.d.). Some
feature names have been used in many contexts, for instance, Apollo, which can
refer to mission, program, sample, astronaut, seismic, seismometers, core, era,
data, collection, instrument, and station, in addition to the crater on the
Moon. Some feature names can appear in the text as adjectives, like the lunar
craters Black, Green, and White. Some feature names in other contexts serve as
directions, like craters West and South on the Moon. Additionally, some
features share identical names across different celestial bodies, requiring
disambiguation, such as the Adams crater, which exists on both the Moon and
Mars. We present a multi-step pipeline combining rule-based filtering,
statistical relevance analysis, part-of-speech (POS) tagging, named entity
recognition (NER) model, hybrid keyword harvesting, knowledge graph (KG)
matching, and inference with a locally installed large language model (LLM) to
reliably identify planetary names despite these challenges. When evaluated on a
dataset of astronomy papers from the Astrophysics Data System (ADS), this
methodology achieves an F1-score over 0.97 in disambiguating planetary feature
names. | cs.CL | Identifying Planetary Names in Astronomy Papers: A Multi-Step Approach |
2023-12-13T23:35:31Z | http://arxiv.org/pdf/2312.08566v1 | http://arxiv.org/abs/2312.08566v1 | Lionel Wong, Jiayuan Mao, Pratyusha Sharma, Zachary S. Siegel, Jiahai Feng, Noa Korneev, Joshua B. Tenenbaum, Jacob Andreas | 2023-12-13T23:35:31Z | cs.AI, cs.CL, cs.RO | Effective planning in the real world requires not only world knowledge, but
the ability to leverage that knowledge to build the right representation of the
task at hand. Decades of hierarchical planning techniques have used
domain-specific temporal action abstractions to support efficient and accurate
planning, almost always relying on human priors and domain knowledge to
decompose hard tasks into smaller subproblems appropriate for a goal or set of
goals. This paper describes Ada (Action Domain Acquisition), a framework for
automatically constructing task-specific planning representations using
task-general background knowledge from language models (LMs). Starting with a
general-purpose hierarchical planner and a low-level goal-conditioned policy,
Ada interactively learns a library of planner-compatible high-level action
abstractions and low-level controllers adapted to a particular domain of
planning tasks. On two language-guided interactive planning benchmarks (Mini
Minecraft and ALFRED Household Tasks), Ada strongly outperforms other
approaches that use LMs for sequential decision-making, offering more accurate
plans and better generalization to complex tasks. | cs.AI | Learning adaptive planning representations with natural language guidance |
2023-12-13T20:15:29Z | http://arxiv.org/pdf/2312.08495v1 | http://arxiv.org/abs/2312.08495v1 | Veysel Kocaman, Hasham Ul Haq, David Talby | 2023-12-13T20:15:29Z | cs.CL, cs.CR, cs.LG | Recent research advances achieve human-level accuracy for de-identifying
free-text clinical notes on research datasets, but gaps remain in reproducing
this in large real-world settings. This paper summarizes lessons learned from
building a system used to de-identify over one billion real clinical notes, in
a fully automated way, that was independently certified by multiple
organizations for production use. A fully automated solution requires a very
high level of accuracy that does not require manual review. A hybrid
context-based model architecture is described, which outperforms a Named Entity
Recogniton (NER) - only model by 10% on the i2b2-2014 benchmark. The proposed
system makes 50%, 475%, and 575% fewer errors than the comparable AWS, Azure,
and GCP services respectively while also outperforming ChatGPT by 33%. It
exceeds 98% coverage of sensitive data across 7 European languages, without a
need for fine tuning. A second set of described models enable data obfuscation
-- replacing sensitive data with random surrogates -- while retaining name,
date, gender, clinical, and format consistency. Both the practical need and the
solution architecture that provides for reliable & linked anonymized documents
are described. | cs.CL | Beyond Accuracy: Automated De-Identification of Large Real-World Clinical Text Datasets |
2023-12-13T18:36:43Z | http://arxiv.org/pdf/2312.10091v1 | http://arxiv.org/abs/2312.10091v1 | Alexandre Variengien, Eric Winsor | 2023-12-13T18:36:43Z | cs.IR, cs.CL, cs.LG | When solving challenging problems, language models (LMs) are able to identify
relevant information from long and complicated contexts. To study how LMs solve
retrieval tasks in diverse situations, we introduce ORION, a collection of
structured retrieval tasks spanning six domains, from text understanding to
coding. Each task in ORION can be represented abstractly by a request (e.g. a
question) that retrieves an attribute (e.g. the character name) from a context
(e.g. a story). We apply causal analysis on 18 open-source language models with
sizes ranging from 125 million to 70 billion parameters. We find that LMs
internally decompose retrieval tasks in a modular way: middle layers at the
last token position process the request, while late layers retrieve the correct
entity from the context. After causally enforcing this decomposition, models
are still able to solve the original task, preserving 70% of the original
correct token probability in 98 of the 106 studied model-task pairs. We connect
our macroscopic decomposition with a microscopic description by performing a
fine-grained case study of a question-answering task on Pythia-2.8b. Building
on our high-level understanding, we demonstrate a proof of concept application
for scalable internal oversight of LMs to mitigate prompt-injection while
requiring human supervision on only a single input. Our solution improves
accuracy drastically (from 15.5% to 97.5% on Pythia-12b). This work presents
evidence of a universal emergent modular processing of tasks across varied
domains and models and is a pioneering effort in applying interpretability for
scalable internal oversight of LMs. | cs.IR | Look Before You Leap: A Universal Emergent Decomposition of Retrieval Tasks in Language Models |
2023-12-13T17:22:19Z | http://arxiv.org/pdf/2312.08303v1 | http://arxiv.org/abs/2312.08303v1 | Jiang Zhang, Qiong Wu, Yiming Xu, Cheng Cao, Zheng Du, Konstantinos Psounis | 2023-12-13T17:22:19Z | cs.CL, cs.AI | Toxic content detection is crucial for online services to remove
inappropriate content that violates community standards. To automate the
detection process, prior works have proposed varieties of machine learning (ML)
approaches to train Language Models (LMs) for toxic content detection. However,
both their accuracy and transferability across datasets are limited. Recently,
Large Language Models (LLMs) have shown promise in toxic content detection due
to their superior zero-shot and few-shot in-context learning ability as well as
broad transferability on ML tasks. However, efficiently designing prompts for
LLMs remains challenging. Moreover, the high run-time cost of LLMs may hinder
their deployments in production. To address these challenges, in this work, we
propose BD-LLM, a novel and efficient approach to Bootstrapping and Distilling
LLMs for toxic content detection. Specifically, we design a novel prompting
method named Decision-Tree-of-Thought (DToT) to bootstrap LLMs' detection
performance and extract high-quality rationales. DToT can automatically select
more fine-grained context to re-prompt LLMs when their responses lack
confidence. Additionally, we use the rationales extracted via DToT to fine-tune
student LMs. Our experimental results on various datasets demonstrate that DToT
can improve the accuracy of LLMs by up to 4.6%. Furthermore, student LMs
fine-tuned with rationales extracted via DToT outperform baselines on all
datasets with up to 16.9\% accuracy improvement, while being more than 60x
smaller than conventional LLMs. Finally, we observe that student LMs fine-tuned
with rationales exhibit better cross-dataset transferability. | cs.CL | Efficient Toxic Content Detection by Bootstrapping and Distilling Large Language Models |
2023-12-13T17:15:12Z | http://arxiv.org/pdf/2312.08299v2 | http://arxiv.org/abs/2312.08299v2 | Van Minh Nguyen, Nasheen Nur, William Stern, Thomas Mercer, Chiradeep Sen, Siddhartha Bhattacharyya, Victor Tumbiolo, Seng Jhing Goh | 2023-12-30T16:45:13Z | cs.CL, cs.CY, cs.SI | The COVID-19 pandemic has escalated mental health crises worldwide, with
social isolation and economic instability contributing to a rise in suicidal
behavior. Suicide can result from social factors such as shame, abuse,
abandonment, and mental health conditions like depression, Post-Traumatic
Stress Disorder (PTSD), Attention-Deficit/Hyperactivity Disorder (ADHD),
anxiety disorders, and bipolar disorders. As these conditions develop, signs of
suicidal ideation may manifest in social media interactions. Analyzing social
media data using artificial intelligence (AI) techniques can help identify
patterns of suicidal behavior, providing invaluable insights for suicide
prevention agencies, professionals, and broader community awareness
initiatives. Machine learning algorithms for this purpose require large volumes
of accurately labeled data. Previous research has not fully explored the
potential of incorporating explanations in analyzing and labeling longitudinal
social media data. In this study, we employed a model explanation method, Layer
Integrated Gradients, on top of a fine-tuned state-of-the-art language model,
to assign each token from Reddit users' posts an attribution score for
predicting suicidal ideation. By extracting and analyzing attributions of
tokens from the data, we propose a methodology for preliminary screening of
social media posts for suicidal ideation without using large language models
during inference. | cs.CL | Conceptualizing Suicidal Behavior: Utilizing Explanations of Predicted Outcomes to Analyze Longitudinal Social Media Data |
2023-12-13T16:57:31Z | http://arxiv.org/pdf/2312.08282v2 | http://arxiv.org/abs/2312.08282v2 | Aldan Creo, Manuel Lama, Juan C. Vidal | 2023-12-15T01:28:10Z | cs.CL, cs.AI | This paper presents novel prompting techniques to improve the performance of
automatic summarization systems for scientific articles. Scientific article
summarization is highly challenging due to the length and complexity of these
documents. We conceive, implement, and evaluate prompting techniques that
provide additional contextual information to guide summarization systems.
Specifically, we feed summarizers with lists of key terms extracted from
articles, such as author keywords or automatically generated keywords. Our
techniques are tested with various summarization models and input texts.
Results show performance gains, especially for smaller models summarizing
sections separately. This evidences that prompting is a promising approach to
overcoming the limitations of less powerful systems. Our findings introduce a
new research direction of using prompts to aid smaller models. | cs.CL | Prompting LLMs with content plans to enhance the summarization of scientific articles |
2023-12-13T16:43:41Z | http://arxiv.org/pdf/2312.08274v4 | http://arxiv.org/abs/2312.08274v4 | Songchi Zhou, Sheng Yu | 2024-03-26T10:36:31Z | cs.CL, cs.AI | Objective: To develop a high-throughput biomedical relation extraction system
that takes advantage of the large language models'(LLMs) reading comprehension
ability and biomedical world knowledge in a scalable and evidential manner.
Methods: We formulate the relation extraction task as binary classifications
for large language models. Specifically, LLMs make the decision based on the
external corpus and its world knowledge, giving the reason for the judgment for
factual verification. This method is tailored for semi-structured web articles,
wherein we designate the main title as the tail entity and explicitly
incorporate it into the context, and the potential head entities are matched
based on a biomedical thesaurus. Moreover, lengthy contents are sliced into
text chunks, embedded, and retrieved with additional embedding models. Results:
Using an open-source LLM, we extracted 248659 relation triplets of three
distinct relation types from three reputable biomedical websites. To assess the
efficacy of the basic pipeline employed for biomedical relation extraction, we
curated a benchmark dataset annotated by a medical expert. Evaluation results
indicate that the pipeline exhibits performance comparable to that of GPT-4.
Case studies further illuminate challenges faced by contemporary LLMs in the
context of biomedical relation extraction for semi-structured web articles.
Conclusion: The proposed method has demonstrated its effectiveness in
leveraging the strengths of LLMs for high-throughput biomedical relation
extraction. Its adaptability is evident, as it can be seamlessly extended to
diverse semi-structured biomedical websites, facilitating the extraction of
various types of biomedical relations with ease. | cs.CL | High-throughput Biomedical Relation Extraction for Semi-Structured Web Articles Empowered by Large Language Models |
2023-12-13T15:03:27Z | http://arxiv.org/pdf/2312.08198v1 | http://arxiv.org/abs/2312.08198v1 | Kamil Kanclerz, Julita Bielaniewicz, Marcin Gruza, Jan Kocon, Stanisław Woźniak, Przemysław Kazienko | 2023-12-13T15:03:27Z | cs.CL, cs.AI | Data annotated by humans is a source of knowledge by describing the
peculiarities of the problem and therefore fueling the decision process of the
trained model. Unfortunately, the annotation process for subjective natural
language processing (NLP) problems like offensiveness or emotion detection is
often very expensive and time-consuming. One of the inevitable risks is to
spend some of the funds and annotator effort on annotations that do not provide
any additional knowledge about the specific task. To minimize these costs, we
propose a new model-based approach that allows the selection of tasks annotated
individually for each text in a multi-task scenario. The experiments carried
out on three datasets, dozens of NLP tasks, and thousands of annotations show
that our method allows up to 40% reduction in the number of annotations with
negligible loss of knowledge. The results also emphasize the need to collect a
diverse amount of data required to efficiently train a model, depending on the
subjectivity of the annotation task. We also focused on measuring the relation
between subjective tasks by evaluating the model in single-task and multi-task
scenarios. Moreover, for some datasets, training only on the labels predicted
by our model improved the efficiency of task selection as a self-supervised
learning regularization technique. | cs.CL | Towards Model-Based Data Acquisition for Subjective Multi-Task NLP Problems |
2023-12-13T11:49:16Z | http://arxiv.org/pdf/2312.08079v2 | http://arxiv.org/abs/2312.08079v2 | Hao Ma, Zhiyuan Peng, Mingjie Shao, Jing Li, Ju Liu | 2024-01-11T07:11:18Z | cs.CL, cs.SD, eess.AS | Target-speaker automatic speech recognition (ASR) aims to transcribe the
desired speech of a target speaker from multi-talker overlapped utterances.
Most of the existing target-speaker ASR (TS-ASR) methods involve either
training from scratch or fully fine-tuning a pre-trained model, leading to
significant training costs and becoming inapplicable to large foundation
models. This work leverages prompt tuning, a parameter-efficient fine-tuning
approach, to extend Whisper, a large-scale single-talker ASR model, to TS-ASR.
Variants of prompt tuning approaches along with their configurations are
explored and optimized for TS-ASR.Experimental results show that prompt tuning
can achieve performance comparable to state-of-the-art full training approaches
while only requiring about 1\% of task-specific model parameters. Notably, the
original Whisper's features, such as inverse text normalization and timestamp
tagging, are retained in target-speaker ASR, keeping the generated
transcriptions natural and informative. | cs.CL | Extending Whisper with prompt tuning to target-speaker ASR |
2023-12-13T11:47:28Z | http://arxiv.org/pdf/2312.08078v5 | http://arxiv.org/abs/2312.08078v5 | Wenting Chen, Linlin Shen, Jingyang Lin, Jiebo Luo, Xiang Li, Yixuan Yuan | 2024-06-04T12:27:38Z | cs.CV, cs.AI, cs.CL | To address these issues, we propose a novel Adaptive patch-word Matching
(AdaMatch) model to correlate chest X-ray (CXR) image regions with words in
medical reports and apply it to CXR-report generation to provide explainability
for the generation process. AdaMatch exploits the fine-grained relation between
adaptive patches and words to provide explanations of specific image regions
with corresponding words. To capture the abnormal regions of varying sizes and
positions, we introduce the Adaptive Patch extraction (AdaPatch) module to
acquire the adaptive patches for these regions adaptively. In order to provide
explicit explainability for CXR-report generation task, we propose an
AdaMatch-based bidirectional large language model for Cyclic CXR-report
generation (AdaMatch-Cyclic). It employs the AdaMatch to obtain the keywords
for CXR images and `keypatches' for medical reports as hints to guide
CXR-report generation. Extensive experiments on two publicly available CXR
datasets prove the effectiveness of our method and its superior performance to
existing methods. | cs.CV | Fine-Grained Image-Text Alignment in Medical Imaging Enables Explainable Cyclic Image-Report Generation |
2023-12-13T11:17:27Z | http://arxiv.org/pdf/2312.08063v2 | http://arxiv.org/abs/2312.08063v2 | Vihari Piratla, Juyeon Heo, Katherine M. Collins, Sukriti Singh, Adrian Weller | 2024-04-05T13:42:27Z | cs.LG, cs.AI, cs.CL | Model explanations can be valuable for interpreting and debugging predictive
models. We study a specific kind called Concept Explanations, where the goal is
to interpret a model using human-understandable concepts. Although popular for
their easy interpretation, concept explanations are known to be noisy. We begin
our work by identifying various sources of uncertainty in the estimation
pipeline that lead to such noise. We then propose an uncertainty-aware Bayesian
estimation method to address these issues, which readily improved the quality
of explanations. We demonstrate with theoretical analysis and empirical
evaluation that explanations computed by our method are robust to train-time
choices while also being label-efficient. Further, our method proved capable of
recovering relevant concepts amongst a bank of thousands, in an evaluation with
real-datasets and off-the-shelf models, demonstrating its scalability. We
believe the improved quality of uncertainty-aware concept explanations make
them a strong candidate for more reliable model interpretation. We release our
code at https://github.com/vps-anonconfs/uace. | cs.LG | Estimation of Concept Explanations Should be Uncertainty Aware |
2023-12-13T10:29:34Z | http://arxiv.org/pdf/2312.08036v1 | http://arxiv.org/abs/2312.08036v1 | Huaiyuan Ying, Zhengyun Zhao, Yang Zhao, Sihang Zeng, Sheng Yu | 2023-12-13T10:29:34Z | cs.CL | Objective: Biomedical Knowledge Graphs play a pivotal role in various
biomedical research domains. Concurrently, term clustering emerges as a crucial
step in constructing these knowledge graphs, aiming to identify synonymous
terms. Due to a lack of knowledge, previous contrastive learning models trained
with Unified Medical Language System (UMLS) synonyms struggle at clustering
difficult terms and do not generalize well beyond UMLS terms. In this work, we
leverage the world knowledge from Large Language Models (LLMs) and propose
Contrastive Learning for Representing Terms via Explanations (CoRTEx) to
enhance term representation and significantly improves term clustering.
Materials and Methods: The model training involves generating explanations for
a cleaned subset of UMLS terms using ChatGPT. We employ contrastive learning,
considering term and explanation embeddings simultaneously, and progressively
introduce hard negative samples. Additionally, a ChatGPT-assisted BIRCH
algorithm is designed for efficient clustering of a new ontology. Results: We
established a clustering test set and a hard negative test set, where our model
consistently achieves the highest F1 score. With CoRTEx embeddings and the
modified BIRCH algorithm, we grouped 35,580,932 terms from the Biomedical
Informatics Ontology System (BIOS) into 22,104,559 clusters with O(N) queries
to ChatGPT. Case studies highlight the model's efficacy in handling challenging
samples, aided by information from explanations. Conclusion: By aligning terms
to their explanations, CoRTEx demonstrates superior accuracy over benchmark
models and robustness beyond its training set, and it is suitable for
clustering terms for large-scale biomedical ontologies. | cs.CL | CoRTEx: Contrastive Learning for Representing Terms via Explanations with Applications on Constructing Biomedical Knowledge Graphs |
2023-12-13T10:00:44Z | http://arxiv.org/pdf/2312.08027v1 | http://arxiv.org/abs/2312.08027v1 | Jinta Weng, Jiarui Zhang, Yue Hu, Daidong Fa, Xiaofeng Xuand, Heyan Huang | 2023-12-13T10:00:44Z | cs.CL, cs.AI | Large language models (LLMs) can be used as accessible and intelligent
chatbots by constructing natural language queries and directly inputting the
prompt into the large language model. However, different prompt' constructions
often lead to uncertainty in the answers and thus make it hard to utilize the
specific knowledge of LLMs (like ChatGPT). To alleviate this, we use an
interpretable structure to explain the prompt learning principle in LLMs, which
certificates that the effectiveness of language models is determined by
position changes of the task's related tokens. Therefore, we propose MTPrompt,
a multi-dimensional task prompt learning method consisting based on
task-related object, summary, and task description information. By
automatically building and searching for appropriate prompts, our proposed
MTPrompt achieves the best results on few-shot samples setting and five
different datasets. In addition, we demonstrate the effectiveness and stability
of our method in different experimental settings and ablation experiments. In
interaction with large language models, embedding more task-related information
into prompts will make it easier to stimulate knowledge embedded in large
language models. | cs.CL | Helping Language Models Learn More: Multi-dimensional Task Prompt for Few-shot Tuning |
2023-12-13T09:00:21Z | http://arxiv.org/pdf/2312.07987v2 | http://arxiv.org/abs/2312.07987v2 | Róbert Csordás, Piotr Piękos, Kazuki Irie, Jürgen Schmidhuber | 2023-12-14T06:35:33Z | cs.LG, cs.CL, cs.NE | The costly self-attention layers in modern Transformers require memory and
compute quadratic in sequence length. Existing approximation methods usually
underperform and fail to obtain significant speedups in practice. Here we
present SwitchHead - a novel method that reduces both compute and memory
requirements and achieves wall-clock speedup, while matching the language
modeling performance of baseline Transformers with the same parameter budget.
SwitchHead uses Mixture-of-Experts (MoE) layers for the value and output
projections and requires 4 to 8 times fewer attention matrices than standard
Transformers. Our novel attention can also be combined with MoE MLP layers,
resulting in an efficient fully-MoE "SwitchAll" Transformer model. Our code is
public. | cs.LG | SwitchHead: Accelerating Transformers with Mixture-of-Experts Attention |
2023-12-13T08:54:49Z | http://arxiv.org/pdf/2312.11524v1 | http://arxiv.org/abs/2312.11524v1 | Mukul Singh, José Cambronero, Sumit Gulwani, Vu Le, Gust Verbruggen | 2023-12-13T08:54:49Z | cs.CL, cs.AI, cs.CV | Multi-modality promises to unlock further uses for large language models.
Recently, the state-of-the-art language model GPT-4 was enhanced with vision
capabilities. We carry out a prompting evaluation of GPT-4V and five other
baselines on structured reasoning tasks, such as mathematical reasoning, visual
data analysis, and code generation. We show that visual Chain-of-Thought, an
extension of Chain-of-Thought to multi-modal LLMs, yields significant
improvements over the vanilla model. We also present a categorized analysis of
scenarios where these models perform well and where they struggle, highlighting
challenges associated with coherent multimodal reasoning. | cs.CL | Assessing GPT4-V on Structured Reasoning Tasks |
2023-12-13T08:50:02Z | http://arxiv.org/pdf/2312.07979v1 | http://arxiv.org/abs/2312.07979v1 | Prameela Madambakam, Shathanaa Rajmohan, Himangshu Sharma, Tummepalli Anka Chandrahas Purushotham Gupta | 2023-12-13T08:50:02Z | cs.CL, cs.LG | Legal Judgment Prediction (LJP) is a judicial assistance system that
recommends the legal components such as applicable statues, prison term and
penalty term by analyzing the given input case document. Indian legal system is
in the need of technical assistance such as artificial intelligence to solve
the crores of pending cases in various courts for years and its being increased
day to day. Most of the existing Indian models did not adequately concentrate
on the semantics embedded in the fact description (FD) that impacts the
decision. The proposed semantic extraction based LJP (SLJP) model provides the
advantages of pretrained transformers for complex unstructured legal case
document understanding and to generate embeddings. The model draws the in-depth
semantics of the given FD at multiple levels i.e., chunk and case document
level by following the divide and conquer approach. It creates the concise view
of the given fact description using the extracted semantics as per the original
court case document structure and predicts judgment using attention mechanism.
We tested the model performance on two available Indian datasets Indian Legal
Documents corpus (ILDC) and Indian Legal Statue Identification (ILSI) and got
promising results. Also shown the highest performance and less performance
degradation for increased epochs than base models on ILDC dataset. | cs.CL | SLJP: Semantic Extraction based Legal Judgment Prediction |
2023-12-13T08:25:07Z | http://arxiv.org/pdf/2312.11523v1 | http://arxiv.org/abs/2312.11523v1 | Xinpeng Wang, Xiaoyuan Yi, Han Jiang, Shanlin Zhou, Zhihua Wei, Xing Xie | 2023-12-13T08:25:07Z | cs.CL, cs.AI | Warning: this paper includes model outputs showing offensive content. Recent
large-scale Visual-Language Generative Models (VLGMs) have achieved
unprecedented improvement in multimodal image/text generation. However, these
models might also generate toxic content, e.g., offensive text and pornography
images, raising significant ethical risks. Despite exhaustive studies on toxic
degeneration of language models, this problem remains largely unexplored within
the context of visual-language generation. This work delves into the propensity
for toxicity generation and susceptibility to toxic data across various VLGMs.
For this purpose, we built ToViLaG, a dataset comprising 32K
co-toxic/mono-toxic text-image pairs and 1K innocuous but evocative text that
tends to stimulate toxicity. Furthermore, we propose WInToRe, a novel toxicity
metric tailored to visual-language generation, which theoretically reflects
different aspects of toxicity considering both input and output. On such a
basis, we benchmarked the toxicity of a diverse spectrum of VLGMs and
discovered that some models do more evil than expected while some are more
vulnerable to infection, underscoring the necessity of VLGMs detoxification.
Therefore, we develop an innovative bottleneck-based detoxification method. Our
method could reduce toxicity while maintaining comparable generation quality,
providing a promising initial solution to this line of research. | cs.CL | ToViLaG: Your Visual-Language Generative Model is Also An Evildoer |
2023-12-13T08:17:00Z | http://arxiv.org/pdf/2312.07961v1 | http://arxiv.org/abs/2312.07961v1 | Xiaojun Xue, Chunxia Zhang, Tianxiang Xu, Zhendong Niu | 2023-12-13T08:17:00Z | cs.CL, cs.AI | Few-shot named entity recognition (NER) aims to recognize novel named
entities in low-resource domains utilizing existing knowledge. However, the
present few-shot NER models assume that the labeled data are all clean without
noise or outliers, and there are few works focusing on the robustness of the
cross-domain transfer learning ability to textual adversarial attacks in
Few-shot NER. In this work, we comprehensively explore and assess the
robustness of few-shot NER models under textual adversarial attack scenario,
and found the vulnerability of existing few-shot NER models. Furthermore, we
propose a robust two-stage few-shot NER method with Boundary Discrimination and
Correlation Purification (BDCP). Specifically, in the span detection stage, the
entity boundary discriminative module is introduced to provide a highly
distinguishing boundary representation space to detect entity spans. In the
entity typing stage, the correlations between entities and contexts are
purified by minimizing the interference information and facilitating
correlation generalization to alleviate the perturbations caused by textual
adversarial attacks. In addition, we construct adversarial examples for
few-shot NER based on public datasets Few-NERD and Cross-Dataset. Comprehensive
evaluations on those two groups of few-shot NER datasets containing adversarial
examples demonstrate the robustness and superiority of the proposed method. | cs.CL | Robust Few-Shot Named Entity Recognition with Boundary Discrimination and Correlation Purification |
2023-12-13T07:56:27Z | http://arxiv.org/pdf/2312.07950v4 | http://arxiv.org/abs/2312.07950v4 | Xin Ding, Xiaoyu Liu, Zhijun Tu, Yun Zhang, Wei Li, Jie Hu, Hanting Chen, Yehui Tang, Zhiwei Xiong, Baoqun Yin, Yunhe Wang | 2024-04-15T10:57:16Z | cs.LG, cs.CL | Post-training quantization (PTQ) has played a key role in compressing large
language models (LLMs) with ultra-low costs. However, existing PTQ methods only
focus on handling the outliers within one layer or one block, which ignores the
dependency of blocks and leads to severe performance degradation in low-bit
settings. In this paper, we propose CBQ, a cross-block reconstruction-based PTQ
method for LLMs. CBQ employs a cross-block dependency using a homologous
reconstruction scheme, establishing long-range dependencies across multiple
blocks to minimize error accumulation. Furthermore, CBQ incorporates a
coarse-to-fine preprocessing (CFP) strategy for suppressing weight and
activation outliers, coupled with an adaptive LoRA-Rounding technique for
precise weight quantization. These innovations enable CBQ to not only handle
extreme outliers effectively but also improve overall quantization accuracy.
Extensive experiments show that CBQ achieves superior low-bit quantization
(W4A4, W4A8, W2A16) and outperforms existing state-of-the-art methods across
various LLMs and datasets. Notably, CBQ quantizes the 4-bit LLAMA1-65B model
within only 4.3 hours on a single GPU, achieving a commendable tradeoff between
performance and quantization efficiency. | cs.LG | CBQ: Cross-Block Quantization for Large Language Models |
2023-12-13T06:57:00Z | http://arxiv.org/pdf/2312.07930v3 | http://arxiv.org/abs/2312.07930v3 | Baihe Huang, Hanlin Zhu, Banghua Zhu, Kannan Ramchandran, Michael I. Jordan, Jason D. Lee, Jiantao Jiao | 2024-02-06T21:01:28Z | cs.LG, cs.CL, cs.CR, cs.IT, math.IT, stat.ML | We study statistical watermarking by formulating it as a hypothesis testing
problem, a general framework which subsumes all previous statistical
watermarking methods. Key to our formulation is a coupling of the output tokens
and the rejection region, realized by pseudo-random generators in practice,
that allows non-trivial trade-offs between the Type I error and Type II error.
We characterize the Uniformly Most Powerful (UMP) watermark in the general
hypothesis testing setting and the minimax Type II error in the model-agnostic
setting. In the common scenario where the output is a sequence of $n$ tokens,
we establish nearly matching upper and lower bounds on the number of i.i.d.
tokens required to guarantee small Type I and Type II errors. Our rate of
$\Theta(h^{-1} \log (1/h))$ with respect to the average entropy per token $h$
highlights potentials for improvement from the rate of $h^{-2}$ in the previous
works. Moreover, we formulate the robust watermarking problem where the user is
allowed to perform a class of perturbations on the generated texts, and
characterize the optimal Type II error of robust UMP tests via a linear
programming problem. To the best of our knowledge, this is the first systematic
statistical treatment on the watermarking problem with near-optimal rates in
the i.i.d. setting, which might be of interest for future works. | cs.LG | Towards Optimal Statistical Watermarking |
2023-12-13T06:11:42Z | http://arxiv.org/pdf/2312.07913v4 | http://arxiv.org/abs/2312.07913v4 | Aiwei Liu, Leyi Pan, Yijian Lu, Jingjing Li, Xuming Hu, Xi Zhang, Lijie Wen, Irwin King, Hui Xiong, Philip S. Yu | 2024-01-23T13:26:56Z | cs.CL, 68T50, I.2.7 | Text watermarking algorithms play a crucial role in the copyright protection
of textual content, yet their capabilities and application scenarios have been
limited historically. The recent developments in large language models (LLMs)
have opened new opportunities for the advancement of text watermarking
techniques. LLMs not only enhance the capabilities of text watermarking
algorithms through their text understanding and generation abilities but also
necessitate the use of text watermarking algorithms for their own copyright
protection. This paper conducts a comprehensive survey of the current state of
text watermarking technology, covering four main aspects: (1) an overview and
comparison of different text watermarking techniques; (2) evaluation methods
for text watermarking algorithms, including their success rates, impact on text
quality, robustness, and unforgeability; (3) potential application scenarios
for text watermarking technology; (4) current challenges and future directions
for development. This survey aims to provide researchers with a thorough
understanding of text watermarking technology, thereby promoting its further
advancement. | cs.CL | A Survey of Text Watermarking in the Era of Large Language Models |
2023-12-13T05:58:34Z | http://arxiv.org/pdf/2312.07910v2 | http://arxiv.org/abs/2312.07910v2 | Kaijie Zhu, Qinlin Zhao, Hao Chen, Jindong Wang, Xing Xie | 2024-01-05T14:45:00Z | cs.AI, cs.CL, cs.LG | The evaluation of large language models (LLMs) is crucial to assess their
performance and mitigate potential security risks. In this paper, we introduce
PromptBench, a unified library to evaluate LLMs. It consists of several key
components that are easily used and extended by researchers: prompt
construction, prompt engineering, dataset and model loading, adversarial prompt
attack, dynamic evaluation protocols, and analysis tools. PromptBench is
designed to be an open, general, and flexible codebase for research purposes
that can facilitate original study in creating new benchmarks, deploying
downstream applications, and designing new evaluation protocols. The code is
available at: https://github.com/microsoft/promptbench and will be continuously
supported. | cs.AI | PromptBench: A Unified Library for Evaluation of Large Language Models |
2023-12-13T05:33:25Z | http://arxiv.org/pdf/2312.08400v1 | http://arxiv.org/abs/2312.08400v1 | Sang Yun Kwon, Gagan Bhatia, El Moatez Billah Nagoudi, Muhammad Abdul-Mageed | 2023-12-13T05:33:25Z | cs.CL, cs.AI | Large language models (LLMs) finetuned to follow human instruction have
recently exhibited significant capabilities in various English NLP tasks.
However, their performance in grammatical error correction (GEC), especially on
languages other than English, remains significantly unexplored. In this work,
we evaluate the abilities of instruction finetuned LLMs in Arabic GEC, a
complex task due to Arabic's rich morphology. Our findings suggest that various
prompting methods, coupled with (in-context) few-shot learning, demonstrate
considerable effectiveness, with GPT-4 achieving up to $65.49$ F$_{1}$ score
under expert prompting (approximately $5$ points higher than our established
baseline). Despite these positive results, we find that instruction finetuned
models, regardless of their size, are still outperformed by fully finetuned
ones, even if they are significantly smaller in size. This disparity highlights
substantial room for improvements for LLMs. Inspired by methods used in
low-resource machine translation, we also develop a method exploiting synthetic
data that significantly outperforms previous models on two standard Arabic
benchmarks. Our best model achieves a new SOTA on Arabic GEC, with $73.29$ and
$73.26$ F$_{1}$ on the 2014 and 2015 QALB datasets, respectively, compared to
peer-reviewed published baselines. | cs.CL | Beyond English: Evaluating LLMs for Arabic Grammatical Error Correction |
2023-12-13T04:14:22Z | http://arxiv.org/pdf/2312.07887v4 | http://arxiv.org/abs/2312.07887v4 | Junhao Zheng, Shengjie Qiu, Qianli Ma | 2024-05-27T14:53:32Z | cs.CL, cs.LG | Incremental Learning (IL) has been a long-standing problem in both vision and
Natural Language Processing (NLP) communities. In recent years, as Pre-trained
Language Models (PLMs) have achieved remarkable progress in various NLP
downstream tasks, utilizing PLMs as backbones has become a common practice in
recent research of IL in NLP. Most assume that catastrophic forgetting is the
biggest obstacle to achieving superior IL performance and propose various
techniques to overcome this issue. However, we find that this assumption is
problematic. Specifically, we revisit more than 20 methods on four
classification tasks (Text Classification, Intent Classification, Relation
Extraction, and Named Entity Recognition) under the two most popular IL
settings (Class-Incremental and Task-Incremental) and reveal that most of them
severely underestimate the inherent anti-forgetting ability of PLMs. Based on
the observation, we propose a frustratingly easy method called SEQ* for IL with
PLMs. The results show that SEQ* has competitive or superior performance
compared to state-of-the-art (SOTA) IL methods and requires considerably less
trainable parameters and training time. These findings urge us to revisit the
IL with PLMs and encourage future studies to have a fundamental understanding
of the catastrophic forgetting in PLMs. The data, code and scripts are publicly
available at
https://github.com/zzz47zzz/codebase-for-incremental-learning-with-llm. | cs.CL | Learn or Recall? Revisiting Incremental Learning with Pre-trained Language Models |
2023-12-13T04:08:59Z | http://arxiv.org/pdf/2312.07886v1 | http://arxiv.org/abs/2312.07886v1 | Kai Huang, Boyuan Yang, Wei Gao | 2023-12-13T04:08:59Z | cs.AI, cs.CL | Large Language Models (LLMs) are capable of reasoning over diverse input data
modalities through pre-trained encoders. However, the growing diversity of
input data modalities prevents incorporating all modalities into LLMs,
especially when LLMs are deployed on resource-constrained edge devices for
embodied AI applications. Instead, a better option is to adaptively involve
only the useful modalities at runtime, depending on the current environmental
contexts and task requirements. For such modality adaptation, existing work
adopts fixed connections between encoders and the LLM's input layer, leading to
high training cost at runtime and ineffective cross-modal interaction. In this
paper, we address these limitations by presenting mPnP-LLM, a new technique
that allows fully elastic, automated and prompt runtime modality adaptation, by
connecting unimodal encoders to a flexible set of last LLM blocks and making
such latent connections fully trainable at runtime. Experiments over the
nuScenes-QA dataset show that mPnP-LLM can achieve up to 3.7x FLOPs reduction
and 30% GPU memory usage reduction, while retaining on-par accuracy with the
existing schemes. Under the same compute budget, mPnP-LLM improves the task
accuracy by up to 4% compared to the best existing scheme. | cs.AI | Modality Plug-and-Play: Elastic Modality Adaptation in Multimodal LLMs for Embodied AI |
2023-12-13T03:16:33Z | http://arxiv.org/pdf/2312.07868v1 | http://arxiv.org/abs/2312.07868v1 | Yizhe Yang, Heyan Huang, Yihang Liu, Yang Gao | 2023-12-13T03:16:33Z | cs.CL | Knowledge-grounded dialogue is a task of generating an informative response
based on both the dialogue history and external knowledge source. In general,
there are two forms of knowledge: manually annotated knowledge graphs and
knowledge text from website. From various evaluation viewpoints, each type of
knowledge has advantages and downsides. To further distinguish the principles
and determinants from the intricate factors, we conduct a thorough experiment
and study on the task to answer three essential questions. The questions
involve the choice of appropriate knowledge form, the degree of mutual effects
between knowledge and the model selection, and the few-shot performance of
knowledge. Supported by statistical shreds of evidence, we offer conclusive
solutions and sensible suggestions for directions and standards of future
research. | cs.CL | Graph vs. Sequence: An Empirical Study on Knowledge Forms for Knowledge-Grounded Dialogue |
2023-12-13T03:08:48Z | http://arxiv.org/pdf/2312.07867v1 | http://arxiv.org/abs/2312.07867v1 | Xiaojie Hong, Zixin Song, Liangzhi Li, Xiaoli Wang, Feiyan Liu | 2023-12-13T03:08:48Z | cs.AI, cs.CL | Medical Visual Question Answering (Med-VQA) is a very important task in
healthcare industry, which answers a natural language question with a medical
image. Existing VQA techniques in information systems can be directly applied
to solving the task. However, they often suffer from (i) the data insufficient
problem, which makes it difficult to train the state of the arts (SOTAs) for
the domain-specific task, and (ii) the reproducibility problem, that many
existing models have not been thoroughly evaluated in a unified experimental
setup. To address these issues, this paper develops a Benchmark Evaluation
SysTem for Medical Visual Question Answering, denoted by BESTMVQA. Given
self-collected clinical data, our system provides a useful tool for users to
automatically build Med-VQA datasets, which helps overcoming the data
insufficient problem. Users also can conveniently select a wide spectrum of
SOTA models from our model library to perform a comprehensive empirical study.
With simple configurations, our system automatically trains and evaluates the
selected models over a benchmark dataset, and reports the comprehensive results
for users to develop new techniques or perform medical practice. Limitations of
existing work are overcome (i) by the data generation tool, which automatically
constructs new datasets from unstructured clinical data, and (ii) by evaluating
SOTAs on benchmark datasets in a unified experimental setup. The demonstration
video of our system can be found at https://youtu.be/QkEeFlu1x4A. Our code and
data will be available soon. | cs.AI | BESTMVQA: A Benchmark Evaluation System for Medical Visual Question Answering |
2023-12-13T02:32:01Z | http://arxiv.org/pdf/2312.07848v1 | http://arxiv.org/abs/2312.07848v1 | Shane Storm Strachan | 2023-12-13T02:32:01Z | cs.CL, cs.AI | The open-source publishing of large language models (LLMs) has created many
possibilities for how anyone who understands language and has access to a
computer can interact with significant tools of artificial intelligence,
particularly in the context of learning and knowledge dissemination. However,
the utility of these models in specialized fields like Classics is still
largely unexplored. This project is an attempt to merge the knowledge of
Classics with the capabilities of artificial intelligence by finetuning an LLM
to cater to the specific needs of learners and professionals. The goal of this
project is to develop an LLM that not only reproduces contextual knowledge
accurately but also exhibits a consistent "personality" - and, indeed, has
consistent propriety - to appeal to a diverse audience who possess differing
levels of knowledge. A significant portion of this project was dedicated to
refining the dataset, following the principle of "garbage in, garbage out," to
ensure the model generates relevant, useful, and creative responses when given
a prompt (a statement, question, or single word). After training and
evaluation, my model's ability to handle a vast array of different types of
inputs and prompting exceeded expectations for a 355M parameter model, though
its occasional hallucinations (especially when set with a high temperature),
particularly in its assertions about historical events or its own identity,
make it seem somewhat capricious and more work in the form of continuous
finetuning will be undertaken. | cs.CL | Finetuning an LLM on Contextual Knowledge of Classics for Q&A |
2023-12-13T01:36:18Z | http://arxiv.org/pdf/2312.07831v1 | http://arxiv.org/abs/2312.07831v1 | Nhu-Thanh Nguyen, Khoa Thi-Kim Phan, Duc-Vu Nguyen, Ngan Luu-Thuy Nguyen | 2023-12-13T01:36:18Z | cs.CL, cs.LG | Abuse in its various forms, including physical, psychological, verbal,
sexual, financial, and cultural, has a negative impact on mental health.
However, there are limited studies on applying natural language processing
(NLP) in this field in Vietnam. Therefore, we aim to contribute by building a
human-annotated Vietnamese dataset for detecting abusive content in Vietnamese
narrative texts. We sourced these texts from VnExpress, Vietnam's popular
online newspaper, where readers often share stories containing abusive content.
Identifying and categorizing abusive spans in these texts posed significant
challenges during dataset creation, but it also motivated our research. We
experimented with lightweight baseline models by freezing PhoBERT and
XLM-RoBERTa and using their hidden states in a BiLSTM to assess the complexity
of the dataset. According to our experimental results, PhoBERT outperforms
other models in both labeled and unlabeled abusive span detection tasks. These
results indicate that it has the potential for future improvements. | cs.CL | Abusive Span Detection for Vietnamese Narrative Texts |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.