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-10-20T10:27:24Z | http://arxiv.org/pdf/2310.13409v1 | http://arxiv.org/abs/2310.13409v1 | Yangyang Luo, Shiyu Tian, Caixia Yuan, Xiaojie Wang | 2023-10-20T10:27:24Z | cs.CL | Conversational Machine Reading (CMR) requires answering a user's initial
question through multi-turn dialogue interactions based on a given document.
Although there exist many effective methods, they largely neglected the
alignment between the document and the user-provided information, which
significantly affects the intermediate decision-making and subsequent follow-up
question generation. To address this issue, we propose a pipeline framework
that (1) aligns the aforementioned two sides in an explicit way, (2)makes
decisions using a lightweight many-to-many entailment reasoning module, and (3)
directly generates follow-up questions based on the document and previously
asked questions. Our proposed method achieves state-of-the-art in
micro-accuracy and ranks the first place on the public leaderboard of the CMR
benchmark dataset ShARC. | cs.CL | Explicit Alignment and Many-to-many Entailment Based Reasoning for Conversational Machine Reading |
2023-10-20T10:05:07Z | http://arxiv.org/pdf/2310.13395v1 | http://arxiv.org/abs/2310.13395v1 | Ilias Stogiannidis, Stavros Vassos, Prodromos Malakasiotis, Ion Androutsopoulos | 2023-10-20T10:05:07Z | cs.CL | Prompting Large Language Models (LLMs) performs impressively in zero- and
few-shot settings. Hence, small and medium-sized enterprises (SMEs) that cannot
afford the cost of creating large task-specific training datasets, but also the
cost of pretraining their own LLMs, are increasingly turning to third-party
services that allow them to prompt LLMs. However, such services currently
require a payment per call, which becomes a significant operating expense
(OpEx). Furthermore, customer inputs are often very similar over time, hence
SMEs end-up prompting LLMs with very similar instances. We propose a framework
that allows reducing the calls to LLMs by caching previous LLM responses and
using them to train a local inexpensive model on the SME side. The framework
includes criteria for deciding when to trust the local model or call the LLM,
and a methodology to tune the criteria and measure the tradeoff between
performance and cost. For experimental purposes, we instantiate our framework
with two LLMs, GPT-3.5 or GPT-4, and two inexpensive students, a k-NN
classifier or a Multi-Layer Perceptron, using two common business tasks, intent
recognition and sentiment analysis. Experimental results indicate that
significant OpEx savings can be obtained with only slightly lower performance. | cs.CL | Cache me if you Can: an Online Cost-aware Teacher-Student framework to Reduce the Calls to Large Language Models |
2023-10-20T10:05:01Z | http://arxiv.org/pdf/2310.13394v1 | http://arxiv.org/abs/2310.13394v1 | Chang Shu, Jiuzhou Han, Fangyu Liu, Ehsan Shareghi, Nigel Collier | 2023-10-20T10:05:01Z | cs.CL, cs.AI, cs.CY | Embodied language comprehension emphasizes that language understanding is not
solely a matter of mental processing in the brain but also involves
interactions with the physical and social environment. With the explosive
growth of Large Language Models (LLMs) and their already ubiquitous presence in
our daily lives, it is becoming increasingly necessary to verify their
real-world understanding. Inspired by cognitive theories, we propose POSQA: a
Physical Object Size Question Answering dataset with simple size comparison
questions to examine the extremity and analyze the potential mechanisms of the
embodied comprehension of the latest LLMs.
We show that even the largest LLMs today perform poorly under the zero-shot
setting. We then push their limits with advanced prompting techniques and
external knowledge augmentation. Furthermore, we investigate whether their
real-world comprehension primarily derives from contextual information or
internal weights and analyse the impact of prompt formats and report bias of
different objects. Our results show that real-world understanding that LLMs
shaped from textual data can be vulnerable to deception and confusion by the
surface form of prompts, which makes it less aligned with human behaviours. | cs.CL | POSQA: Probe the World Models of LLMs with Size Comparisons |
2023-10-20T09:55:06Z | http://arxiv.org/pdf/2310.13385v1 | http://arxiv.org/abs/2310.13385v1 | Haoran Li, Yiran Liu, Xingxing Zhang, Wei Lu, Furu Wei | 2023-10-20T09:55:06Z | cs.CL, cs.LG | Instruction tuning of open-source large language models (LLMs) like LLaMA,
using direct outputs from more powerful LLMs such as Instruct-GPT and GPT-4,
has proven to be a cost-effective way to align model behaviors with human
preferences. However, the instruction-tuned model has only seen one response
per instruction, lacking the knowledge of potentially better responses. In this
paper, we propose finetuning an instruction-tuned LLM using our novel
\textit{probabilistic ranking} and \textit{contextual ranking} approaches to
increase the likelihood of generating better responses. Probabilistic ranking
enables the instruction-tuned model to inherit the relative rankings of
high-quality and low-quality responses from the teacher LLM. On the other hand,
learning with contextual ranking allows the model to refine its own response
distribution using the contextual understanding ability of stronger LLMs.
Furthermore, we apply probabilistic ranking and contextual ranking sequentially
to the instruction-tuned LLM. The resulting model, which we call \textbf{Tuna},
consistently improves the performance on Super Natural Instructions (119 test
tasks), LMentry (25 test tasks), Vicuna QA, and can even obtain better results
than several strong reinforcement learning baselines. Our code and data are
available at \url{ https://github.com/microsoft/LMOps}. | cs.CL | Tuna: Instruction Tuning using Feedback from Large Language Models |
2023-10-20T09:48:52Z | http://arxiv.org/pdf/2310.13380v1 | http://arxiv.org/abs/2310.13380v1 | Pei Wang, Keqing He, Yutao Mou, Xiaoshuai Song, Yanan Wu, Jingang Wang, Yunsen Xian, Xunliang Cai, Weiran Xu | 2023-10-20T09:48:52Z | cs.CL | Detecting out-of-domain (OOD) intents from user queries is essential for a
task-oriented dialogue system. Previous OOD detection studies generally work on
the assumption that plenty of labeled IND intents exist. In this paper, we
focus on a more practical few-shot OOD setting where there are only a few
labeled IND data and massive unlabeled mixed data that may belong to IND or
OOD. The new scenario carries two key challenges: learning discriminative
representations using limited IND data and leveraging unlabeled mixed data.
Therefore, we propose an adaptive prototypical pseudo-labeling (APP) method for
few-shot OOD detection, including a prototypical OOD detection framework
(ProtoOOD) to facilitate low-resource OOD detection using limited IND data, and
an adaptive pseudo-labeling method to produce high-quality pseudo OOD\&IND
labels. Extensive experiments and analysis demonstrate the effectiveness of our
method for few-shot OOD detection. | cs.CL | APP: Adaptive Prototypical Pseudo-Labeling for Few-shot OOD Detection |
2023-10-20T09:41:31Z | http://arxiv.org/pdf/2310.13377v1 | http://arxiv.org/abs/2310.13377v1 | Alva Markelius, Sofia Sjöberg, Zakaria Lemhauori, Laura Cohen, Martin Bergström, Robert Lowe, Lola Cañamero | 2023-10-20T09:41:31Z | cs.RO, cs.AI, cs.CL, cs.HC, I.2.9; I.2.6; I.2.10 | This paper presents a novel human-robot interaction setup for robot and human
learning of symbolic language for identifying robot homeostatic needs. The
robot and human learn to use and respond to the same language symbols that
convey homeostatic needs and the stimuli that satisfy the homeostatic needs,
respectively. We adopted a differential outcomes training (DOT) protocol
whereby the robot provides feedback specific (differential) to its internal
needs (e.g. `hunger') when satisfied by the correct stimulus (e.g. cookie). We
found evidence that DOT can enhance the human's learning efficiency, which in
turn enables more efficient robot language acquisition. The robot used in the
study has a vocabulary similar to that of a human infant in the linguistic
``babbling'' phase. The robot software architecture is built upon a model for
affect-grounded language acquisition where the robot associates vocabulary with
internal needs (hunger, thirst, curiosity) through interactions with the human.
The paper presents the results of an initial pilot study conducted with the
interactive setup, which reveal that the robot's language acquisition achieves
higher convergence rate in the DOT condition compared to the non-DOT control
condition. Additionally, participants reported positive affective experiences,
feeling of being in control, and an empathetic connection with the robot. This
mutual learning (teacher-student learning) approach offers a potential
contribution of facilitating cognitive interventions with DOT (e.g. for people
with dementia) through increased therapy adherence as a result of engaging
humans more in training tasks by taking an active teaching-learning role. The
homeostatic motivational grounding of the robot's language acquisition has
potential to contribute to more ecologically valid and social
(collaborative/nurturing) interactions with robots. | cs.RO | A Human-Robot Mutual Learning System with Affect-Grounded Language Acquisition and Differential Outcomes Training |
2023-10-20T09:06:41Z | http://arxiv.org/pdf/2310.13362v1 | http://arxiv.org/abs/2310.13362v1 | Junjie Wu, Lemao Liu, Dit-Yan Yeung | 2023-10-20T09:06:41Z | cs.CL, cs.AI, cs.LG, cs.SE | Behavioral testing offers a crucial means of diagnosing linguistic errors and
assessing capabilities of NLP models. However, applying behavioral testing to
machine translation (MT) systems is challenging as it generally requires human
efforts to craft references for evaluating the translation quality of such
systems on newly generated test cases. Existing works in behavioral testing of
MT systems circumvent this by evaluating translation quality without
references, but this restricts diagnosis to specific types of errors, such as
incorrect translation of single numeric or currency words. In order to diagnose
general errors, this paper proposes a new Bilingual Translation Pair Generation
based Behavior Testing (BTPGBT) framework for conducting behavioral testing of
MT systems. The core idea of BTPGBT is to employ a novel bilingual translation
pair generation (BTPG) approach that automates the construction of high-quality
test cases and their pseudoreferences. Experimental results on various MT
systems demonstrate that BTPGBT could provide comprehensive and accurate
behavioral testing results for general error diagnosis, which further leads to
several insightful findings. Our code and data are available at https:
//github.com/wujunjie1998/BTPGBT. | cs.CL | Towards General Error Diagnosis via Behavioral Testing in Machine Translation |
2023-10-20T09:06:30Z | http://arxiv.org/pdf/2310.13361v1 | http://arxiv.org/abs/2310.13361v1 | Wenyu Guo, Qingkai Fang, Dong Yu, Yang Feng | 2023-10-20T09:06:30Z | cs.CV, cs.AI, cs.CL | Multimodal machine translation (MMT) simultaneously takes the source sentence
and a relevant image as input for translation. Since there is no paired image
available for the input sentence in most cases, recent studies suggest
utilizing powerful text-to-image generation models to provide image inputs.
Nevertheless, synthetic images generated by these models often follow different
distributions compared to authentic images. Consequently, using authentic
images for training and synthetic images for inference can introduce a
distribution shift, resulting in performance degradation during inference. To
tackle this challenge, in this paper, we feed synthetic and authentic images to
the MMT model, respectively. Then we minimize the gap between the synthetic and
authentic images by drawing close the input image representations of the
Transformer Encoder and the output distributions of the Transformer Decoder.
Therefore, we mitigate the distribution disparity introduced by the synthetic
images during inference, thereby freeing the authentic images from the
inference process.Experimental results show that our approach achieves
state-of-the-art performance on the Multi30K En-De and En-Fr datasets, while
remaining independent of authentic images during inference. | cs.CV | Bridging the Gap between Synthetic and Authentic Images for Multimodal Machine Translation |
2023-10-20T08:25:37Z | http://arxiv.org/pdf/2310.13348v1 | http://arxiv.org/abs/2310.13348v1 | Lisa Beinborn, Yuval Pinter | 2023-10-20T08:25:37Z | cs.CL | Subword tokenization has become the de-facto standard for tokenization,
although comparative evaluations of subword vocabulary quality across languages
are scarce. Existing evaluation studies focus on the effect of a tokenization
algorithm on the performance in downstream tasks, or on engineering criteria
such as the compression rate. We present a new evaluation paradigm that focuses
on the cognitive plausibility of subword tokenization. We analyze the
correlation of the tokenizer output with the response time and accuracy of
human performance on a lexical decision task. We compare three tokenization
algorithms across several languages and vocabulary sizes. Our results indicate
that the UnigramLM algorithm yields less cognitively plausible tokenization
behavior and a worse coverage of derivational morphemes, in contrast with prior
work. | cs.CL | Analyzing Cognitive Plausibility of Subword Tokenization |
2023-10-20T08:13:36Z | http://arxiv.org/pdf/2310.13343v1 | http://arxiv.org/abs/2310.13343v1 | Xiaoliang Chen, Liangbin Li, Le Chang, Yunhe Huang, Yuxuan Zhao, Yuxiao Zhang, Dinuo Li | 2023-10-20T08:13:36Z | cs.CL, cs.AI | With the development of large language models (LLMs) like the GPT series,
their widespread use across various application scenarios presents a myriad of
challenges. This review initially explores the issue of domain specificity,
where LLMs may struggle to provide precise answers to specialized questions
within niche fields. The problem of knowledge forgetting arises as these LLMs
might find it hard to balance old and new information. The knowledge repetition
phenomenon reveals that sometimes LLMs might deliver overly mechanized
responses, lacking depth and originality. Furthermore, knowledge illusion
describes situations where LLMs might provide answers that seem insightful but
are actually superficial, while knowledge toxicity focuses on harmful or biased
information outputs. These challenges underscore problems in the training data
and algorithmic design of LLMs. To address these issues, it's suggested to
diversify training data, fine-tune models, enhance transparency and
interpretability, and incorporate ethics and fairness training. Future
technological trends might lean towards iterative methodologies, multimodal
learning, model personalization and customization, and real-time learning and
feedback mechanisms. In conclusion, future LLMs should prioritize fairness,
transparency, and ethics, ensuring they uphold high moral and ethical standards
when serving humanity. | cs.CL | Challenges and Contributing Factors in the Utilization of Large Language Models (LLMs) |
2023-10-20T08:08:13Z | http://arxiv.org/pdf/2310.13340v1 | http://arxiv.org/abs/2310.13340v1 | Han Jiang, Rui Wang, Zhihua Wei, Yu Li, Xinpeng Wang | 2023-10-20T08:08:13Z | cs.CL | Opinion summarization is expected to digest larger review sets and provide
summaries from different perspectives. However, most existing solutions are
deficient in epitomizing extensive reviews and offering opinion summaries from
various angles due to the lack of designs for information selection. To this
end, we propose SUBSUMM, a supervised summarization framework for large-scale
multi-perspective opinion summarization. SUBSUMM consists of a review sampling
strategy set and a two-stage training scheme. The sampling strategies take
sentiment orientation and contrastive information value into consideration,
with which the review subsets from different perspectives and quality levels
can be selected. Subsequently, the summarizer is encouraged to learn from the
sub-optimal and optimal subsets successively in order to capitalize on the
massive input. Experimental results on AmaSum and Rotten Tomatoes datasets
demonstrate that SUBSUMM is adept at generating pros, cons, and verdict
summaries from hundreds of input reviews. Furthermore, our in-depth analysis
verifies that the advanced selection of review subsets and the two-stage
training scheme are vital to boosting the summarization performance. | cs.CL | Large-Scale and Multi-Perspective Opinion Summarization with Diverse Review Subsets |
2023-10-20T07:50:10Z | http://arxiv.org/pdf/2310.13332v1 | http://arxiv.org/abs/2310.13332v1 | Zhaoyang Wang, Shaohan Huang, Yuxuan Liu, Jiahai Wang, Minghui Song, Zihan Zhang, Haizhen Huang, Furu Wei, Weiwei Deng, Feng Sun, Qi Zhang | 2023-10-20T07:50:10Z | cs.CL, cs.AI | Large language models (LLMs) exhibit impressive emergent abilities in natural
language processing, but their democratization is hindered due to huge
computation requirements and closed-source nature. Recent research on advancing
open-source smaller LMs by distilling knowledge from black-box LLMs has
obtained promising results in the instruction-following ability. However, the
reasoning ability which is more challenging to foster, is relatively rarely
explored. In this paper, we propose a tailored learning approach to distill
such reasoning ability to smaller LMs to facilitate the democratization of the
exclusive reasoning ability. In contrast to merely employing LLM as a data
annotator, we exploit the potential of LLM as a reasoning teacher by building
an interactive multi-round learning paradigm. This paradigm enables the student
to expose its deficiencies to the black-box teacher who then can provide
customized training data in return. Further, to exploit the reasoning potential
of the smaller LM, we propose self-reflection learning to motivate the student
to learn from self-made mistakes. The learning from self-reflection and LLM are
all tailored to the student's learning status, thanks to the seamless
integration with the multi-round learning paradigm. Comprehensive experiments
and analysis on mathematical and commonsense reasoning tasks demonstrate the
effectiveness of our method. The code will be available at
https://github.com/Raibows/Learn-to-Reason. | cs.CL | Democratizing Reasoning Ability: Tailored Learning from Large Language Model |
2023-10-20T07:31:23Z | http://arxiv.org/pdf/2310.13321v2 | http://arxiv.org/abs/2310.13321v2 | Zecheng Tang, Kaifeng Qi, Juntao Li, Min Zhang | 2023-10-23T07:41:09Z | cs.CL | Recent studies have revealed that grammatical error correction methods in the
sequence-to-sequence paradigm are vulnerable to adversarial attack, and simply
utilizing adversarial examples in the pre-training or post-training process can
significantly enhance the robustness of GEC models to certain types of attack
without suffering too much performance loss on clean data. In this paper, we
further conduct a thorough robustness evaluation of cutting-edge GEC methods
for four different types of adversarial attacks and propose a simple yet very
effective Cycle Self-Augmenting (CSA) method accordingly. By leveraging the
augmenting data from the GEC models themselves in the post-training process and
introducing regularization data for cycle training, our proposed method can
effectively improve the model robustness of well-trained GEC models with only a
few more training epochs as an extra cost. More concretely, further training on
the regularization data can prevent the GEC models from over-fitting on
easy-to-learn samples and thus can improve the generalization capability and
robustness towards unseen data (adversarial noise/samples). Meanwhile, the
self-augmented data can provide more high-quality pseudo pairs to improve model
performance on the original testing data. Experiments on four benchmark
datasets and seven strong models indicate that our proposed training method can
significantly enhance the robustness of four types of attacks without using
purposely built adversarial examples in training. Evaluation results on clean
data further confirm that our proposed CSA method significantly improves the
performance of four baselines and yields nearly comparable results with other
state-of-the-art models. Our code is available at
https://github.com/ZetangForward/CSA-GEC. | cs.CL | Beyond Hard Samples: Robust and Effective Grammatical Error Correction with Cycle Self-Augmenting |
2023-10-20T07:11:23Z | http://arxiv.org/pdf/2310.13316v1 | http://arxiv.org/abs/2310.13316v1 | Kaikai An, Ce Zheng, Bofei Gao, Haozhe Zhao, Baobao Chang | 2023-10-20T07:11:23Z | cs.CL, cs.AI | Frame identification aims to find semantic frames associated with target
words in a sentence. Recent researches measure the similarity or matching score
between targets and candidate frames by modeling frame definitions. However,
they either lack sufficient representation learning of the definitions or face
challenges in efficiently selecting the most suitable frame from over 1000
candidate frames. Moreover, commonly used lexicon filtering ($lf$) to obtain
candidate frames for the target may ignore out-of-vocabulary targets and cause
inadequate frame modeling. In this paper, we propose CoFFTEA, a
$\underline{Co}$arse-to-$\underline{F}$ine $\underline{F}$rame and
$\underline{T}$arget $\underline{E}$ncoders $\underline{A}$rchitecture. With
contrastive learning and dual encoders, CoFFTEA efficiently and effectively
models the alignment between frames and targets. By employing a coarse-to-fine
curriculum learning procedure, CoFFTEA gradually learns to differentiate frames
with varying degrees of similarity. Experimental results demonstrate that
CoFFTEA outperforms previous models by 0.93 overall scores and 1.53 R@1 without
$lf$. Further analysis suggests that CoFFTEA can better model the relationships
between frame and frame, as well as target and target. The code for our
approach is available at https://github.com/pkunlp-icler/COFFTEA. | cs.CL | Coarse-to-Fine Dual Encoders are Better Frame Identification Learners |
2023-10-20T07:09:56Z | http://arxiv.org/pdf/2310.13315v1 | http://arxiv.org/abs/2310.13315v1 | Miaoxi Zhu, Qihuang Zhong, Li Shen, Liang Ding, Juhua Liu, Bo Du, Dacheng Tao | 2023-10-20T07:09:56Z | cs.CL | Quantization is a promising approach for reducing memory overhead and
accelerating inference, especially in large pre-trained language model (PLM)
scenarios. While having no access to original training data due to security and
privacy concerns has emerged the demand for zero-shot quantization. Most of the
cutting-edge zero-shot quantization methods primarily 1) apply to computer
vision tasks, and 2) neglect of overfitting problem in the generative
adversarial learning process, leading to sub-optimal performance. Motivated by
this, we propose a novel zero-shot sharpness-aware quantization (ZSAQ)
framework for the zero-shot quantization of various PLMs. The key algorithm in
solving ZSAQ is the SAM-SGA optimization, which aims to improve the
quantization accuracy and model generalization via optimizing a minimax
problem. We theoretically prove the convergence rate for the minimax
optimization problem and this result can be applied to other nonconvex-PL
minimax optimization frameworks. Extensive experiments on 11 tasks demonstrate
that our method brings consistent and significant performance gains on both
discriminative and generative PLMs, i.e., up to +6.98 average score.
Furthermore, we empirically validate that our method can effectively improve
the model generalization. | cs.CL | Zero-Shot Sharpness-Aware Quantization for Pre-trained Language Models |
2023-10-20T07:04:08Z | http://arxiv.org/pdf/2310.13312v1 | http://arxiv.org/abs/2310.13312v1 | Jaeyoung Choe, Keonwoong Noh, Nayeon Kim, Seyun Ahn, Woohwan Jung | 2023-10-20T07:04:08Z | cs.CL | Over the past few years, various domain-specific pretrained language models
(PLMs) have been proposed and have outperformed general-domain PLMs in
specialized areas such as biomedical, scientific, and clinical domains. In
addition, financial PLMs have been studied because of the high economic impact
of financial data analysis. However, we found that financial PLMs were not
pretrained on sufficiently diverse financial data. This lack of diverse
training data leads to a subpar generalization performance, resulting in
general-purpose PLMs, including BERT, often outperforming financial PLMs on
many downstream tasks. To address this issue, we collected a broad range of
financial corpus and trained the Financial Language Model (FiLM) on these
diverse datasets. Our experimental results confirm that FiLM outperforms not
only existing financial PLMs but also general domain PLMs. Furthermore, we
provide empirical evidence that this improvement can be achieved even for
unseen corpus groups. | cs.CL | Exploring the Impact of Corpus Diversity on Financial Pretrained Language Models |
2023-10-20T06:49:32Z | http://arxiv.org/pdf/2310.13307v1 | http://arxiv.org/abs/2310.13307v1 | Soyeong Jeong, Jinheon Baek, Sukmin Cho, Sung Ju Hwang, Jong C. Park | 2023-10-20T06:49:32Z | cs.CL, cs.LG | Recent instruction-finetuned large language models (LMs) have achieved
notable performances in various tasks, such as question-answering (QA).
However, despite their ability to memorize a vast amount of general knowledge
across diverse tasks, they might be suboptimal on specific tasks due to their
limited capacity to transfer and adapt knowledge to target tasks. Moreover,
further finetuning LMs with labeled datasets is often infeasible due to their
absence, but it is also questionable if we can transfer smaller LMs having
limited knowledge only with unlabeled test data. In this work, we show and
investigate the capabilities of smaller self-adaptive LMs, only with unlabeled
test data. In particular, we first stochastically generate multiple answers,
and then ensemble them while filtering out low-quality samples to mitigate
noise from inaccurate labels. Our proposed self-adaption strategy demonstrates
significant performance improvements on benchmark QA datasets with higher
robustness across diverse prompts, enabling LMs to stay stable. Code is
available at: https://github.com/starsuzi/T-SAS. | cs.CL | Test-Time Self-Adaptive Small Language Models for Question Answering |
2023-10-20T06:17:02Z | http://arxiv.org/pdf/2310.13297v1 | http://arxiv.org/abs/2310.13297v1 | Chenkai Sun, Jinning Li, Yi R. Fung, Hou Pong Chan, Tarek Abdelzaher, ChengXiang Zhai, Heng Ji | 2023-10-20T06:17:02Z | cs.CL, cs.AI, cs.LG | Automatic response forecasting for news media plays a crucial role in
enabling content producers to efficiently predict the impact of news releases
and prevent unexpected negative outcomes such as social conflict and moral
injury. To effectively forecast responses, it is essential to develop measures
that leverage the social dynamics and contextual information surrounding
individuals, especially in cases where explicit profiles or historical actions
of the users are limited (referred to as lurkers). As shown in a previous
study, 97% of all tweets are produced by only the most active 25% of users.
However, existing approaches have limited exploration of how to best process
and utilize these important features. To address this gap, we propose a novel
framework, named SocialSense, that leverages a large language model to induce a
belief-centered graph on top of an existent social network, along with
graph-based propagation to capture social dynamics. We hypothesize that the
induced graph that bridges the gap between distant users who share similar
beliefs allows the model to effectively capture the response patterns. Our
method surpasses existing state-of-the-art in experimental evaluations for both
zero-shot and supervised settings, demonstrating its effectiveness in response
forecasting. Moreover, the analysis reveals the framework's capability to
effectively handle unseen user and lurker scenarios, further highlighting its
robustness and practical applicability. | cs.CL | Decoding the Silent Majority: Inducing Belief Augmented Social Graph with Large Language Model for Response Forecasting |
2023-10-20T05:44:39Z | http://arxiv.org/pdf/2310.13291v1 | http://arxiv.org/abs/2310.13291v1 | Ruixiang Tang, Gord Lueck, Rodolfo Quispe, Huseyin A Inan, Janardhan Kulkarni, Xia Hu | 2023-10-20T05:44:39Z | cs.CL, cs.AI, cs.LG | Large language models have revolutionized the field of NLP by achieving
state-of-the-art performance on various tasks. However, there is a concern that
these models may disclose information in the training data. In this study, we
focus on the summarization task and investigate the membership inference (MI)
attack: given a sample and black-box access to a model's API, it is possible to
determine if the sample was part of the training data. We exploit text
similarity and the model's resistance to document modifications as potential MI
signals and evaluate their effectiveness on widely used datasets. Our results
demonstrate that summarization models are at risk of exposing data membership,
even in cases where the reference summary is not available. Furthermore, we
discuss several safeguards for training summarization models to protect against
MI attacks and discuss the inherent trade-off between privacy and utility. | cs.CL | Assessing Privacy Risks in Language Models: A Case Study on Summarization Tasks |
2023-10-20T05:43:33Z | http://arxiv.org/pdf/2310.13290v1 | http://arxiv.org/abs/2310.13290v1 | Zijie Wang, Md Mosharaf Hossain, Shivam Mathur, Terry Cruz Melo, Kadir Bulut Ozler, Keun Hee Park, Jacob Quintero, MohammadHossein Rezaei, Shreya Nupur Shakya, Md Nayem Uddin, Eduardo Blanco | 2023-10-20T05:43:33Z | cs.CL | Yes-no questions expect a yes or no for an answer, but people often skip
polar keywords. Instead, they answer with long explanations that must be
interpreted. In this paper, we focus on this challenging problem and release
new benchmarks in eight languages. We present a distant supervision approach to
collect training data. We also demonstrate that direct answers (i.e., with
polar keywords) are useful to train models to interpret indirect answers (i.e.,
without polar keywords). Experimental results demonstrate that monolingual
fine-tuning is beneficial if training data can be obtained via distant
supervision for the language of interest (5 languages). Additionally, we show
that cross-lingual fine-tuning is always beneficial (8 languages). | cs.CL | Interpreting Indirect Answers to Yes-No Questions in Multiple Languages |
2023-10-20T05:41:57Z | http://arxiv.org/pdf/2310.13289v2 | http://arxiv.org/abs/2310.13289v2 | Changli Tang, Wenyi Yu, Guangzhi Sun, Xianzhao Chen, Tian Tan, Wei Li, Lu Lu, Zejun Ma, Chao Zhang | 2024-04-08T06:12:52Z | cs.SD, cs.CL, eess.AS | Hearing is arguably an essential ability of artificial intelligence (AI)
agents in the physical world, which refers to the perception and understanding
of general auditory information consisting of at least three types of sounds:
speech, audio events, and music. In this paper, we propose SALMONN, a speech
audio language music open neural network, built by integrating a pre-trained
text-based large language model (LLM) with speech and audio encoders into a
single multimodal model. SALMONN enables the LLM to directly process and
understand general audio inputs and achieve competitive performances on a
number of speech and audio tasks used in training, such as automatic speech
recognition and translation, auditory-information-based question answering,
emotion recognition, speaker verification, and music and audio captioning etc.
SALMONN also has a diverse set of emergent abilities unseen in the training,
which includes but is not limited to speech translation to untrained languages,
speech-based slot filling, spoken-query-based question answering, audio-based
storytelling, and speech audio co-reasoning etc. The presence of cross-modal
emergent abilities is studied, and a novel few-shot activation tuning approach
is proposed to activate such abilities. To our knowledge, SALMONN is the first
model of its type and can be regarded as a step towards AI with generic hearing
abilities. The source code, model checkpoints and data are available at
https://github.com/bytedance/SALMONN. | cs.SD | SALMONN: Towards Generic Hearing Abilities for Large Language Models |
2023-10-20T04:45:44Z | http://arxiv.org/pdf/2310.13276v2 | http://arxiv.org/abs/2310.13276v2 | Xiangru Jian, Yimu Wang | 2023-10-25T00:46:42Z | cs.CV, cs.CL, cs.LG, cs.MM | Over recent decades, significant advancements in cross-modal retrieval are
mainly driven by breakthroughs in visual and linguistic modeling. However, a
recent study shows that multi-modal data representations tend to cluster within
a limited convex cone (as representation degeneration problem), which hinders
retrieval performance due to the inseparability of these representations. In
our study, we first empirically validate the presence of the representation
degeneration problem across multiple cross-modal benchmarks and methods. Next,
to address it, we introduce a novel method, called InvGC, a post-processing
technique inspired by graph convolution and average pooling. Specifically,
InvGC defines the graph topology within the datasets and then applies graph
convolution in a subtractive manner. This method effectively separates
representations by increasing the distances between data points. To improve the
efficiency and effectiveness of InvGC, we propose an advanced graph topology,
LocalAdj, which only aims to increase the distances between each data point and
its nearest neighbors. To understand why InvGC works, we present a detailed
theoretical analysis, proving that the lower bound of recall will be improved
after deploying InvGC. Extensive empirical results show that InvGC and InvGC
w/LocalAdj significantly mitigate the representation degeneration problem,
thereby enhancing retrieval performance.
Our code is available at
https://github.com/yimuwangcs/Better_Cross_Modal_Retrieval | cs.CV | InvGC: Robust Cross-Modal Retrieval by Inverse Graph Convolution |
2023-10-20T04:21:09Z | http://arxiv.org/pdf/2310.13267v1 | http://arxiv.org/abs/2310.13267v1 | Mengjie Zhao, Junya Ono, Zhi Zhong, Chieh-Hsin Lai, Yuhta Takida, Naoki Murata, Wei-Hsiang Liao, Takashi Shibuya, Hiromi Wakaki, Yuki Mitsufuji | 2023-10-20T04:21:09Z | cs.CL, cs.CV, cs.LG, cs.SD, eess.AS | Contrastive cross-modal models such as CLIP and CLAP aid various
vision-language (VL) and audio-language (AL) tasks. However, there has been
limited investigation of and improvement in their language encoder, which is
the central component of encoding natural language descriptions of image/audio
into vector representations. We extensively evaluate how unsupervised and
supervised sentence embedding training affect language encoder quality and
cross-modal task performance. In VL pretraining, we found that sentence
embedding training language encoder quality and aids in cross-modal tasks,
improving contrastive VL models such as CyCLIP. In contrast, AL pretraining
benefits less from sentence embedding training, which may result from the
limited amount of pretraining data. We analyze the representation spaces to
understand the strengths of sentence embedding training, and find that it
improves text-space uniformity, at the cost of decreased cross-modal alignment. | cs.CL | On the Language Encoder of Contrastive Cross-modal Models |
2023-10-20T04:09:36Z | http://arxiv.org/pdf/2310.13265v1 | http://arxiv.org/abs/2310.13265v1 | Le Zhang, Yihong Wu, Fengran Mo, Jian-Yun Nie, Aishwarya Agrawal | 2023-10-20T04:09:36Z | cs.CL | Multi-modal open-domain question answering typically requires evidence
retrieval from databases across diverse modalities, such as images, tables,
passages, etc. Even Large Language Models (LLMs) like GPT-4 fall short in this
task. To enable LLMs to tackle the task in a zero-shot manner, we introduce
MoqaGPT, a straightforward and flexible framework. Using a divide-and-conquer
strategy that bypasses intricate multi-modality ranking, our framework can
accommodate new modalities and seamlessly transition to new models for the
task. Built upon LLMs, MoqaGPT retrieves and extracts answers from each
modality separately, then fuses this multi-modal information using LLMs to
produce a final answer. Our methodology boosts performance on the MMCoQA
dataset, improving F1 by +37.91 points and EM by +34.07 points over the
supervised baseline. On the MultiModalQA dataset, MoqaGPT surpasses the
zero-shot baseline, improving F1 by 9.5 points and EM by 10.1 points, and
significantly closes the gap with supervised methods. Our codebase is available
at https://github.com/lezhang7/MOQAGPT. | cs.CL | MoqaGPT : Zero-Shot Multi-modal Open-domain Question Answering with Large Language Model |
2023-10-20T03:55:39Z | http://arxiv.org/pdf/2310.13262v1 | http://arxiv.org/abs/2310.13262v1 | Xue Zhang, Songming Zhang, Yunlong Liang, Yufeng Chen, Jian Liu, Wenjuan Han, Jinan Xu | 2023-10-20T03:55:39Z | cs.CL | Existing syntactically-controlled paraphrase generation (SPG) models perform
promisingly with human-annotated or well-chosen syntactic templates. However,
the difficulty of obtaining such templates actually hinders the practical
application of SPG models. For one thing, the prohibitive cost makes it
unfeasible to manually design decent templates for every source sentence. For
another, the templates automatically retrieved by current heuristic methods are
usually unreliable for SPG models to generate qualified paraphrases. To escape
this dilemma, we propose a novel Quality-based Syntactic Template Retriever
(QSTR) to retrieve templates based on the quality of the to-be-generated
paraphrases. Furthermore, for situations requiring multiple paraphrases for
each source sentence, we design a Diverse Templates Search (DTS) algorithm,
which can enhance the diversity between paraphrases without sacrificing
quality. Experiments demonstrate that QSTR can significantly surpass existing
retrieval methods in generating high-quality paraphrases and even perform
comparably with human-annotated templates in terms of reference-free metrics.
Additionally, human evaluation and the performance on downstream tasks using
our generated paraphrases for data augmentation showcase the potential of our
QSTR and DTS algorithm in practical scenarios. | cs.CL | A Quality-based Syntactic Template Retriever for Syntactically-controlled Paraphrase Generation |
2023-10-20T03:33:36Z | http://arxiv.org/pdf/2310.13257v2 | http://arxiv.org/abs/2310.13257v2 | Chengxu Zhuang, Evelina Fedorenko, Jacob Andreas | 2024-03-25T18:48:40Z | cs.CL, cs.AI | Modern neural language models (LMs) are powerful tools for modeling human
sentence production and comprehension, and their internal representations are
remarkably well-aligned with representations of language in the human brain.
But to achieve these results, LMs must be trained in distinctly un-human-like
ways - requiring orders of magnitude more language data than children receive
during development, and without perceptual or social context. Do models trained
more naturalistically -- with grounded supervision -- exhibit more humanlike
language learning? We investigate this question in the context of word
learning, a key sub-task in language acquisition. We train a diverse set of LM
architectures, with and without auxiliary visual supervision, on datasets of
varying scales. We then evaluate these models' learning of syntactic
categories, lexical relations, semantic features, word similarity, and
alignment with human neural representations. We find that visual supervision
can indeed improve the efficiency of word learning. However, these improvements
are limited: they are present almost exclusively in the low-data regime, and
sometimes canceled out by the inclusion of rich distributional signals from
text. The information conveyed by text and images is not redundant -- models
mainly driven by visual information yield qualitatively different from those
mainly driven by word co-occurrences. However, our results suggest that current
multimodal modeling approaches fail to effectively leverage visual information
to build human-like word representations from human-scale data. | cs.CL | Visual Grounding Helps Learn Word Meanings in Low-Data Regimes |
2023-10-20T03:04:32Z | http://arxiv.org/pdf/2310.13247v1 | http://arxiv.org/abs/2310.13247v1 | Zefang Liu, John Buford | 2023-10-20T03:04:32Z | cs.CL, cs.CR | Anomaly detection in command shell sessions is a critical aspect of computer
security. Recent advances in deep learning and natural language processing,
particularly transformer-based models, have shown great promise for addressing
complex security challenges. In this paper, we implement a comprehensive
approach to detect anomalies in Unix shell sessions using a pretrained
DistilBERT model, leveraging both unsupervised and supervised learning
techniques to identify anomalous activity while minimizing data labeling. The
unsupervised method captures the underlying structure and syntax of Unix shell
commands, enabling the detection of session deviations from normal behavior.
Experiments on a large-scale enterprise dataset collected from production
systems demonstrate the effectiveness of our approach in detecting anomalous
behavior in Unix shell sessions. This work highlights the potential of
leveraging recent advances in transformers to address important computer
security challenges. | cs.CL | Anomaly Detection of Command Shell Sessions based on DistilBERT: Unsupervised and Supervised Approaches |
2023-10-20T02:54:42Z | http://arxiv.org/pdf/2310.13243v1 | http://arxiv.org/abs/2310.13243v1 | Shengyao Zhuang, Bing Liu, Bevan Koopman, Guido Zuccon | 2023-10-20T02:54:42Z | cs.IR, cs.CL | In the field of information retrieval, Query Likelihood Models (QLMs) rank
documents based on the probability of generating the query given the content of
a document. Recently, advanced large language models (LLMs) have emerged as
effective QLMs, showcasing promising ranking capabilities. This paper focuses
on investigating the genuine zero-shot ranking effectiveness of recent LLMs,
which are solely pre-trained on unstructured text data without supervised
instruction fine-tuning. Our findings reveal the robust zero-shot ranking
ability of such LLMs, highlighting that additional instruction fine-tuning may
hinder effectiveness unless a question generation task is present in the
fine-tuning dataset. Furthermore, we introduce a novel state-of-the-art ranking
system that integrates LLM-based QLMs with a hybrid zero-shot retriever,
demonstrating exceptional effectiveness in both zero-shot and few-shot
scenarios. We make our codebase publicly available at
https://github.com/ielab/llm-qlm. | cs.IR | Open-source Large Language Models are Strong Zero-shot Query Likelihood Models for Document Ranking |
2023-10-20T02:40:52Z | http://arxiv.org/pdf/2310.13231v1 | http://arxiv.org/abs/2310.13231v1 | Dawei Li, Hengyuan Zhang, Yanran Li, Shiping Yang | 2023-10-20T02:40:52Z | cs.CL, cs.AI, cs.LG | In this work, we tackle the scenario of understanding characters in scripts,
which aims to learn the characters' personalities and identities from their
utterances. We begin by analyzing several challenges in this scenario, and then
propose a multi-level contrastive learning framework to capture characters'
global information in a fine-grained manner. To validate the proposed
framework, we conduct extensive experiments on three character understanding
sub-tasks by comparing with strong pre-trained language models, including
SpanBERT, Longformer, BigBird and ChatGPT-3.5. Experimental results demonstrate
that our method improves the performances by a considerable margin. Through
further in-depth analysis, we show the effectiveness of our method in
addressing the challenges and provide more hints on the scenario of character
understanding. We will open-source our work on github at
https://github.com/David-Li0406/Script-based-Character-Understanding. | cs.CL | Multi-level Contrastive Learning for Script-based Character Understanding |
2023-10-20T02:26:34Z | http://arxiv.org/pdf/2310.13228v1 | http://arxiv.org/abs/2310.13228v1 | Hellina Hailu Nigatu, Atnafu Lambebo Tonja, Jugal Kalita | 2023-10-20T02:26:34Z | cs.CL | Multilingual Language Models offer a way to incorporate multiple languages in
one model and utilize cross-language transfer learning to improve performance
for different Natural Language Processing (NLP) tasks. Despite progress in
multilingual models, not all languages are supported as well, particularly in
low-resource settings. In this work, we investigate the linguistic
representation of different languages in multilingual models. We start by
asking the question which languages are supported in popular multilingual
models and which languages are left behind. Then, for included languages, we
look at models' learned representations based on language family and dialect
and try to understand how models' learned representations for~(1) seen and~(2)
unseen languages vary across different language groups. In addition, we test
and analyze performance on downstream tasks such as text generation and Named
Entity Recognition. We observe from our experiments that community-centered
models -- models that focus on languages of a given family or geographical
location and are built by communities who speak them -- perform better at
distinguishing between languages in the same family for low-resource languages.
Our paper contributes to the literature in understanding multilingual models
and their shortcomings and offers insights on potential ways to improve them. | cs.CL | The Less the Merrier? Investigating Language Representation in Multilingual Models |
2023-10-20T02:24:35Z | http://arxiv.org/pdf/2310.13227v1 | http://arxiv.org/abs/2310.13227v1 | Yuchen Zhuang, Xiang Chen, Tong Yu, Saayan Mitra, Victor Bursztyn, Ryan A. Rossi, Somdeb Sarkhel, Chao Zhang | 2023-10-20T02:24:35Z | cs.CL, cs.AI, cs.LG | Large language models (LLMs) have demonstrated powerful decision-making and
planning capabilities in solving complicated real-world problems. LLM-based
autonomous agents can interact with diverse tools (e.g., functional APIs) and
generate solution plans that execute a series of API function calls in a
step-by-step manner. The multitude of candidate API function calls
significantly expands the action space, amplifying the critical need for
efficient action space navigation. However, existing methods either struggle
with unidirectional exploration in expansive action spaces, trapped into a
locally optimal solution, or suffer from exhaustively traversing all potential
actions, causing inefficient navigation. To address these issues, we propose
ToolChain*, an efficient tree search-based planning algorithm for LLM-based
agents. It formulates the entire action space as a decision tree, where each
node represents a possible API function call involved in a solution plan. By
incorporating the A* search algorithm with task-specific cost function design,
it efficiently prunes high-cost branches that may involve incorrect actions,
identifying the most low-cost valid path as the solution. Extensive experiments
on multiple tool-use and reasoning tasks demonstrate that ToolChain*
efficiently balances exploration and exploitation within an expansive action
space. It outperforms state-of-the-art baselines on planning and reasoning
tasks by 3.1% and 3.5% on average while requiring 7.35x and 2.31x less time,
respectively. | cs.CL | ToolChain*: Efficient Action Space Navigation in Large Language Models with A* Search |
2023-10-20T02:15:51Z | http://arxiv.org/pdf/2310.13226v1 | http://arxiv.org/abs/2310.13226v1 | Rahman S M Wahidur, Ishmam Tashdeed, Manjit Kaur, Heung-No-Lee | 2023-10-20T02:15:51Z | cs.CL | Blockchain technology has revolutionized the financial landscape, with
cryptocurrencies gaining widespread adoption for their decentralized and
transparent nature. As the sentiment expressed on social media platforms can
significantly influence cryptocurrency discussions and market movements,
sentiment analysis has emerged as a crucial tool for understanding public
opinion and predicting market trends. Motivated by the aim to enhance sentiment
analysis accuracy in the cryptocurrency domain, this paper investigates
fine-tuning techniques on large language models. This paper also investigates
the efficacy of supervised fine-tuning and instruction-based fine-tuning on
large language models for unseen tasks. Experimental results demonstrate a
significant average zero-shot performance gain of 40% after fine-tuning,
highlighting the potential of this technique in optimizing pre-trained language
model efficiency. Additionally, the impact of instruction tuning on models of
varying scales is examined, revealing that larger models benefit from
instruction tuning, achieving the highest average accuracy score of 75.16%. In
contrast, smaller-scale models may experience reduced generalization due to the
complete utilization of model capacity. To gain deeper insight about how
instruction works with these language models, this paper presents an
experimental investigation into the response of an instruction-based model
under different instruction tuning setups. The investigation demonstrates that
the model achieves an average accuracy score of 72.38% for short and simple
instructions. This performance significantly outperforms its accuracy under
long and complex instructions by over 12%, thereby effectively highlighting the
profound significance of instruction characteristics in maximizing model
performance. | cs.CL | Enhancing Zero-Shot Crypto Sentiment with Fine-tuned Language Model and Prompt Engineering |
2023-10-20T01:14:46Z | http://arxiv.org/pdf/2310.13213v1 | http://arxiv.org/abs/2310.13213v1 | Besnik Fetahu, Zhiyu Chen, Sudipta Kar, Oleg Rokhlenko, Shervin Malmasi | 2023-10-20T01:14:46Z | cs.CL, cs.AI | We present MULTICONER V2, a dataset for fine-grained Named Entity Recognition
covering 33 entity classes across 12 languages, in both monolingual and
multilingual settings. This dataset aims to tackle the following practical
challenges in NER: (i) effective handling of fine-grained classes that include
complex entities like movie titles, and (ii) performance degradation due to
noise generated from typing mistakes or OCR errors. The dataset is compiled
from open resources like Wikipedia and Wikidata, and is publicly available.
Evaluation based on the XLM-RoBERTa baseline highlights the unique challenges
posed by MULTICONER V2: (i) the fine-grained taxonomy is challenging, where the
scores are low with macro-F1=0.63 (across all languages), and (ii) the
corruption strategy significantly impairs performance, with entity corruption
resulting in 9% lower performance relative to non-entity corruptions across all
languages. This highlights the greater impact of entity noise in contrast to
context noise. | cs.CL | MultiCoNER v2: a Large Multilingual dataset for Fine-grained and Noisy Named Entity Recognition |
2023-10-20T00:37:28Z | http://arxiv.org/pdf/2310.13206v2 | http://arxiv.org/abs/2310.13206v2 | Yiwei Wang, Yujun Cai, Muhao Chen, Yuxuan Liang, Bryan Hooi | 2024-05-14T17:17:17Z | cs.CL, cs.AI | Instruction-tuned large language models (LLMs), such as ChatGPT, have led to
promising zero-shot performance in discriminative natural language
understanding (NLU) tasks. This involves querying the LLM using a prompt
containing the question, and the candidate labels to choose from. The
question-answering capabilities of ChatGPT arise from its pre-training on large
amounts of human-written text, as well as its subsequent fine-tuning on human
preferences, which motivates us to ask: Does ChatGPT also inherits humans'
cognitive biases? In this paper, we study the primacy effect of ChatGPT: the
tendency of selecting the labels at earlier positions as the answer. We have
two main findings: i) ChatGPT's decision is sensitive to the order of labels in
the prompt; ii) ChatGPT has a clearly higher chance to select the labels at
earlier positions as the answer. We hope that our experiments and analyses
provide additional insights into building more reliable ChatGPT-based
solutions. We release the source code at
https://github.com/wangywUST/PrimacyEffectGPT. | cs.CL | Primacy Effect of ChatGPT |
2023-10-20T00:29:57Z | http://arxiv.org/pdf/2310.18330v1 | http://arxiv.org/abs/2310.18330v1 | Zachary Yang, Nicolas Grenan-Godbout, Reihaneh Rabbany | 2023-10-20T00:29:57Z | cs.CL, cs.AI, cs.LG | Real-time toxicity detection in online environments poses a significant
challenge, due to the increasing prevalence of social media and gaming
platforms. We introduce ToxBuster, a simple and scalable model that reliably
detects toxic content in real-time for a line of chat by including chat history
and metadata. ToxBuster consistently outperforms conventional toxicity models
across popular multiplayer games, including Rainbow Six Siege, For Honor, and
DOTA 2. We conduct an ablation study to assess the importance of each model
component and explore ToxBuster's transferability across the datasets.
Furthermore, we showcase ToxBuster's efficacy in post-game moderation,
successfully flagging 82.1% of chat-reported players at a precision level of
90.0%. Additionally, we show how an additional 6% of unreported toxic players
can be proactively moderated. | cs.CL | Towards Detecting Contextual Real-Time Toxicity for In-Game Chat |
2023-10-19T23:11:37Z | http://arxiv.org/pdf/2310.13196v1 | http://arxiv.org/abs/2310.13196v1 | Jiani Zhang, Zhengyuan Shen, Balasubramaniam Srinivasan, Shen Wang, Huzefa Rangwala, George Karypis | 2023-10-19T23:11:37Z | cs.CL, cs.DB, cs.LG | Recent advances in large language models have revolutionized many sectors,
including the database industry. One common challenge when dealing with large
volumes of tabular data is the pervasive use of abbreviated column names, which
can negatively impact performance on various data search, access, and
understanding tasks. To address this issue, we introduce a new task, called
NameGuess, to expand column names (used in database schema) as a natural
language generation problem. We create a training dataset of 384K
abbreviated-expanded column pairs using a new data fabrication method and a
human-annotated evaluation benchmark that includes 9.2K examples from
real-world tables. To tackle the complexities associated with polysemy and
ambiguity in NameGuess, we enhance auto-regressive language models by
conditioning on table content and column header names -- yielding a fine-tuned
model (with 2.7B parameters) that matches human performance. Furthermore, we
conduct a comprehensive analysis (on multiple LLMs) to validate the
effectiveness of table content in NameGuess and identify promising future
opportunities. Code has been made available at
https://github.com/amazon-science/nameguess. | cs.CL | NameGuess: Column Name Expansion for Tabular Data |
2023-10-19T23:02:29Z | http://arxiv.org/pdf/2310.13191v3 | http://arxiv.org/abs/2310.13191v3 | Jianwei Li, Qi Lei, Wei Cheng, Dongkuan Xu | 2024-01-11T04:07:39Z | cs.CL, cs.AI | The pruning objective has recently extended beyond accuracy and sparsity to
robustness in language models. Despite this, existing methods struggle to
enhance robustness against adversarial attacks when continually increasing
model sparsity and require a retraining process. As humans step into the era of
large language models, these issues become increasingly prominent. This paper
proposes that the robustness of language models is proportional to the extent
of pre-trained knowledge they encompass. Accordingly, we introduce a
post-training pruning strategy designed to faithfully replicate the embedding
space and feature space of dense language models, aiming to conserve more
pre-trained knowledge during the pruning process. In this setup, each layer's
reconstruction error not only originates from itself but also includes
cumulative error from preceding layers, followed by an adaptive rectification.
Compared to other state-of-art baselines, our approach demonstrates a superior
balance between accuracy, sparsity, robustness, and pruning cost with BERT on
datasets SST2, IMDB, and AGNews, marking a significant stride towards robust
pruning in language models. | cs.CL | Towards Robust Pruning: An Adaptive Knowledge-Retention Pruning Strategy for Language Models |
2023-10-19T22:55:39Z | http://arxiv.org/pdf/2310.13189v2 | http://arxiv.org/abs/2310.13189v2 | Barrett Martin Lattimer, Patrick Chen, Xinyuan Zhang, Yi Yang | 2023-10-23T03:51:33Z | cs.CL, cs.AI | Generative AI models exhibit remarkable potential; however, hallucinations
across various tasks present a significant challenge, particularly for longer
inputs that current approaches struggle to address effectively. We introduce
SCALE (Source Chunking Approach for Large-scale inconsistency Evaluation), a
task-agnostic model for detecting factual inconsistencies using a novel
chunking strategy. Specifically, SCALE is a Natural Language Inference (NLI)
based model that uses large text chunks to condition over long texts. This
approach achieves state-of-the-art performance in factual inconsistency
detection for diverse tasks and long inputs. Additionally, we leverage the
chunking mechanism and employ a novel algorithm to explain SCALE's decisions
through relevant source sentence retrieval. Our evaluations reveal that SCALE
outperforms existing methods on both standard benchmarks and a new long-form
dialogue dataset ScreenEval we constructed. Moreover, SCALE surpasses
competitive systems in efficiency and model explanation evaluations. We have
released our code and data publicly to GitHub. | cs.CL | Fast and Accurate Factual Inconsistency Detection Over Long Documents |
2023-10-19T22:32:51Z | http://arxiv.org/pdf/2310.13183v2 | http://arxiv.org/abs/2310.13183v2 | Jianwei Li, Weizhi Gao, Qi Lei, Dongkuan Xu | 2024-01-11T04:17:28Z | cs.CV, cs.CL | It is widely acknowledged that large and sparse models have higher accuracy
than small and dense models under the same model size constraints. This
motivates us to train a large model and then remove its redundant neurons or
weights by pruning. Most existing works pruned the networks in a deterministic
way, the performance of which solely depends on a single pruning criterion and
thus lacks variety. Instead, in this paper, we propose a model pruning strategy
that first generates several pruning masks in a designed random way.
Subsequently, along with an effective mask-selection rule, the optimal mask is
chosen from the pool of mask candidates. To further enhance efficiency, we
introduce an early mask evaluation strategy, mitigating the overhead associated
with training multiple masks. Our extensive experiments demonstrate that this
approach achieves state-of-the-art performance across eight datasets from GLUE,
particularly excelling at high levels of sparsity. | cs.CV | Breaking through Deterministic Barriers: Randomized Pruning Mask Generation and Selection |
2023-10-19T20:43:11Z | http://arxiv.org/pdf/2310.13146v1 | http://arxiv.org/abs/2310.13146v1 | Ankit Pal | 2023-10-19T20:43:11Z | cs.CL, cs.AI, cs.CY, cs.DC, cs.LG | This paper introduces a new testbed CLIFT (Clinical Shift) for the clinical
domain Question-answering task. The testbed includes 7.5k high-quality question
answering samples to provide a diverse and reliable benchmark. We performed a
comprehensive experimental study and evaluated several QA deep-learning models
under the proposed testbed. Despite impressive results on the original test
set, the performance degrades when applied to new test sets, which shows the
distribution shift. Our findings emphasize the need for and the potential for
increasing the robustness of clinical domain models under distributional
shifts. The testbed offers one way to track progress in that direction. It also
highlights the necessity of adopting evaluation metrics that consider
robustness to natural distribution shifts. We plan to expand the corpus by
adding more samples and model results. The full paper and the updated benchmark
are available at github.com/openlifescience-ai/clift | cs.CL | CLIFT: Analysing Natural Distribution Shift on Question Answering Models in Clinical Domain |
2023-10-19T20:02:40Z | http://arxiv.org/pdf/2310.13132v2 | http://arxiv.org/abs/2310.13132v2 | Yiqiao Jin, Mohit Chandra, Gaurav Verma, Yibo Hu, Munmun De Choudhury, Srijan Kumar | 2023-10-23T17:47:47Z | cs.CL, cs.AI | Large language models (LLMs) are transforming the ways the general public
accesses and consumes information. Their influence is particularly pronounced
in pivotal sectors like healthcare, where lay individuals are increasingly
appropriating LLMs as conversational agents for everyday queries. While LLMs
demonstrate impressive language understanding and generation proficiencies,
concerns regarding their safety remain paramount in these high-stake domains.
Moreover, the development of LLMs is disproportionately focused on English. It
remains unclear how these LLMs perform in the context of non-English languages,
a gap that is critical for ensuring equity in the real-world use of these
systems.This paper provides a framework to investigate the effectiveness of
LLMs as multi-lingual dialogue systems for healthcare queries. Our
empirically-derived framework XlingEval focuses on three fundamental criteria
for evaluating LLM responses to naturalistic human-authored health-related
questions: correctness, consistency, and verifiability. Through extensive
experiments on four major global languages, including English, Spanish,
Chinese, and Hindi, spanning three expert-annotated large health Q&A datasets,
and through an amalgamation of algorithmic and human-evaluation strategies, we
found a pronounced disparity in LLM responses across these languages,
indicating a need for enhanced cross-lingual capabilities. We further propose
XlingHealth, a cross-lingual benchmark for examining the multilingual
capabilities of LLMs in the healthcare context. Our findings underscore the
pressing need to bolster the cross-lingual capacities of these models, and to
provide an equitable information ecosystem accessible to all. | cs.CL | Better to Ask in English: Cross-Lingual Evaluation of Large Language Models for Healthcare Queries |
2023-10-19T19:52:55Z | http://arxiv.org/pdf/2310.13127v1 | http://arxiv.org/abs/2310.13127v1 | Zhihan Zhang, Shuohang Wang, Wenhao Yu, Yichong Xu, Dan Iter, Qingkai Zeng, Yang Liu, Chenguang Zhu, Meng Jiang | 2023-10-19T19:52:55Z | cs.CL | Large language models (LLMs) can perform a wide range of tasks by following
natural language instructions, without the necessity of task-specific
fine-tuning. Unfortunately, the performance of LLMs is greatly influenced by
the quality of these instructions, and manually writing effective instructions
for each task is a laborious and subjective process. In this paper, we
introduce Auto-Instruct, a novel method to automatically improve the quality of
instructions provided to LLMs. Our method leverages the inherent generative
ability of LLMs to produce diverse candidate instructions for a given task, and
then ranks them using a scoring model trained on a variety of 575 existing NLP
tasks. In experiments on 118 out-of-domain tasks, Auto-Instruct surpasses both
human-written instructions and existing baselines of LLM-generated
instructions. Furthermore, our method exhibits notable generalizability even
with other LLMs that are not incorporated into its training process. | cs.CL | Auto-Instruct: Automatic Instruction Generation and Ranking for Black-Box Language Models |
2023-10-19T19:07:08Z | http://arxiv.org/pdf/2310.13106v1 | http://arxiv.org/abs/2310.13106v1 | Zhuoer Wang, Yicheng Wang, Ziwei Zhu, James Caverlee | 2023-10-19T19:07:08Z | cs.CL | Question generation is a widely used data augmentation approach with
extensive applications, and extracting qualified candidate answers from context
passages is a critical step for most question generation systems. However,
existing methods for candidate answer extraction are reliant on linguistic
rules or annotated data that face the partial annotation issue and challenges
in generalization. To overcome these limitations, we propose a novel
unsupervised candidate answer extraction approach that leverages the inherent
structure of context passages through a Differentiable Masker-Reconstructor
(DMR) Model with the enforcement of self-consistency for picking up salient
information tokens. We curated two datasets with exhaustively-annotated answers
and benchmark a comprehensive set of supervised and unsupervised candidate
answer extraction methods. We demonstrate the effectiveness of the DMR model by
showing its performance is superior among unsupervised methods and comparable
to supervised methods. | cs.CL | Unsupervised Candidate Answer Extraction through Differentiable Masker-Reconstructor Model |
2023-10-19T18:56:50Z | http://arxiv.org/pdf/2310.13099v1 | http://arxiv.org/abs/2310.13099v1 | Sergey Berezin, Reza Farahbakhsh, Noel Crespi | 2023-10-19T18:56:50Z | cs.CL, cs.AI, cs.LG | We introduce a simple yet efficient sentence-level attack on black-box
toxicity detector models. By adding several positive words or sentences to the
end of a hateful message, we are able to change the prediction of a neural
network and pass the toxicity detection system check. This approach is shown to
be working on seven languages from three different language families. We also
describe the defence mechanism against the aforementioned attack and discuss
its limitations. | cs.CL | No offence, Bert -- I insult only humans! Multiple addressees sentence-level attack on toxicity detection neural network |
2023-10-19T18:47:21Z | http://arxiv.org/pdf/2310.13092v1 | http://arxiv.org/abs/2310.13092v1 | Claire Barale, Michael Rovatsos, Nehal Bhuta | 2023-10-19T18:47:21Z | cs.CL | Language Models (LMs) have proven their ability to acquire diverse linguistic
knowledge during the pretraining phase, potentially serving as a valuable
source of incidental supervision for downstream tasks. However, there has been
limited research conducted on the retrieval of domain-specific knowledge, and
specifically legal knowledge. We propose to explore the task of Entity Typing,
serving as a proxy for evaluating legal knowledge as an essential aspect of
text comprehension, and a foundational task to numerous downstream legal NLP
applications. Through systematic evaluation and analysis and two types of
prompting (cloze sentences and QA-based templates) and to clarify the nature of
these acquired cues, we compare diverse types and lengths of entities both
general and domain-specific entities, semantics or syntax signals, and
different LM pretraining corpus (generic and legal-oriented) and architectures
(encoder BERT-based and decoder-only with Llama2). We show that (1) Llama2
performs well on certain entities and exhibits potential for substantial
improvement with optimized prompt templates, (2) law-oriented LMs show
inconsistent performance, possibly due to variations in their training corpus,
(3) LMs demonstrate the ability to type entities even in the case of
multi-token entities, (4) all models struggle with entities belonging to
sub-domains of the law (5) Llama2 appears to frequently overlook syntactic
cues, a shortcoming less present in BERT-based architectures. | cs.CL | Do Language Models Learn about Legal Entity Types during Pretraining? |
2023-10-19T18:17:00Z | http://arxiv.org/pdf/2310.13080v1 | http://arxiv.org/abs/2310.13080v1 | Shivani Kumar, Ramaneswaran S, Md Shad Akhtar, Tanmoy Chakraborty | 2023-10-19T18:17:00Z | cs.CL, cs.AI | Understanding emotions during conversation is a fundamental aspect of human
communication, driving NLP research for Emotion Recognition in Conversation
(ERC). While considerable research has focused on discerning emotions of
individual speakers in monolingual dialogues, understanding the emotional
dynamics in code-mixed conversations has received relatively less attention.
This motivates our undertaking of ERC for code-mixed conversations in this
study. Recognizing that emotional intelligence encompasses a comprehension of
worldly knowledge, we propose an innovative approach that integrates
commonsense information with dialogue context to facilitate a deeper
understanding of emotions. To achieve this, we devise an efficient pipeline
that extracts relevant commonsense from existing knowledge graphs based on the
code-mixed input. Subsequently, we develop an advanced fusion technique that
seamlessly combines the acquired commonsense information with the dialogue
representation obtained from a dedicated dialogue understanding module. Our
comprehensive experimentation showcases the substantial performance improvement
obtained through the systematic incorporation of commonsense in ERC. Both
quantitative assessments and qualitative analyses further corroborate the
validity of our hypothesis, reaffirming the pivotal role of commonsense
integration in enhancing ERC. | cs.CL | From Multilingual Complexity to Emotional Clarity: Leveraging Commonsense to Unveil Emotions in Code-Mixed Dialogues |
2023-10-19T18:08:22Z | http://arxiv.org/pdf/2310.13068v1 | http://arxiv.org/abs/2310.13068v1 | Muhammad Asif Ali, Maha Alshmrani, Jianbin Qin, Yan Hu, Di Wang | 2023-10-19T18:08:22Z | cs.CL | Bilingual Lexical Induction (BLI) is a core challenge in NLP, it relies on
the relative isomorphism of individual embedding spaces. Existing attempts
aimed at controlling the relative isomorphism of different embedding spaces
fail to incorporate the impact of semantically related words in the model
training objective. To address this, we propose GARI that combines the
distributional training objectives with multiple isomorphism losses guided by
the graph attention network. GARI considers the impact of semantical variations
of words in order to define the relative isomorphism of the embedding spaces.
Experimental evaluation using the Arabic language data set shows that GARI
outperforms the existing research by improving the average P@1 by a relative
score of up to 40.95% and 76.80% for in-domain and domain mismatch settings
respectively. We release the codes for GARI at
https://github.com/asif6827/GARI. | cs.CL | GARI: Graph Attention for Relative Isomorphism of Arabic Word Embeddings |
2023-10-19T17:59:05Z | http://arxiv.org/pdf/2310.12973v2 | http://arxiv.org/abs/2310.12973v2 | Ziqi Pang, Ziyang Xie, Yunze Man, Yu-Xiong Wang | 2024-05-06T15:45:30Z | cs.CV, cs.AI, cs.CL, cs.LG | This paper reveals that large language models (LLMs), despite being trained
solely on textual data, are surprisingly strong encoders for purely visual
tasks in the absence of language. Even more intriguingly, this can be achieved
by a simple yet previously overlooked strategy -- employing a frozen
transformer block from pre-trained LLMs as a constituent encoder layer to
directly process visual tokens. Our work pushes the boundaries of leveraging
LLMs for computer vision tasks, significantly departing from conventional
practices that typically necessitate a multi-modal vision-language setup with
associated language prompts, inputs, or outputs. We demonstrate that our
approach consistently enhances performance across a diverse range of tasks,
encompassing pure 2D and 3D visual recognition tasks (e.g., image and point
cloud classification), temporal modeling tasks (e.g., action recognition),
non-semantic tasks (e.g., motion forecasting), and multi-modal tasks (e.g.,
2D/3D visual question answering and image-text retrieval). Such improvements
are a general phenomenon, applicable to various types of LLMs (e.g., LLaMA and
OPT) and different LLM transformer blocks. We additionally propose the
information filtering hypothesis to explain the effectiveness of pre-trained
LLMs in visual encoding -- the pre-trained LLM transformer blocks discern
informative visual tokens and further amplify their effect. This hypothesis is
empirically supported by the observation that the feature activation, after
training with LLM transformer blocks, exhibits a stronger focus on relevant
regions. We hope that our work inspires new perspectives on utilizing LLMs and
deepening our understanding of their underlying mechanisms. Code is available
at https://github.com/ziqipang/LM4VisualEncoding. | cs.CV | Frozen Transformers in Language Models Are Effective Visual Encoder Layers |
2023-10-19T17:59:01Z | http://arxiv.org/pdf/2310.12971v1 | http://arxiv.org/abs/2310.12971v1 | David Chan, Suzanne Petryk, Joseph E. Gonzalez, Trevor Darrell, John Canny | 2023-10-19T17:59:01Z | cs.CV, cs.AI, cs.CL | The evaluation of machine-generated image captions poses an interesting yet
persistent challenge. Effective evaluation measures must consider numerous
dimensions of similarity, including semantic relevance, visual structure,
object interactions, caption diversity, and specificity. Existing
highly-engineered measures attempt to capture specific aspects, but fall short
in providing a holistic score that aligns closely with human judgments. Here,
we propose CLAIR, a novel method that leverages the zero-shot language modeling
capabilities of large language models (LLMs) to evaluate candidate captions. In
our evaluations, CLAIR demonstrates a stronger correlation with human judgments
of caption quality compared to existing measures. Notably, on Flickr8K-Expert,
CLAIR achieves relative correlation improvements over SPICE of 39.6% and over
image-augmented methods such as RefCLIP-S of 18.3%. Moreover, CLAIR provides
noisily interpretable results by allowing the language model to identify the
underlying reasoning behind its assigned score. Code is available at
https://davidmchan.github.io/clair/ | cs.CV | CLAIR: Evaluating Image Captions with Large Language Models |
2023-10-19T17:57:39Z | http://arxiv.org/pdf/2310.12963v4 | http://arxiv.org/abs/2310.12963v4 | Pranjal Aggarwal, Aman Madaan, Ankit Anand, Srividya Pranavi Potharaju, Swaroop Mishra, Pei Zhou, Aditya Gupta, Dheeraj Rajagopal, Karthik Kappaganthu, Yiming Yang, Shyam Upadhyay, Manaal Faruqui, Mausam | 2024-06-28T17:57:05Z | cs.CL, cs.AI | Large language models (LLMs) are now available from cloud API providers in
various sizes and configurations. While this diversity offers a broad spectrum
of choices, effectively leveraging the options to optimize computational cost
and performance remains challenging. In this work, we present Automix, an
approach that strategically routes queries to larger LMs, based on the
approximate correctness of outputs from a smaller LM. Central to Automix are
two key technical contributions. First, it has a few-shot self-verification
mechanism, which estimates the reliability of its own outputs without requiring
extensive training. Second, given that self-verification can be noisy, it
employs a POMDP based router that can effectively select an appropriately sized
model, based on answer confidence. Experiments across five language models and
five challenging datasets show that Automix consistently surpasses strong
baselines, reducing computational cost by over 50% for comparable performance. | cs.CL | AutoMix: Automatically Mixing Language Models |
2023-10-19T17:57:16Z | http://arxiv.org/pdf/2310.12962v1 | http://arxiv.org/abs/2310.12962v1 | Eric Mitchell, Rafael Rafailov, Archit Sharma, Chelsea Finn, Christopher D. Manning | 2023-10-19T17:57:16Z | cs.CL, cs.AI, cs.LG | Widely used language models (LMs) are typically built by scaling up a
two-stage training pipeline: a pre-training stage that uses a very large,
diverse dataset of text and a fine-tuning (sometimes, 'alignment') stage that
uses targeted examples or other specifications of desired behaviors. While it
has been hypothesized that knowledge and skills come from pre-training, and
fine-tuning mostly filters this knowledge and skillset, this intuition has not
been extensively tested. To aid in doing so, we introduce a novel technique for
decoupling the knowledge and skills gained in these two stages, enabling a
direct answer to the question, "What would happen if we combined the knowledge
learned by a large model during pre-training with the knowledge learned by a
small model during fine-tuning (or vice versa)?" Using an RL-based framework
derived from recent developments in learning from human preferences, we
introduce emulated fine-tuning (EFT), a principled and practical method for
sampling from a distribution that approximates (or 'emulates') the result of
pre-training and fine-tuning at different scales. Our experiments with EFT show
that scaling up fine-tuning tends to improve helpfulness, while scaling up
pre-training tends to improve factuality. Beyond decoupling scale, we show that
EFT enables test-time adjustment of competing behavioral traits like
helpfulness and harmlessness without additional training. Finally, a special
case of emulated fine-tuning, which we call LM up-scaling, avoids
resource-intensive fine-tuning of large pre-trained models by ensembling them
with small fine-tuned models, essentially emulating the result of fine-tuning
the large pre-trained model. Up-scaling consistently improves helpfulness and
factuality of instruction-following models in the Llama, Llama-2, and Falcon
families, without additional hyperparameters or training. | cs.CL | An Emulator for Fine-Tuning Large Language Models using Small Language Models |
2023-10-19T17:56:40Z | http://arxiv.org/pdf/2310.12960v1 | http://arxiv.org/abs/2310.12960v1 | Xueliang Zhao, Xinting Huang, Wei Bi, Lingpeng Kong | 2023-10-19T17:56:40Z | cs.CL | Large Language Models (LLMs) have driven substantial progress in artificial
intelligence in recent years, exhibiting impressive capabilities across a wide
range of tasks, including mathematical problem-solving. Inspired by the success
of subgoal-based methods, we propose a novel framework called
\textbf{SE}quential sub\textbf{G}oal \textbf{O}ptimization (SEGO) to enhance
LLMs' ability to solve mathematical problems. By establishing a connection
between the subgoal breakdown process and the probability of solving problems,
SEGO aims to identify better subgoals with theoretical guarantees. Addressing
the challenge of identifying suitable subgoals in a large solution space, our
framework generates problem-specific subgoals and adjusts them according to
carefully designed criteria. Incorporating these optimized subgoals into the
policy model training leads to significant improvements in problem-solving
performance. We validate SEGO's efficacy through experiments on two benchmarks,
GSM8K and MATH, where our approach outperforms existing methods, highlighting
the potential of SEGO in AI-driven mathematical problem-solving.
Data and code associated with this paper will be available at
https://github.com/zhaoxlpku/SEGO | cs.CL | SEGO: Sequential Subgoal Optimization for Mathematical Problem-Solving |
2023-10-19T17:39:47Z | http://arxiv.org/pdf/2310.12942v5 | http://arxiv.org/abs/2310.12942v5 | Franz Nowak, Anej Svete, Li Du, Ryan Cotterell | 2024-05-30T14:49:25Z | cs.CL, cs.LG | This work investigates the computational expressivity of language models
(LMs) based on recurrent neural networks (RNNs). Siegelmann and Sontag (1992)
famously showed that RNNs with rational weights and hidden states and unbounded
computation time are Turing complete. However, LMs define weightings over
strings in addition to just (unweighted) language membership and the analysis
of the computational power of RNN LMs (RLMs) should reflect this. We extend the
Turing completeness result to the probabilistic case, showing how a rationally
weighted RLM with unbounded computation time can simulate any deterministic
probabilistic Turing machine (PTM) with rationally weighted transitions. Since,
in practice, RLMs work in real-time, processing a symbol at every time step, we
treat the above result as an upper bound on the expressivity of RLMs. We also
provide a lower bound by showing that under the restriction to real-time
computation, such models can simulate deterministic real-time rational PTMs. | cs.CL | On the Representational Capacity of Recurrent Neural Language Models |
2023-10-19T17:33:33Z | http://arxiv.org/pdf/2310.12936v2 | http://arxiv.org/abs/2310.12936v2 | Yi Zhou, Jose Camacho-Collados, Danushka Bollegala | 2023-10-22T14:19:01Z | cs.CL | Various types of social biases have been reported with pretrained Masked
Language Models (MLMs) in prior work. However, multiple underlying factors are
associated with an MLM such as its model size, size of the training data,
training objectives, the domain from which pretraining data is sampled,
tokenization, and languages present in the pretrained corpora, to name a few.
It remains unclear as to which of those factors influence social biases that
are learned by MLMs. To study the relationship between model factors and the
social biases learned by an MLM, as well as the downstream task performance of
the model, we conduct a comprehensive study over 39 pretrained MLMs covering
different model sizes, training objectives, tokenization methods, training data
domains and languages. Our results shed light on important factors often
neglected in prior literature, such as tokenization or model objectives. | cs.CL | A Predictive Factor Analysis of Social Biases and Task-Performance in Pretrained Masked Language Models |
2023-10-19T16:54:38Z | http://arxiv.org/pdf/2310.12902v1 | http://arxiv.org/abs/2310.12902v1 | Nina Begus | 2023-10-19T16:54:38Z | cs.CL, cs.AI | The paper proposes a framework that combines behavioral and computational
experiments employing fictional prompts as a novel tool for investigating
cultural artifacts and social biases in storytelling both by humans and
generative AI. The study analyzes 250 stories authored by crowdworkers in June
2019 and 80 stories generated by GPT-3.5 and GPT-4 in March 2023 by merging
methods from narratology and inferential statistics. Both crowdworkers and
large language models responded to identical prompts about creating and falling
in love with an artificial human. The proposed experimental paradigm allows a
direct comparison between human and LLM-generated storytelling. Responses to
the Pygmalionesque prompts confirm the pervasive presence of the Pygmalion myth
in the collective imaginary of both humans and large language models. All
solicited narratives present a scientific or technological pursuit. The
analysis reveals that narratives from GPT-3.5 and particularly GPT-4 are more
more progressive in terms of gender roles and sexuality than those written by
humans. While AI narratives can occasionally provide innovative plot twists,
they offer less imaginative scenarios and rhetoric than human-authored texts.
The proposed framework argues that fiction can be used as a window into human
and AI-based collective imaginary and social dimensions. | cs.CL | Experimental Narratives: A Comparison of Human Crowdsourced Storytelling and AI Storytelling |
2023-10-19T16:49:11Z | http://arxiv.org/pdf/2311.10733v1 | http://arxiv.org/abs/2311.10733v1 | Masoud Makrehchi, Dell Zhang, Alina Petrova, John Armour | 2023-10-19T16:49:11Z | cs.CY, cs.CL, cs.IR | This is the Proceedings of the 3rd International Workshop on Mining and
Learning in the Legal Domain (MLLD-23) which took place in conjunction with the
32nd ACM International Conference on Information and Knowledge Management
(CIKM-2023) at the University of Birmingham, Birmingham, UK on Sunday 22nd
October 2023. | cs.CY | Proceedings of the 3rd International Workshop on Mining and Learning in the Legal Domain (MLLD-23) |
2023-10-19T16:41:44Z | http://arxiv.org/pdf/2310.12892v1 | http://arxiv.org/abs/2310.12892v1 | Songbo Hu, Han Zhou, Moy Yuan, Milan Gritta, Guchun Zhang, Ignacio Iacobacci, Anna Korhonen, Ivan Vulić | 2023-10-19T16:41:44Z | cs.CL | Achieving robust language technologies that can perform well across the
world's many languages is a central goal of multilingual NLP. In this work, we
take stock of and empirically analyse task performance disparities that exist
between multilingual task-oriented dialogue (ToD) systems. We first define new
quantitative measures of absolute and relative equivalence in system
performance, capturing disparities across languages and within individual
languages. Through a series of controlled experiments, we demonstrate that
performance disparities depend on a number of factors: the nature of the ToD
task at hand, the underlying pretrained language model, the target language,
and the amount of ToD annotated data. We empirically prove the existence of the
adaptation and intrinsic biases in current ToD systems: e.g., ToD systems
trained for Arabic or Turkish using annotated ToD data fully parallel to
English ToD data still exhibit diminished ToD task performance. Beyond
providing a series of insights into the performance disparities of ToD systems
in different languages, our analyses offer practical tips on how to approach
ToD data collection and system development for new languages. | cs.CL | A Systematic Study of Performance Disparities in Multilingual Task-Oriented Dialogue Systems |
2023-10-19T16:29:23Z | http://arxiv.org/pdf/2310.12874v2 | http://arxiv.org/abs/2310.12874v2 | Cheng Jiayang, Lin Qiu, Tsz Ho Chan, Tianqing Fang, Weiqi Wang, Chunkit Chan, Dongyu Ru, Qipeng Guo, Hongming Zhang, Yangqiu Song, Yue Zhang, Zheng Zhang | 2023-10-23T11:58:24Z | cs.CL | Analogy-making between narratives is crucial for human reasoning. In this
paper, we evaluate the ability to identify and generate analogies by
constructing a first-of-its-kind large-scale story-level analogy corpus,
\textsc{StoryAnalogy}, which contains 24K story pairs from diverse domains with
human annotations on two similarities from the extended Structure-Mapping
Theory. We design a set of tests on \textsc{StoryAnalogy}, presenting the first
evaluation of story-level analogy identification and generation. Interestingly,
we find that the analogy identification tasks are incredibly difficult not only
for sentence embedding models but also for the recent large language models
(LLMs) such as ChatGPT and LLaMa. ChatGPT, for example, only achieved around
30% accuracy in multiple-choice questions (compared to over 85% accuracy for
humans). Furthermore, we observe that the data in \textsc{StoryAnalogy} can
improve the quality of analogy generation in LLMs, where a fine-tuned
FlanT5-xxl model achieves comparable performance to zero-shot ChatGPT. | cs.CL | StoryAnalogy: Deriving Story-level Analogies from Large Language Models to Unlock Analogical Understanding |
2023-10-19T16:15:15Z | http://arxiv.org/pdf/2310.12864v1 | http://arxiv.org/abs/2310.12864v1 | Lihu Chen, Gaël Varoquaux, Fabian M. Suchanek | 2023-10-19T16:15:15Z | cs.CL | Positional Encodings (PEs) are used to inject word-order information into
transformer-based language models. While they can significantly enhance the
quality of sentence representations, their specific contribution to language
models is not fully understood, especially given recent findings that various
positional encodings are insensitive to word order. In this work, we conduct a
systematic study of positional encodings in \textbf{Bidirectional Masked
Language Models} (BERT-style) , which complements existing work in three
aspects: (1) We uncover the core function of PEs by identifying two common
properties, Locality and Symmetry; (2) We show that the two properties are
closely correlated with the performances of downstream tasks; (3) We quantify
the weakness of current PEs by introducing two new probing tasks, on which
current PEs perform poorly. We believe that these results are the basis for
developing better PEs for transformer-based language models. The code is
available at \faGithub~ \url{https://github.com/tigerchen52/locality\_symmetry} | cs.CL | The Locality and Symmetry of Positional Encodings |
2023-10-19T16:11:02Z | http://arxiv.org/pdf/2310.12860v2 | http://arxiv.org/abs/2310.12860v2 | Sarthak Roy, Ashish Harshavardhan, Animesh Mukherjee, Punyajoy Saha | 2023-10-28T05:07:31Z | cs.CL, cs.CY | Recently efforts have been made by social media platforms as well as
researchers to detect hateful or toxic language using large language models.
However, none of these works aim to use explanation, additional context and
victim community information in the detection process. We utilise different
prompt variation, input information and evaluate large language models in zero
shot setting (without adding any in-context examples). We select three large
language models (GPT-3.5, text-davinci and Flan-T5) and three datasets -
HateXplain, implicit hate and ToxicSpans. We find that on average including the
target information in the pipeline improves the model performance substantially
(~20-30%) over the baseline across the datasets. There is also a considerable
effect of adding the rationales/explanations into the pipeline (~10-20%) over
the baseline across the datasets. In addition, we further provide a typology of
the error cases where these large language models fail to (i) classify and (ii)
explain the reason for the decisions they take. Such vulnerable points
automatically constitute 'jailbreak' prompts for these models and industry
scale safeguard techniques need to be developed to make the models robust
against such prompts. | cs.CL | Probing LLMs for hate speech detection: strengths and vulnerabilities |
2023-10-19T16:02:53Z | http://arxiv.org/pdf/2310.12851v1 | http://arxiv.org/abs/2310.12851v1 | Hanan Hamza, Fiza Gafoor, Fathima Sithara, Gayathri Anil, V. S. Anoop | 2023-10-19T16:02:53Z | cs.SD, cs.CL, eess.AS | In the era of advanced artificial intelligence and human-computer
interaction, identifying emotions in spoken language is paramount. This
research explores the integration of deep learning techniques in speech emotion
recognition, offering a comprehensive solution to the challenges associated
with speaker diarization and emotion identification. It introduces a framework
that combines a pre-existing speaker diarization pipeline and an emotion
identification model built on a Convolutional Neural Network (CNN) to achieve
higher precision. The proposed model was trained on data from five speech
emotion datasets, namely, RAVDESS, CREMA-D, SAVEE, TESS, and Movie Clips, out
of which the latter is a speech emotion dataset created specifically for this
research. The features extracted from each sample include Mel Frequency
Cepstral Coefficients (MFCC), Zero Crossing Rate (ZCR), Root Mean Square (RMS),
and various data augmentation algorithms like pitch, noise, stretch, and shift.
This feature extraction approach aims to enhance prediction accuracy while
reducing computational complexity. The proposed model yields an unweighted
accuracy of 63%, demonstrating remarkable efficiency in accurately identifying
emotional states within speech signals. | cs.SD | EmoDiarize: Speaker Diarization and Emotion Identification from Speech Signals using Convolutional Neural Networks |
2023-10-19T15:40:00Z | http://arxiv.org/pdf/2310.12836v1 | http://arxiv.org/abs/2310.12836v1 | Jinheon Baek, Soyeong Jeong, Minki Kang, Jong C. Park, Sung Ju Hwang | 2023-10-19T15:40:00Z | cs.CL, cs.LG | Recent Language Models (LMs) have shown impressive capabilities in generating
texts with the knowledge internalized in parameters. Yet, LMs often generate
the factually incorrect responses to the given queries, since their knowledge
may be inaccurate, incomplete, and outdated. To address this problem, previous
works propose to augment LMs with the knowledge retrieved from an external
knowledge source. However, such approaches often show suboptimal text
generation performance due to two reasons: 1) the model may fail to retrieve
the knowledge relevant to the given query, or 2) the model may not faithfully
reflect the retrieved knowledge in the generated text. To overcome these, we
propose to verify the output and the knowledge of the knowledge-augmented LMs
with a separate verifier, which is a small LM that is trained to detect those
two types of errors through instruction-finetuning. Then, when the verifier
recognizes an error, we can rectify it by either retrieving new knowledge or
generating new text. Further, we use an ensemble of the outputs from different
instructions with a single verifier to enhance the reliability of the
verification processes. We validate the effectiveness of the proposed
verification steps on multiple question answering benchmarks, whose results
show that the proposed verifier effectively identifies retrieval and generation
errors, allowing LMs to provide more factually correct outputs. Our code is
available at https://github.com/JinheonBaek/KALMV. | cs.CL | Knowledge-Augmented Language Model Verification |
2023-10-19T15:19:53Z | http://arxiv.org/pdf/2310.12823v2 | http://arxiv.org/abs/2310.12823v2 | Aohan Zeng, Mingdao Liu, Rui Lu, Bowen Wang, Xiao Liu, Yuxiao Dong, Jie Tang | 2023-10-22T16:19:16Z | cs.CL, cs.AI, cs.LG | Open large language models (LLMs) with great performance in various tasks
have significantly advanced the development of LLMs. However, they are far
inferior to commercial models such as ChatGPT and GPT-4 when acting as agents
to tackle complex tasks in the real world. These agent tasks employ LLMs as the
central controller responsible for planning, memorization, and tool
utilization, necessitating both fine-grained prompting methods and robust LLMs
to achieve satisfactory performance. Though many prompting methods have been
proposed to complete particular agent tasks, there is lack of research focusing
on improving the agent capabilities of LLMs themselves without compromising
their general abilities. In this work, we present AgentTuning, a simple and
general method to enhance the agent abilities of LLMs while maintaining their
general LLM capabilities. We construct AgentInstruct, a lightweight
instruction-tuning dataset containing high-quality interaction trajectories. We
employ a hybrid instruction-tuning strategy by combining AgentInstruct with
open-source instructions from general domains. AgentTuning is used to
instruction-tune the Llama 2 series, resulting in AgentLM. Our evaluations show
that AgentTuning enables LLMs' agent capabilities without compromising general
abilities. The AgentLM-70B is comparable to GPT-3.5-turbo on unseen agent
tasks, demonstrating generalized agent capabilities. We open source the
AgentInstruct and AgentLM-7B, 13B, and 70B models at
https://github.com/THUDM/AgentTuning, serving open and powerful alternatives to
commercial LLMs for agent tasks. | cs.CL | AgentTuning: Enabling Generalized Agent Abilities for LLMs |
2023-10-19T15:17:34Z | http://arxiv.org/pdf/2310.12821v4 | http://arxiv.org/abs/2310.12821v4 | Xin Zeng, Xiaoyu Wang, Tengxiang Zhang, Chun Yu, Shengdong Zhao, Yiqiang Chen | 2024-06-21T10:12:41Z | cs.CL, cs.HC | Current gesture interfaces typically demand users to learn and perform
gestures from a predefined set, which leads to a less natural experience.
Interfaces supporting user-defined gestures eliminate the learning process, but
users still need to demonstrate and associate the gesture to a specific system
function themselves. We introduce GestureGPT, a free-form hand gesture
understanding framework that does not require users to learn, demonstrate, or
associate gestures. Our framework leverages the large language model's (LLM)
astute common sense and strong inference ability to understand a spontaneously
performed gesture from its natural language descriptions, and automatically
maps it to a function provided by the interface. More specifically, our
triple-agent framework involves a Gesture Description Agent that automatically
segments and formulates natural language descriptions of hand poses and
movements based on hand landmark coordinates. The description is deciphered by
a Gesture Inference Agent through self-reasoning and querying about the
interaction context (e.g., interaction history, gaze data), which a Context
Management Agent organizes and provides. Following iterative exchanges, the
Gesture Inference Agent discerns user intent, grounding it to an interactive
function. We validated our conceptual framework under two real-world scenarios:
smart home controlling and online video streaming. The average zero-shot Top-5
grounding accuracies are 83.59% for smart home tasks and 73.44% for video
streaming. We also provided an extensive discussion of our framework including
model selection rationale, generated description quality, generalizability etc. | cs.CL | GestureGPT: Toward Zero-shot Interactive Gesture Understanding and Grounding with Large Language Model Agents |
2023-10-19T15:13:58Z | http://arxiv.org/pdf/2310.12818v1 | http://arxiv.org/abs/2310.12818v1 | Weize Chen, Xiaoyue Xu, Xu Han, Yankai Lin, Ruobing Xie, Zhiyuan Liu, Maosong Sun, Jie Zhou | 2023-10-19T15:13:58Z | cs.CL, cs.AI, cs.LG | Parameter-shared pre-trained language models (PLMs) have emerged as a
successful approach in resource-constrained environments, enabling substantial
reductions in model storage and memory costs without significant performance
compromise. However, it is important to note that parameter sharing does not
alleviate computational burdens associated with inference, thus impeding its
practicality in situations characterized by limited stringent latency
requirements or computational resources. Building upon neural ordinary
differential equations (ODEs), we introduce a straightforward technique to
enhance the inference efficiency of parameter-shared PLMs. Additionally, we
propose a simple pre-training technique that leads to fully or partially shared
models capable of achieving even greater inference acceleration. The
experimental results demonstrate the effectiveness of our methods on both
autoregressive and autoencoding PLMs, providing novel insights into more
efficient utilization of parameter-shared models in resource-constrained
settings. | cs.CL | Boosting Inference Efficiency: Unleashing the Power of Parameter-Shared Pre-trained Language Models |
2023-10-19T15:12:09Z | http://arxiv.org/pdf/2310.12815v3 | http://arxiv.org/abs/2310.12815v3 | Yupei Liu, Yuqi Jia, Runpeng Geng, Jinyuan Jia, Neil Zhenqiang Gong | 2024-06-01T21:21:07Z | cs.CR, cs.AI, cs.CL, cs.LG | A prompt injection attack aims to inject malicious instruction/data into the
input of an LLM-Integrated Application such that it produces results as an
attacker desires. Existing works are limited to case studies. As a result, the
literature lacks a systematic understanding of prompt injection attacks and
their defenses. We aim to bridge the gap in this work. In particular, we
propose a framework to formalize prompt injection attacks. Existing attacks are
special cases in our framework. Moreover, based on our framework, we design a
new attack by combining existing ones. Using our framework, we conduct a
systematic evaluation on 5 prompt injection attacks and 10 defenses with 10
LLMs and 7 tasks. Our work provides a common benchmark for quantitatively
evaluating future prompt injection attacks and defenses. To facilitate research
on this topic, we make our platform public at
https://github.com/liu00222/Open-Prompt-Injection. | cs.CR | Formalizing and Benchmarking Prompt Injection Attacks and Defenses |
2023-10-19T15:02:45Z | http://arxiv.org/pdf/2310.12808v1 | http://arxiv.org/abs/2310.12808v1 | Nico Daheim, Thomas Möllenhoff, Edoardo Maria Ponti, Iryna Gurevych, Mohammad Emtiyaz Khan | 2023-10-19T15:02:45Z | cs.LG, cs.AI, cs.CL | Models trained on different datasets can be merged by a weighted-averaging of
their parameters, but why does it work and when can it fail? Here, we connect
the inaccuracy of weighted-averaging to mismatches in the gradients and propose
a new uncertainty-based scheme to improve the performance by reducing the
mismatch. The connection also reveals implicit assumptions in other schemes
such as averaging, task arithmetic, and Fisher-weighted averaging. Our new
method gives consistent improvements for large language models and vision
transformers, both in terms of performance and robustness to hyperparameters. | cs.LG | Model Merging by Uncertainty-Based Gradient Matching |
2023-10-19T14:59:25Z | http://arxiv.org/pdf/2310.12803v2 | http://arxiv.org/abs/2310.12803v2 | Amir Feder, Yoav Wald, Claudia Shi, Suchi Saria, David Blei | 2024-01-09T17:46:22Z | cs.LG, cs.CL | The reliance of text classifiers on spurious correlations can lead to poor
generalization at deployment, raising concerns about their use in
safety-critical domains such as healthcare. In this work, we propose to use
counterfactual data augmentation, guided by knowledge of the causal structure
of the data, to simulate interventions on spurious features and to learn more
robust text classifiers. We show that this strategy is appropriate in
prediction problems where the label is spuriously correlated with an attribute.
Under the assumptions of such problems, we discuss the favorable sample
complexity of counterfactual data augmentation, compared to importance
re-weighting. Pragmatically, we match examples using auxiliary data, based on
diff-in-diff methodology, and use a large language model (LLM) to represent a
conditional probability of text. Through extensive experimentation on learning
caregiver-invariant predictors of clinical diagnoses from medical narratives
and on semi-synthetic data, we demonstrate that our method for simulating
interventions improves out-of-distribution (OOD) accuracy compared to baseline
invariant learning algorithms. | cs.LG | Data Augmentations for Improved (Large) Language Model Generalization |
2023-10-19T14:52:58Z | http://arxiv.org/pdf/2310.12798v4 | http://arxiv.org/abs/2310.12798v4 | Zhiyuan Liu, Sihang Li, Yanchen Luo, Hao Fei, Yixin Cao, Kenji Kawaguchi, Xiang Wang, Tat-Seng Chua | 2024-01-18T09:03:24Z | cs.CL, cs.MM | Language Models (LMs) have demonstrated impressive molecule understanding
ability on various 1D text-related tasks. However, they inherently lack 2D
graph perception - a critical ability of human professionals in comprehending
molecules' topological structures. To bridge this gap, we propose MolCA:
Molecular Graph-Language Modeling with Cross-Modal Projector and Uni-Modal
Adapter. MolCA enables an LM (e.g., Galactica) to understand both text- and
graph-based molecular contents via the cross-modal projector. Specifically, the
cross-modal projector is implemented as a Q-Former to connect a graph encoder's
representation space and an LM's text space. Further, MolCA employs a uni-modal
adapter (i.e., LoRA) for the LM's efficient adaptation to downstream tasks.
Unlike previous studies that couple an LM with a graph encoder via cross-modal
contrastive learning, MolCA retains the LM's ability of open-ended text
generation and augments it with 2D graph information. To showcase its
effectiveness, we extensively benchmark MolCA on tasks of molecule captioning,
IUPAC name prediction, and molecule-text retrieval, on which MolCA
significantly outperforms the baselines. Our codes and checkpoints can be found
at https://github.com/acharkq/MolCA. | cs.CL | MolCA: Molecular Graph-Language Modeling with Cross-Modal Projector and Uni-Modal Adapter |
2023-10-19T14:50:51Z | http://arxiv.org/pdf/2310.12794v2 | http://arxiv.org/abs/2310.12794v2 | Ningyu Xu, Qi Zhang, Jingting Ye, Menghan Zhang, Xuanjing Huang | 2023-12-22T15:00:26Z | cs.CL | Large language models (LLMs) have exhibited considerable cross-lingual
generalization abilities, whereby they implicitly transfer knowledge across
languages. However, the transfer is not equally successful for all languages,
especially for low-resource ones, which poses an ongoing challenge. It is
unclear whether we have reached the limits of implicit cross-lingual
generalization and if explicit knowledge transfer is viable. In this paper, we
investigate the potential for explicitly aligning conceptual correspondence
between languages to enhance cross-lingual generalization. Using the syntactic
aspect of language as a testbed, our analyses of 43 languages reveal a high
degree of alignability among the spaces of structural concepts within each
language for both encoder-only and decoder-only LLMs. We then propose a
meta-learning-based method to learn to align conceptual spaces of different
languages, which facilitates zero-shot and few-shot generalization in concept
classification and also offers insights into the cross-lingual in-context
learning phenomenon. Experiments on syntactic analysis tasks show that our
approach achieves competitive results with state-of-the-art methods and narrows
the performance gap between languages, particularly benefiting those with
limited resources. | cs.CL | Are Structural Concepts Universal in Transformer Language Models? Towards Interpretable Cross-Lingual Generalization |
2023-10-19T14:30:07Z | http://arxiv.org/pdf/2310.12778v1 | http://arxiv.org/abs/2310.12778v1 | Thanakorn Thaminkaew, Piyawat Lertvittayakumjorn, Peerapon Vateekul | 2023-10-19T14:30:07Z | cs.CL, cs.LG | Prompt-based learning has shown its effectiveness in few-shot text
classification. One important factor in its success is a verbalizer, which
translates output from a language model into a predicted class. Notably, the
simplest and widely acknowledged verbalizer employs manual labels to represent
the classes. However, manual selection does not guarantee the optimality of the
selected words when conditioned on the chosen language model. Therefore, we
propose Label-Aware Automatic Verbalizer (LAAV), effectively augmenting the
manual labels to achieve better few-shot classification results. Specifically,
we use the manual labels along with the conjunction "and" to induce the model
to generate more effective words for the verbalizer. The experimental results
on five datasets across five languages demonstrate that LAAV significantly
outperforms existing verbalizers. Furthermore, our analysis reveals that LAAV
suggests more relevant words compared to similar approaches, especially in
mid-to-low resource languages. | cs.CL | Label-Aware Automatic Verbalizer for Few-Shot Text Classification |
2023-10-19T14:25:06Z | http://arxiv.org/pdf/2310.12774v1 | http://arxiv.org/abs/2310.12774v1 | Han Zhou, Xingchen Wan, Ivan Vulić, Anna Korhonen | 2023-10-19T14:25:06Z | cs.CL, cs.AI, cs.LG | Prompt-based learning has been an effective paradigm for large pretrained
language models (LLM), enabling few-shot or even zero-shot learning. Black-box
prompt search has received growing interest recently for its distinctive
properties of gradient-free optimization, proven particularly useful and
powerful for model-as-a-service usage. However, the discrete nature and the
complexity of combinatorial optimization hinder the efficiency of modern
black-box approaches. Despite extensive research on search algorithms, the
crucial aspect of search space design and optimization has been largely
overlooked. In this paper, we first conduct a sensitivity analysis by prompting
LLM, revealing that only a small number of tokens exert a disproportionate
amount of influence on LLM predictions. Leveraging this insight, we propose the
Clustering and Pruning for Efficient Black-box Prompt Search (ClaPS), a simple
black-box search method that first clusters and prunes the search space to
focus exclusively on influential prompt tokens. By employing even simple search
methods within the pruned search space, ClaPS achieves state-of-the-art
performance across various tasks and LLMs, surpassing the performance of
complex approaches while significantly reducing search costs. Our findings
underscore the critical role of search space design and optimization in
enhancing both the usefulness and the efficiency of black-box prompt-based
learning. | cs.CL | Survival of the Most Influential Prompts: Efficient Black-Box Prompt Search via Clustering and Pruning |
2023-10-19T14:11:43Z | http://arxiv.org/pdf/2310.12766v1 | http://arxiv.org/abs/2310.12766v1 | Alexander Arimond, Mauro Molteni, Dominik Jany, Zornitsa Manolova, Damian Borth, Andreas G. F. Hoepner | 2023-10-19T14:11:43Z | cs.CL, cs.LG | We propose the application of Transformer-based language models for
classifying entity legal forms from raw legal entity names. Specifically, we
employ various BERT variants and compare their performance against multiple
traditional baselines. Our evaluation encompasses a substantial subset of
freely available Legal Entity Identifier (LEI) data, comprising over 1.1
million legal entities from 30 different legal jurisdictions. The ground truth
labels for classification per jurisdiction are taken from the Entity Legal Form
(ELF) code standard (ISO 20275). Our findings demonstrate that pre-trained BERT
variants outperform traditional text classification approaches in terms of F1
score, while also performing comparably well in the Macro F1 Score. Moreover,
the validity of our proposal is supported by the outcome of third-party expert
reviews conducted in ten selected jurisdictions. This study highlights the
significant potential of Transformer-based models in advancing data
standardization and data integration. The presented approaches can greatly
benefit financial institutions, corporations, governments and other
organizations in assessing business relationships, understanding risk exposure,
and promoting effective governance. | cs.CL | Transformer-based Entity Legal Form Classification |
2023-10-19T13:54:57Z | http://arxiv.org/pdf/2310.12751v1 | http://arxiv.org/abs/2310.12751v1 | Hao Sun, John Hewitt | 2023-10-19T13:54:57Z | cs.CL | The Backpack is a Transformer alternative shown to improve interpretability
in English language modeling by decomposing predictions into a weighted sum of
token sense components. However, Backpacks' reliance on token-defined meaning
raises questions as to their potential for languages other than English, a
language for which subword tokenization provides a reasonable approximation for
lexical items. In this work, we train, evaluate, interpret, and control
Backpack language models in character-tokenized Chinese, in which words are
often composed of many characters. We find that our (134M parameter) Chinese
Backpack language model performs comparably to a (104M parameter) Transformer,
and learns rich character-level meanings that log-additively compose to form
word meanings. In SimLex-style lexical semantic evaluations, simple averages of
Backpack character senses outperform input embeddings from a Transformer. We
find that complex multi-character meanings are often formed by using the same
per-character sense weights consistently across context. Exploring
interpretability-through control, we show that we can localize a source of
gender bias in our Backpacks to specific character senses and intervene to
reduce the bias. | cs.CL | Character-level Chinese Backpack Language Models |
2023-10-19T13:27:42Z | http://arxiv.org/pdf/2310.12727v1 | http://arxiv.org/abs/2310.12727v1 | Johann-Mattis List, Nathan W. Hill, Robert Forkel, Frederic Blum | 2023-10-19T13:27:42Z | cs.CL | Despite the inherently fuzzy nature of reconstructions in historical
linguistics, most scholars do not represent their uncertainty when proposing
proto-forms. With the increasing success of recently proposed approaches to
automating certain aspects of the traditional comparative method, the formal
representation of proto-forms has also improved. This formalization makes it
possible to address both the representation and the computation of uncertainty.
Building on recent advances in supervised phonological reconstruction, during
which an algorithm learns how to reconstruct words in a given proto-language
relying on previously annotated data, and inspired by improved methods for
automated word prediction from cognate sets, we present a new framework that
allows for the representation of uncertainty in linguistic reconstruction and
also includes a workflow for the computation of fuzzy reconstructions from
linguistic data. | cs.CL | Representing and Computing Uncertainty in Phonological Reconstruction |
2023-10-19T12:13:58Z | http://arxiv.org/pdf/2310.13032v4 | http://arxiv.org/abs/2310.13032v4 | Herbie Bradley, Andrew Dai, Hannah Teufel, Jenny Zhang, Koen Oostermeijer, Marco Bellagente, Jeff Clune, Kenneth Stanley, Grégory Schott, Joel Lehman | 2023-12-07T19:56:21Z | cs.CL, cs.AI, cs.LG, cs.NE | In many text-generation problems, users may prefer not only a single
response, but a diverse range of high-quality outputs from which to choose.
Quality-diversity (QD) search algorithms aim at such outcomes, by continually
improving and diversifying a population of candidates. However, the
applicability of QD to qualitative domains, like creative writing, has been
limited by the difficulty of algorithmically specifying measures of quality and
diversity. Interestingly, recent developments in language models (LMs) have
enabled guiding search through AI feedback, wherein LMs are prompted in natural
language to evaluate qualitative aspects of text. Leveraging this development,
we introduce Quality-Diversity through AI Feedback (QDAIF), wherein an
evolutionary algorithm applies LMs to both generate variation and evaluate the
quality and diversity of candidate text. When assessed on creative writing
domains, QDAIF covers more of a specified search space with high-quality
samples than do non-QD controls. Further, human evaluation of QDAIF-generated
creative texts validates reasonable agreement between AI and human evaluation.
Our results thus highlight the potential of AI feedback to guide open-ended
search for creative and original solutions, providing a recipe that seemingly
generalizes to many domains and modalities. In this way, QDAIF is a step
towards AI systems that can independently search, diversify, evaluate, and
improve, which are among the core skills underlying human society's capacity
for innovation. | cs.CL | Quality-Diversity through AI Feedback |
2023-10-19T11:43:15Z | http://arxiv.org/pdf/2310.12664v1 | http://arxiv.org/abs/2310.12664v1 | Yue Guo, Zian Xu, Yi Yang | 2023-10-19T11:43:15Z | cs.CL | The emergence of Large Language Models (LLMs), such as ChatGPT, has
revolutionized general natural language preprocessing (NLP) tasks. However,
their expertise in the financial domain lacks a comprehensive evaluation. To
assess the ability of LLMs to solve financial NLP tasks, we present FinLMEval,
a framework for Financial Language Model Evaluation, comprising nine datasets
designed to evaluate the performance of language models. This study compares
the performance of encoder-only language models and the decoder-only language
models. Our findings reveal that while some decoder-only LLMs demonstrate
notable performance across most financial tasks via zero-shot prompting, they
generally lag behind the fine-tuned expert models, especially when dealing with
proprietary datasets. We hope this study provides foundation evaluations for
continuing efforts to build more advanced LLMs in the financial domain. | cs.CL | Is ChatGPT a Financial Expert? Evaluating Language Models on Financial Natural Language Processing |
2023-10-19T11:37:14Z | http://arxiv.org/pdf/2310.13031v1 | http://arxiv.org/abs/2310.13031v1 | Abdullah Can Algan, Emre Yürekli, Aykut Çayır | 2023-10-19T11:37:14Z | cs.CL, cs.AI, cs.LG | One of the most important challenges for modern search engines is to retrieve
relevant web content based on user queries. In order to achieve this challenge,
search engines have a module to rewrite user queries. That is why modern web
search engines utilize some statistical and neural models used in the natural
language processing domain. Statistical machine translation is a well-known NLP
method among them. The paper proposes a query rewriting pipeline based on a
monolingual machine translation model that learns to rewrite Arabic user search
queries. This paper also describes preprocessing steps to create a mapping
between user queries and web page titles. | cs.CL | A Use Case: Reformulating Query Rewriting as a Statistical Machine Translation Problem |
2023-10-19T11:15:02Z | http://arxiv.org/pdf/2310.12648v2 | http://arxiv.org/abs/2310.12648v2 | Belen Alastruey, Matthias Sperber, Christian Gollan, Dominic Telaar, Tim Ng, Aashish Agarwal | 2023-10-23T11:47:53Z | cs.CL | Code-switching (CS), i.e. mixing different languages in a single sentence, is
a common phenomenon in communication and can be challenging in many Natural
Language Processing (NLP) settings. Previous studies on CS speech have shown
promising results for end-to-end speech translation (ST), but have been limited
to offline scenarios and to translation to one of the languages present in the
source (\textit{monolingual transcription}).
In this paper, we focus on two essential yet unexplored areas for real-world
CS speech translation: streaming settings, and translation to a third language
(i.e., a language not included in the source). To this end, we extend the
Fisher and Miami test and validation datasets to include new targets in Spanish
and German. Using this data, we train a model for both offline and streaming ST
and we establish baseline results for the two settings mentioned earlier. | cs.CL | Towards Real-World Streaming Speech Translation for Code-Switched Speech |
2023-10-19T10:57:51Z | http://arxiv.org/pdf/2310.12640v1 | http://arxiv.org/abs/2310.12640v1 | Yi Bin, Wenhao Shi, Bin Ji, Jipeng Zhang, Yujuan Ding, Yang Yang | 2023-10-19T10:57:51Z | cs.CL | Existing sentence ordering approaches generally employ encoder-decoder
frameworks with the pointer net to recover the coherence by recurrently
predicting each sentence step-by-step. Such an autoregressive manner only
leverages unilateral dependencies during decoding and cannot fully explore the
semantic dependency between sentences for ordering. To overcome these
limitations, in this paper, we propose a novel Non-Autoregressive Ordering
Network, dubbed \textit{NAON}, which explores bilateral dependencies between
sentences and predicts the sentence for each position in parallel. We claim
that the non-autoregressive manner is not just applicable but also particularly
suitable to the sentence ordering task because of two peculiar characteristics
of the task: 1) each generation target is in deterministic length, and 2) the
sentences and positions should match exclusively. Furthermore, to address the
repetition issue of the naive non-autoregressive Transformer, we introduce an
exclusive loss to constrain the exclusiveness between positions and sentences.
To verify the effectiveness of the proposed model, we conduct extensive
experiments on several common-used datasets and the experimental results show
that our method outperforms all the autoregressive approaches and yields
competitive performance compared with the state-of-the-arts. The codes are
available at:
\url{https://github.com/steven640pixel/nonautoregressive-sentence-ordering}. | cs.CL | Non-Autoregressive Sentence Ordering |
2023-10-19T09:59:52Z | http://arxiv.org/pdf/2310.12620v1 | http://arxiv.org/abs/2310.12620v1 | Yue Guo, Chenxi Hu, Yi Yang | 2023-10-19T09:59:52Z | cs.CL | Temporal data distribution shift is prevalent in the financial text. How can
a financial sentiment analysis system be trained in a volatile market
environment that can accurately infer sentiment and be robust to temporal data
distribution shifts? In this paper, we conduct an empirical study on the
financial sentiment analysis system under temporal data distribution shifts
using a real-world financial social media dataset that spans three years. We
find that the fine-tuned models suffer from general performance degradation in
the presence of temporal distribution shifts. Furthermore, motivated by the
unique temporal nature of the financial text, we propose a novel method that
combines out-of-distribution detection with time series modeling for temporal
financial sentiment analysis. Experimental results show that the proposed
method enhances the model's capability to adapt to evolving temporal shifts in
a volatile financial market. | cs.CL | Predict the Future from the Past? On the Temporal Data Distribution Shift in Financial Sentiment Classifications |
2023-10-19T09:39:21Z | http://arxiv.org/pdf/2310.12611v1 | http://arxiv.org/abs/2310.12611v1 | Abhijith Chintam, Rahel Beloch, Willem Zuidema, Michael Hanna, Oskar van der Wal | 2023-10-19T09:39:21Z | cs.CL, cs.AI | Language models (LMs) exhibit and amplify many types of undesirable biases
learned from the training data, including gender bias. However, we lack tools
for effectively and efficiently changing this behavior without hurting general
language modeling performance. In this paper, we study three methods for
identifying causal relations between LM components and particular output:
causal mediation analysis, automated circuit discovery and our novel, efficient
method called DiffMask+ based on differential masking. We apply the methods to
GPT-2 small and the problem of gender bias, and use the discovered sets of
components to perform parameter-efficient fine-tuning for bias mitigation. Our
results show significant overlap in the identified components (despite huge
differences in the computational requirements of the methods) as well as
success in mitigating gender bias, with less damage to general language
modeling compared to full model fine-tuning. However, our work also underscores
the difficulty of defining and measuring bias, and the sensitivity of causal
discovery procedures to dataset choice. We hope our work can contribute to more
attention for dataset development, and lead to more effective mitigation
strategies for other types of bias. | cs.CL | Identifying and Adapting Transformer-Components Responsible for Gender Bias in an English Language Model |
2023-10-19T08:48:45Z | http://arxiv.org/pdf/2310.12585v1 | http://arxiv.org/abs/2310.12585v1 | Jungbin Son, Alice Oh | 2023-10-19T08:48:45Z | cs.CL, cs.AI, cs.LG | Time is one of the crucial factors in real-world question answering (QA)
problems. However, language models have difficulty understanding the
relationships between time specifiers, such as 'after' and 'before', and
numbers, since existing QA datasets do not include sufficient time expressions.
To address this issue, we propose a Time-Context aware Question Answering
(TCQA) framework. We suggest a Time-Context dependent Span Extraction (TCSE)
task, and build a time-context dependent data generation framework for model
training. Moreover, we present a metric to evaluate the time awareness of the
QA model using TCSE. The TCSE task consists of a question and four sentence
candidates classified as correct or incorrect based on time and context. The
model is trained to extract the answer span from the sentence that is both
correct in time and context. The model trained with TCQA outperforms baseline
models up to 8.5 of the F1-score in the TimeQA dataset. Our dataset and code
are available at https://github.com/sonjbin/TCQA | cs.CL | Time-Aware Representation Learning for Time-Sensitive Question Answering |
2023-10-19T08:41:21Z | http://arxiv.org/pdf/2310.12580v2 | http://arxiv.org/abs/2310.12580v2 | Tao Zou, Le Yu, Yifei Huang, Leilei Sun, Bowen Du | 2023-10-23T01:46:04Z | cs.CL, cs.AI | In many real-world scenarios (e.g., academic networks, social platforms),
different types of entities are not only associated with texts but also
connected by various relationships, which can be abstracted as Text-Attributed
Heterogeneous Graphs (TAHGs). Current pretraining tasks for Language Models
(LMs) primarily focus on separately learning the textual information of each
entity and overlook the crucial aspect of capturing topological connections
among entities in TAHGs. In this paper, we present a new pretraining framework
for LMs that explicitly considers the topological and heterogeneous information
in TAHGs. Firstly, we define a context graph as neighborhoods of a target node
within specific orders and propose a topology-aware pretraining task to predict
nodes involved in the context graph by jointly optimizing an LM and an
auxiliary heterogeneous graph neural network. Secondly, based on the
observation that some nodes are text-rich while others have little text, we
devise a text augmentation strategy to enrich textless nodes with their
neighbors' texts for handling the imbalance issue. We conduct link prediction
and node classification tasks on three datasets from various domains.
Experimental results demonstrate the superiority of our approach over existing
methods and the rationality of each design. Our code is available at
https://github.com/Hope-Rita/THLM. | cs.CL | Pretraining Language Models with Text-Attributed Heterogeneous Graphs |
2023-10-19T08:34:48Z | http://arxiv.org/pdf/2310.12575v1 | http://arxiv.org/abs/2310.12575v1 | Dmitry Nikolaev, Tanise Ceron, Sebastian Padó | 2023-10-19T08:34:48Z | cs.CL | Scaling analysis is a technique in computational political science that
assigns a political actor (e.g. politician or party) a score on a predefined
scale based on a (typically long) body of text (e.g. a parliamentary speech or
an election manifesto). For example, political scientists have often used the
left--right scale to systematically analyse political landscapes of different
countries. NLP methods for automatic scaling analysis can find broad
application provided they (i) are able to deal with long texts and (ii) work
robustly across domains and languages. In this work, we implement and compare
two approaches to automatic scaling analysis of political-party manifestos:
label aggregation, a pipeline strategy relying on annotations of individual
statements from the manifestos, and long-input-Transformer-based models, which
compute scaling values directly from raw text. We carry out the analysis of the
Comparative Manifestos Project dataset across 41 countries and 27 languages and
find that the task can be efficiently solved by state-of-the-art models, with
label aggregation producing the best results. | cs.CL | Multilingual estimation of political-party positioning: From label aggregation to long-input Transformers |
2023-10-19T08:09:58Z | http://arxiv.org/pdf/2310.12558v2 | http://arxiv.org/abs/2310.12558v2 | Chenglei Si, Navita Goyal, Sherry Tongshuang Wu, Chen Zhao, Shi Feng, Hal Daumé III, Jordan Boyd-Graber | 2024-04-01T21:55:06Z | cs.CL, cs.HC | Large Language Models (LLMs) are increasingly used for accessing information
on the web. Their truthfulness and factuality are thus of great interest. To
help users make the right decisions about the information they get, LLMs should
not only provide information but also help users fact-check it. Our experiments
with 80 crowdworkers compare language models with search engines (information
retrieval systems) at facilitating fact-checking. We prompt LLMs to validate a
given claim and provide corresponding explanations. Users reading LLM
explanations are significantly more efficient than those using search engines
while achieving similar accuracy. However, they over-rely on the LLMs when the
explanation is wrong. To reduce over-reliance on LLMs, we ask LLMs to provide
contrastive information - explain both why the claim is true and false, and
then we present both sides of the explanation to users. This contrastive
explanation mitigates users' over-reliance on LLMs, but cannot significantly
outperform search engines. Further, showing both search engine results and LLM
explanations offers no complementary benefits compared to search engines alone.
Taken together, our study highlights that natural language explanations by LLMs
may not be a reliable replacement for reading the retrieved passages,
especially in high-stakes settings where over-relying on wrong AI explanations
could lead to critical consequences. | cs.CL | Large Language Models Help Humans Verify Truthfulness -- Except When They Are Convincingly Wrong |
2023-10-19T08:07:22Z | http://arxiv.org/pdf/2310.12557v2 | http://arxiv.org/abs/2310.12557v2 | Shuaiyi Li, Yang Deng, Wai Lam | 2024-03-08T14:16:55Z | cs.CL, cs.AI | Spatial reasoning in text plays a crucial role in various real-world
applications. Existing approaches for spatial reasoning typically infer spatial
relations from pure text, which overlooks the gap between natural language and
symbolic structures. Graph neural networks (GNNs) have showcased exceptional
proficiency in inducing and aggregating symbolic structures. However, classical
GNNs face challenges in handling multi-hop spatial reasoning due to the
over-smoothing issue, i.e., the performance decreases substantially as the
number of graph layers increases. To cope with these challenges, we propose a
novel Depth-Wise Graph Neural Network (DepWiGNN). Specifically, we design a
novel node memory scheme and aggregate the information over the depth dimension
instead of the breadth dimension of the graph, which empowers the ability to
collect long dependencies without stacking multiple layers. Experimental
results on two challenging multi-hop spatial reasoning datasets show that
DepWiGNN outperforms existing spatial reasoning methods. The comparisons with
the other three GNNs further demonstrate its superiority in capturing long
dependency in the graph. | cs.CL | DepWiGNN: A Depth-wise Graph Neural Network for Multi-hop Spatial Reasoning in Text |
2023-10-19T07:46:54Z | http://arxiv.org/pdf/2310.12541v3 | http://arxiv.org/abs/2310.12541v3 | Fei Liu, Xi Lin, Zhenkun Wang, Shunyu Yao, Xialiang Tong, Mingxuan Yuan, Qingfu Zhang | 2024-03-26T12:04:44Z | cs.NE, cs.AI, cs.CL, cs.ET | Multiobjective evolutionary algorithms (MOEAs) are major methods for solving
multiobjective optimization problems (MOPs). Many MOEAs have been proposed in
the past decades, of which the search operators need a carefully handcrafted
design with domain knowledge. Recently, some attempts have been made to replace
the manually designed operators in MOEAs with learning-based operators (e.g.,
neural network models). However, much effort is still required for designing
and training such models, and the learned operators might not generalize well
on new problems. To tackle the above challenges, this work investigates a novel
approach that leverages the powerful large language model (LLM) to design MOEA
operators. With proper prompt engineering, we successfully let a general LLM
serve as a black-box search operator for decomposition-based MOEA (MOEA/D) in a
zero-shot manner. In addition, by learning from the LLM behavior, we further
design an explicit white-box operator with randomness and propose a new version
of decomposition-based MOEA, termed MOEA/D-LO. Experimental studies on
different test benchmarks show that our proposed method can achieve competitive
performance with widely used MOEAs. It is also promising to see the operator
only learned from a few instances can have robust generalization performance on
unseen problems with quite different patterns and settings. The results reveal
the potential benefits of using pre-trained LLMs in the design of MOEAs.To
foster reproducibility and accessibility, the source code is
https://github.com/FeiLiu36/LLM4MOEA. | cs.NE | Large Language Model for Multi-objective Evolutionary Optimization |
2023-10-19T07:39:07Z | http://arxiv.org/pdf/2310.13028v1 | http://arxiv.org/abs/2310.13028v1 | Zhiwei Huang, Long Jin, Junjie Wang, Mingchen Tu, Yin Hua, Zhiqiang Liu, Jiawei Meng, Huajun Chen, Wen Zhang | 2023-10-19T07:39:07Z | cs.CL, cs.AI | The rapid growth of computer science has led to a proliferation of research
presented at academic conferences, fostering global scholarly communication.
Researchers consistently seek accurate, current information about these events
at all stages. This data surge necessitates an intelligent question-answering
system to efficiently address researchers' queries and ensure awareness of the
latest advancements. The information of conferences is usually published on
their official website, organized in a semi-structured way with a lot of text.
To address this need, we have developed the ConferenceQA dataset for 7 diverse
academic conferences with human annotations. Firstly, we employ a combination
of manual and automated methods to organize academic conference data in a
semi-structured JSON format. Subsequently, we annotate nearly 100
question-answer pairs for each conference. Each pair is classified into four
different dimensions. To ensure the reliability of the data, we manually
annotate the source of each answer. In light of recent advancements, Large
Language Models (LLMs) have demonstrated impressive performance in various NLP
tasks. They have demonstrated impressive capabilities in information-seeking
question answering after instruction fine-tuning, and as such, we present our
conference QA study based on LLM. Due to hallucination and outdated knowledge
of LLMs, we adopt retrieval based methods to enhance LLMs' question-answering
abilities. We have proposed a structure-aware retrieval method, specifically
designed to leverage inherent structural information during the retrieval
process. Empirical validation on the ConferenceQA dataset has demonstrated the
effectiveness of this method. The dataset and code are readily accessible on
https://github.com/zjukg/ConferenceQA. | cs.CL | Reliable Academic Conference Question Answering: A Study Based on Large Language Model |
2023-10-19T07:39:00Z | http://arxiv.org/pdf/2310.12537v2 | http://arxiv.org/abs/2310.12537v2 | Alexander Brinkmann, Roee Shraga, Christian Bizer | 2024-01-26T09:07:59Z | cs.CL | E-commerce platforms rely on structured product descriptions, in the form of
attribute/value pairs to enable features such as faceted product search and
product comparison. However, vendors on these platforms often provide
unstructured product descriptions consisting of a title and a textual
description. To process such offers, e-commerce platforms must extract
attribute/value pairs from the unstructured descriptions. State-of-the-art
attribute/value extraction methods based on pre-trained language models (PLMs),
such as BERT, face two drawbacks (i) the methods require significant amounts of
task-specific training data and (ii) the fine-tuned models have problems to
generalize to attribute values that were not part of the training data. We
explore the potential of using large language models (LLMs) as a more training
data-efficient and more robust alternative to existing attribute/value
extraction methods. We propose different prompt templates for instructing LLMs
about the target schema of the extraction, covering both zero-shot and few-shot
scenarios. In the zero-shot scenario, textual and JSON-based approaches for
representing information about the target attributes are compared. In the
scenario with training data, we investigate (i) the provision of example
attribute values, (ii) the selection of in-context demonstrations, (iii)
shuffled ensembling to prevent position bias, and (iv) fine-tuning the LLM. The
prompt templates are evaluated in combination with hosted LLMs, such as GPT-3.5
and GPT-4, and open-source LLMs based on Llama2 which can be run locally. The
best average F1-score of 86% was reached by GPT-4 using an ensemble of shuffled
prompts that combine attribute names, attribute descriptions, example values,
and demonstrations. Given the same amount of training data, this prompt/model
combination outperforms the best PLM baseline by an average of 6% F1. | cs.CL | Product Attribute Value Extraction using Large Language Models |
2023-10-19T07:11:48Z | http://arxiv.org/pdf/2310.12531v3 | http://arxiv.org/abs/2310.12531v3 | Guojun Wu | 2024-02-05T10:28:43Z | cs.CL | Most multilingual vision-and-language (V&L) research aims to accomplish
multilingual and multimodal capabilities within one model. However, the
scarcity of multilingual captions for images has hindered the development. To
overcome this obstacle, we propose ICU, Image Caption Understanding, which
divides a V&L task into two stages: a V&L model performs image captioning in
English, and a multilingual language model (mLM), in turn, takes the caption as
the alt text and performs cross-lingual language understanding. The burden of
multilingual processing is lifted off V&L model and placed on mLM. Since the
multilingual text data is relatively of higher abundance and quality, ICU can
facilitate the conquering of language barriers for V&L models. In experiments
on two tasks across 9 languages in the IGLUE benchmark, we show that ICU can
achieve new state-of-the-art results for five languages, and comparable results
for the rest. | cs.CL | ICU: Conquering Language Barriers in Vision-and-Language Modeling by Dividing the Tasks into Image Captioning and Language Understanding |
2023-10-19T06:54:55Z | http://arxiv.org/pdf/2310.12522v1 | http://arxiv.org/abs/2310.12522v1 | Shufan Jiang, Rafael Angarita, Stéphane Cormier, Francis Rousseaux | 2023-10-19T06:54:55Z | cs.CL, cs.LG | An important application scenario of precision agriculture is detecting and
measuring crop health threats using sensors and data analysis techniques.
However, the textual data are still under-explored among the existing solutions
due to the lack of labelled data and fine-grained semantic resources. Recent
research suggests that the increasing connectivity of farmers and the emergence
of online farming communities make social media like Twitter a participatory
platform for detecting unfamiliar plant health events if we can extract
essential information from unstructured textual data. ChouBERT is a French
pre-trained language model that can identify Tweets concerning observations of
plant health issues with generalizability on unseen natural hazards. This paper
tackles the lack of labelled data by further studying ChouBERT's know-how on
token-level annotation tasks over small labeled sets. | cs.CL | Named Entity Recognition for Monitoring Plant Health Threats in Tweets: a ChouBERT Approach |
2023-10-19T06:51:43Z | http://arxiv.org/pdf/2310.13025v1 | http://arxiv.org/abs/2310.13025v1 | Alexis Plaquet, Hervé Bredin | 2023-10-19T06:51:43Z | cs.SD, cs.AI, cs.CL, cs.NE, eess.AS | Since its introduction in 2019, the whole end-to-end neural diarization
(EEND) line of work has been addressing speaker diarization as a frame-wise
multi-label classification problem with permutation-invariant training. Despite
EEND showing great promise, a few recent works took a step back and studied the
possible combination of (local) supervised EEND diarization with (global)
unsupervised clustering. Yet, these hybrid contributions did not question the
original multi-label formulation. We propose to switch from multi-label (where
any two speakers can be active at the same time) to powerset multi-class
classification (where dedicated classes are assigned to pairs of overlapping
speakers). Through extensive experiments on 9 different benchmarks, we show
that this formulation leads to significantly better performance (mostly on
overlapping speech) and robustness to domain mismatch, while eliminating the
detection threshold hyperparameter, critical for the multi-label formulation. | cs.SD | Powerset multi-class cross entropy loss for neural speaker diarization |
2023-10-19T06:45:11Z | http://arxiv.org/pdf/2310.12520v1 | http://arxiv.org/abs/2310.12520v1 | Xiang Zhang, Senyu Li, Zijun Wu, Ning Shi | 2023-10-19T06:45:11Z | cs.CL, cs.CV | Recent advancements in multimodal techniques open exciting possibilities for
models excelling in diverse tasks involving text, audio, and image processing.
Models like GPT-4V, blending computer vision and language modeling, excel in
complex text and image tasks. Numerous prior research endeavors have diligently
examined the performance of these Vision Large Language Models (VLLMs) across
tasks like object detection, image captioning and others. However, these
analyses often focus on evaluating the performance of each modality in
isolation, lacking insights into their cross-modal interactions. Specifically,
questions concerning whether these vision-language models execute vision and
language tasks consistently or independently have remained unanswered. In this
study, we draw inspiration from recent investigations into multilingualism and
conduct a comprehensive analysis of model's cross-modal interactions. We
introduce a systematic framework that quantifies the capability disparities
between different modalities in the multi-modal setting and provide a set of
datasets designed for these evaluations. Our findings reveal that models like
GPT-4V tend to perform consistently modalities when the tasks are relatively
simple. However, the trustworthiness of results derived from the vision
modality diminishes as the tasks become more challenging. Expanding on our
findings, we introduce "Vision Description Prompting," a method that
effectively improves performance in challenging vision-related tasks. | cs.CL | Lost in Translation: When GPT-4V(ision) Can't See Eye to Eye with Text. A Vision-Language-Consistency Analysis of VLLMs and Beyond |
2023-10-19T06:37:32Z | http://arxiv.org/pdf/2310.12516v2 | http://arxiv.org/abs/2310.12516v2 | Xiaodong Yu, Hao Cheng, Xiaodong Liu, Dan Roth, Jianfeng Gao | 2024-05-31T23:46:24Z | cs.CL, cs.AI, cs.LG | Despite remarkable advancements in mitigating hallucinations in large
language models (LLMs) by retrieval augmentation, it remains challenging to
measure the reliability of LLMs using static question-answering (QA) data.
Specifically, given the potential of data contamination (e.g., leading to
memorization), good static benchmark performance does not ensure that model can
reliably use the provided evidence for responding, which is essential to avoid
hallucination when the required knowledge is new or private. Inspired by
adversarial machine learning, we investigate the feasibility of automatically
perturbing existing static one for dynamic evaluation. Specifically, this paper
presents ReEval, an LLM-based framework using prompt chaining to perturb the
original evidence for generating new test cases for evaluating the LLMs'
reliability in using new evidence for answering.
We implement ReEval using ChatGPT and evaluate the resulting variants of two
popular open-domain QA datasets on a collection of LLMs under various prompting
settings. Our generated data is human-readable and useful to trigger
hallucination in LLM. Accurate models on static data are observed to produce
unsupported answers from the perturbed evidence, with pronounced accuracy drops
across LLMs including GPT-4. We find that our adversarial examples are
transferable across all considered LLMs. The examples generated by a small
model can be used to evaluate a much larger model, making our approach
cost-effective. | cs.CL | ReEval: Automatic Hallucination Evaluation for Retrieval-Augmented Large Language Models via Transferable Adversarial Attacks |
2023-10-19T06:34:40Z | http://arxiv.org/pdf/2310.13024v1 | http://arxiv.org/abs/2310.13024v1 | Gangwei Jiang, Caigao Jiang, Siqiao Xue, James Y. Zhang, Jun Zhou, Defu Lian, Ying Wei | 2023-10-19T06:34:40Z | cs.CL, cs.AI, cs.LG | Continual pre-training has been urgent for adapting a pre-trained model to a
multitude of domains and tasks in the fast-evolving world. In practice, a
continually pre-trained model is expected to demonstrate not only greater
capacity when fine-tuned on pre-trained domains but also a non-decreasing
performance on unseen ones. In this work, we first investigate such anytime
fine-tuning effectiveness of existing continual pre-training approaches,
concluding with unanimously decreased performance on unseen domains. To this
end, we propose a prompt-guided continual pre-training method, where we train a
hypernetwork to generate domain-specific prompts by both agreement and
disagreement losses. The agreement loss maximally preserves the generalization
of a pre-trained model to new domains, and the disagreement one guards the
exclusiveness of the generated hidden states for each domain. Remarkably,
prompts by the hypernetwork alleviate the domain identity when fine-tuning and
promote knowledge transfer across domains. Our method achieved improvements of
3.57% and 3.4% on two real-world datasets (including domain shift and temporal
shift), respectively, demonstrating its efficacy. | cs.CL | Towards Anytime Fine-tuning: Continually Pre-trained Language Models with Hypernetwork Prompt |
2023-10-19T06:17:46Z | http://arxiv.org/pdf/2310.13023v3 | http://arxiv.org/abs/2310.13023v3 | Jiabin Tang, Yuhao Yang, Wei Wei, Lei Shi, Lixin Su, Suqi Cheng, Dawei Yin, Chao Huang | 2024-05-07T10:10:14Z | cs.CL, cs.AI | Graph Neural Networks (GNNs) have evolved to understand graph structures
through recursive exchanges and aggregations among nodes. To enhance
robustness, self-supervised learning (SSL) has become a vital tool for data
augmentation. Traditional methods often depend on fine-tuning with
task-specific labels, limiting their effectiveness when labeled data is scarce.
Our research tackles this by advancing graph model generalization in zero-shot
learning environments. Inspired by the success of large language models (LLMs),
we aim to create a graph-oriented LLM capable of exceptional generalization
across various datasets and tasks without relying on downstream graph data. We
introduce the GraphGPT framework, which integrates LLMs with graph structural
knowledge through graph instruction tuning. This framework includes a
text-graph grounding component to link textual and graph structures and a
dual-stage instruction tuning approach with a lightweight graph-text alignment
projector. These innovations allow LLMs to comprehend complex graph structures
and enhance adaptability across diverse datasets and tasks. Our framework
demonstrates superior generalization in both supervised and zero-shot graph
learning tasks, surpassing existing benchmarks. The open-sourced model
implementation of our GraphGPT is available at
https://github.com/HKUDS/GraphGPT. | cs.CL | GraphGPT: Graph Instruction Tuning for Large Language Models |
2023-10-19T06:15:05Z | http://arxiv.org/pdf/2310.12505v1 | http://arxiv.org/abs/2310.12505v1 | Boyi Deng, Wenjie Wang, Fuli Feng, Yang Deng, Qifan Wang, Xiangnan He | 2023-10-19T06:15:05Z | cs.CL, cs.CR, cs.LG | Large language models (LLMs) are susceptible to red teaming attacks, which
can induce LLMs to generate harmful content. Previous research constructs
attack prompts via manual or automatic methods, which have their own
limitations on construction cost and quality. To address these issues, we
propose an integrated approach that combines manual and automatic methods to
economically generate high-quality attack prompts. Specifically, considering
the impressive capabilities of newly emerged LLMs, we propose an attack
framework to instruct LLMs to mimic human-generated prompts through in-context
learning. Furthermore, we propose a defense framework that fine-tunes victim
LLMs through iterative interactions with the attack framework to enhance their
safety against red teaming attacks. Extensive experiments on different LLMs
validate the effectiveness of our proposed attack and defense frameworks.
Additionally, we release a series of attack prompts datasets named SAP with
varying sizes, facilitating the safety evaluation and enhancement of more LLMs.
Our code and dataset is available on https://github.com/Aatrox103/SAP . | cs.CL | Attack Prompt Generation for Red Teaming and Defending Large Language Models |
2023-10-19T05:49:58Z | http://arxiv.org/pdf/2310.12490v1 | http://arxiv.org/abs/2310.12490v1 | Xiangjue Dong, Ziwei Zhu, Zhuoer Wang, Maria Teleki, James Caverlee | 2023-10-19T05:49:58Z | cs.CL | Pre-trained Language Models are widely used in many important real-world
applications. However, recent studies show that these models can encode social
biases from large pre-training corpora and even amplify biases in downstream
applications. To address this challenge, we propose Co$^2$PT, an efficient and
effective debias-while-prompt tuning method for mitigating biases via
counterfactual contrastive prompt tuning on downstream tasks. Our experiments
conducted on three extrinsic bias benchmarks demonstrate the effectiveness of
Co$^2$PT on bias mitigation during the prompt tuning process and its
adaptability to existing upstream debiased language models. These findings
indicate the strength of Co$^2$PT and provide promising avenues for further
enhancement in bias mitigation on downstream tasks. | cs.CL | Co$^2$PT: Mitigating Bias in Pre-trained Language Models through Counterfactual Contrastive Prompt Tuning |
2023-10-19T05:48:28Z | http://arxiv.org/pdf/2310.12489v3 | http://arxiv.org/abs/2310.12489v3 | Olumide E. Ojo, Olaronke O. Adebanji, Alexander Gelbukh, Hiram Calvo, Anna Feldman | 2024-01-12T06:24:21Z | cs.CL | Zero-shot classification enables text to be classified into classes not seen
during training. In this study, we examine the efficacy of zero-shot learning
models in classifying healthcare consultation responses from Doctors and AI
systems. The models evaluated include BART, BERT, XLM, XLM-R and DistilBERT.
The models were tested on three different datasets based on a binary and
multi-label analysis to identify the origins of text in health consultations
without any prior corpus training. According to our findings, the zero-shot
language models show a good understanding of language generally, but has
limitations when trying to classify doctor and AI responses to healthcare
consultations. This research provides a foundation for future research in the
field of medical text classification by informing the development of more
accurate methods of classifying text written by Doctors and AI systems in
health consultations. | cs.CL | MedAI Dialog Corpus (MEDIC): Zero-Shot Classification of Doctor and AI Responses in Health Consultations |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.