publication_date
stringlengths 20
20
| doc_url
stringlengths 33
34
| id
stringlengths 33
34
| authors
stringlengths 5
20.1k
| update_date
stringlengths 20
20
| category_all
stringlengths 5
138
| abstract
stringlengths 123
3.09k
| category_primary
stringclasses 78
values | title
stringlengths 10
211
|
---|---|---|---|---|---|---|---|---|
2023-12-28T19:55:11Z | http://arxiv.org/pdf/2312.17342v1 | http://arxiv.org/abs/2312.17342v1 | Abhijit Mishra, Mingda Li, Soham Deo | 2023-12-28T19:55:11Z | cs.CR, cs.AI, cs.CL, cs.LG | This paper addresses the privacy and security concerns associated with deep
neural language models, which serve as crucial components in various modern
AI-based applications. These models are often used after being pre-trained and
fine-tuned for specific tasks, with deployment on servers accessed through the
internet. However, this introduces two fundamental risks: (a) the transmission
of user inputs to the server via the network gives rise to interception
vulnerabilities, and (b) privacy concerns emerge as organizations that deploy
such models store user data with restricted context. To address this, we
propose a novel method to adapt and fine-tune transformer-based language models
on passkey-encrypted user-specific text. The original pre-trained language
model first undergoes a quick adaptation (without any further pre-training)
with a series of irreversible transformations applied to the tokenizer and
token embeddings. This enables the model to perform inference on encrypted
inputs while preventing reverse engineering of text from model parameters and
intermediate outputs. After adaptation, models are fine-tuned on encrypted
versions of existing training datasets. Experimental evaluation employing
adapted versions of renowned models (e.g., BERT, RoBERTa) across established
benchmark English and multilingual datasets for text classification and
sequence labeling shows that encrypted models achieve performance parity with
their original counterparts. This serves to safeguard performance, privacy, and
security cohesively. | cs.CR | SentinelLMs: Encrypted Input Adaptation and Fine-tuning of Language Models for Private and Secure Inference |
2023-12-28T19:42:14Z | http://arxiv.org/pdf/2312.17337v1 | http://arxiv.org/abs/2312.17337v1 | Tobias Schimanski, Chiara Colesanti Senni, Glen Gostlow, Jingwei Ni, Tingyu Yu, Markus Leippold | 2023-12-28T19:42:14Z | cs.CL, econ.GN, q-fin.EC | Nature is an amorphous concept. Yet, it is essential for the planet's
well-being to understand how the economy interacts with it. To address the
growing demand for information on corporate nature disclosure, we provide
datasets and classifiers to detect nature communication by companies. We ground
our approach in the guidelines of the Taskforce on Nature-related Financial
Disclosures (TNFD). Particularly, we focus on the specific dimensions of water,
forest, and biodiversity. For each dimension, we create an expert-annotated
dataset with 2,200 text samples and train classifier models. Furthermore, we
show that nature communication is more prevalent in hotspot areas and directly
effected industries like agriculture and utilities. Our approach is the first
to respond to calls to assess corporate nature communication on a large scale. | cs.CL | Exploring Nature: Datasets and Models for Analyzing Nature-Related Disclosures |
2023-12-28T18:59:50Z | http://arxiv.org/pdf/2312.17249v2 | http://arxiv.org/abs/2312.17249v2 | Sky CH-Wang, Benjamin Van Durme, Jason Eisner, Chris Kedzie | 2024-06-08T05:15:57Z | cs.CL, cs.AI, cs.LG | We design probes trained on the internal representations of a transformer
language model to predict its hallucinatory behavior on three grounded
generation tasks. To train the probes, we annotate for span-level hallucination
on both sampled (organic) and manually edited (synthetic) reference outputs.
Our probes are narrowly trained and we find that they are sensitive to their
training domain: they generalize poorly from one task to another or from
synthetic to organic hallucinations. However, on in-domain data, they can
reliably detect hallucinations at many transformer layers, achieving 95% of
their peak performance as early as layer 4. Here, probing proves accurate for
evaluating hallucination, outperforming several contemporary baselines and even
surpassing an expert human annotator in response-level detection F1. Similarly,
on span-level labeling, probes are on par or better than the expert annotator
on two out of three generation tasks. Overall, we find that probing is a
feasible and efficient alternative to language model hallucination evaluation
when model states are available. | cs.CL | Do Androids Know They're Only Dreaming of Electric Sheep? |
2023-12-28T18:59:09Z | http://arxiv.org/pdf/2312.17244v2 | http://arxiv.org/abs/2312.17244v2 | Tycho F. A. van der Ouderaa, Markus Nagel, Mart van Baalen, Yuki M. Asano, Tijmen Blankevoort | 2024-03-20T20:21:58Z | cs.LG, cs.CL | State-of-the-art language models are becoming increasingly large in an effort
to achieve the highest performance on large corpora of available textual data.
However, the sheer size of the Transformer architectures makes it difficult to
deploy models within computational, environmental or device-specific
constraints. We explore data-driven compression of existing pretrained models
as an alternative to training smaller models from scratch. To do so, we scale
Kronecker-factored curvature approximations of the target loss landscape to
large language models. In doing so, we can compute both the dynamic allocation
of structures that can be removed as well as updates of remaining weights that
account for the removal. We provide a general framework for unstructured,
semi-structured and structured pruning and improve upon weight updates to
capture more correlations between weights, while remaining computationally
efficient. Experimentally, our method can prune rows and columns from a range
of OPT models and Llamav2-7B by 20%-30%, with a negligible loss in performance,
and achieve state-of-the-art results in unstructured and semi-structured
pruning of large language models. | cs.LG | The LLM Surgeon |
2023-12-28T18:58:52Z | http://arxiv.org/pdf/2312.17242v2 | http://arxiv.org/abs/2312.17242v2 | Aleem Khan, Andrew Wang, Sophia Hager, Nicholas Andrews | 2024-03-04T16:00:23Z | cs.CL | Prior work in style-controlled text generation has focused on tasks such as
emulating the style of prolific literary authors, producing formal or informal
text, and mitigating toxicity of generated text. Plentiful demonstrations of
these styles are available, and as a result modern language models are often
able to emulate them, either via prompting or discriminative control. However,
in applications such as writing assistants, it is desirable for language models
to produce text in an author-specific style on the basis of a potentially small
writing sample. For example, someone writing in a particular dialect may prefer
writing suggestions that retain the same dialect. We find that
instruction-tuned language models can struggle to reproduce author-specific
style demonstrated in a prompt. Instead, we propose to guide a language model
to generate text in a target style using contrastively-trained representations
that capture stylometric features. Our approach (StyleMC) combines an
author-adapted language model with sequence-level inference to improve
stylistic consistency, and is found to be effective in a variety of conditions,
including unconditional generation and style transfer. Additionally, we find
that the proposed approach can serve as an effective anonymization method, by
editing a document to mask authorship while preserving the original meaning | cs.CL | Learning to Generate Text in Arbitrary Writing Styles |
2023-12-28T18:12:42Z | http://arxiv.org/pdf/2312.17180v1 | http://arxiv.org/abs/2312.17180v1 | Daniel Potemkin, Carlos Soto, Ruipeng Li, Kevin Yager, Esther Tsai | 2023-12-28T18:12:42Z | cs.CL, cs.AI | The extraordinarily high X-ray flux and specialized instrumentation at
synchrotron beamlines have enabled versatile in-situ and high throughput
studies that are impossible elsewhere. Dexterous and efficient control of
experiments are thus crucial for efficient beamline operation. Artificial
intelligence and machine learning methods are constantly being developed to
enhance facility performance, but the full potential of these developments can
only be reached with efficient human-computer-interaction. Natural language is
the most intuitive and efficient way for humans to communicate. However, the
low credibility and reproducibility of existing large language models and tools
demand extensive development to be made for robust and reliable performance for
scientific purposes. In this work, we introduce the prototype of virtual
scientific companion (VISION) and demonstrate that it is possible to control
basic beamline operations through natural language with open-source language
model and the limited computational resources at beamline. The human-AI nature
of VISION leverages existing automation systems and data framework at
synchrotron beamlines. | cs.CL | Virtual Scientific Companion for Synchrotron Beamlines: A Prototype |
2023-12-28T17:57:06Z | http://arxiv.org/pdf/2312.17172v1 | http://arxiv.org/abs/2312.17172v1 | Jiasen Lu, Christopher Clark, Sangho Lee, Zichen Zhang, Savya Khosla, Ryan Marten, Derek Hoiem, Aniruddha Kembhavi | 2023-12-28T17:57:06Z | cs.CV, cs.AI, cs.CL | We present Unified-IO 2, the first autoregressive multimodal model that is
capable of understanding and generating image, text, audio, and action. To
unify different modalities, we tokenize inputs and outputs -- images, text,
audio, action, bounding boxes, etc., into a shared semantic space and then
process them with a single encoder-decoder transformer model. Since training
with such diverse modalities is challenging, we propose various architectural
improvements to stabilize model training. We train our model from scratch on a
large multimodal pre-training corpus from diverse sources with a multimodal
mixture of denoisers objective. To learn an expansive set of skills, such as
following multimodal instructions, we construct and finetune on an ensemble of
120 datasets with prompts and augmentations. With a single unified model,
Unified-IO 2 achieves state-of-the-art performance on the GRIT benchmark and
strong results in more than 35 benchmarks, including image generation and
understanding, natural language understanding, video and audio understanding,
and robotic manipulation. We release all our models to the research community. | cs.CV | Unified-IO 2: Scaling Autoregressive Multimodal Models with Vision, Language, Audio, and Action |
2023-12-28T16:59:06Z | http://arxiv.org/pdf/2312.17122v3 | http://arxiv.org/abs/2312.17122v3 | Haitao Jiang, Lin Ge, Yuhe Gao, Jianian Wang, Rui Song | 2024-04-12T01:30:55Z | cs.CL, cs.AI, stat.ML | Large Language Models (LLMs) have shown their success in language
understanding and reasoning on general topics. However, their capability to
perform inference based on user-specified structured data and knowledge in
corpus-rare concepts, such as causal decision-making is still limited. In this
work, we explore the possibility of fine-tuning an open-sourced LLM into
LLM4Causal, which can identify the causal task, execute a corresponding
function, and interpret its numerical results based on users' queries and the
provided dataset. Meanwhile, we propose a data generation process for more
controllable GPT prompting and present two instruction-tuning datasets: (1)
Causal-Retrieval-Bench for causal problem identification and input parameter
extraction for causal function calling and (2) Causal-Interpret-Bench for
in-context causal interpretation. By conducting end-to-end evaluations and two
ablation studies, we showed that LLM4Causal can deliver end-to-end solutions
for causal problems and provide easy-to-understand answers, which significantly
outperforms the baselines. | cs.CL | Large Language Model for Causal Decision Making |
2023-12-28T16:55:40Z | http://arxiv.org/pdf/2312.17120v1 | http://arxiv.org/abs/2312.17120v1 | Zengzhi Wang, Rui Xia, Pengfei Liu | 2023-12-28T16:55:40Z | cs.CL, cs.AI, cs.LG | High-quality, large-scale corpora are the cornerstone of building foundation
models. In this work, we introduce \textsc{MathPile}, a diverse and
high-quality math-centric corpus comprising about 9.5 billion tokens.
Throughout its creation, we adhered to the principle of ``\emph{less is
more}'', firmly believing in the supremacy of data quality over quantity, even
in the pre-training phase. Our meticulous data collection and processing
efforts included a complex suite of preprocessing, prefiltering, language
identification, cleaning, filtering, and deduplication, ensuring the high
quality of our corpus. Furthermore, we performed data contamination detection
on downstream benchmark test sets to eliminate duplicates. We hope our
\textsc{MathPile} can help to enhance the mathematical reasoning abilities of
language models. We plan to open-source different versions of \mathpile with
the scripts used for processing, to facilitate future developments in this
field. | cs.CL | Generative AI for Math: Part I -- MathPile: A Billion-Token-Scale Pretraining Corpus for Math |
2023-12-28T16:51:11Z | http://arxiv.org/pdf/2312.17115v2 | http://arxiv.org/abs/2312.17115v2 | Yang Xiao, Yi Cheng, Jinlan Fu, Jiashuo Wang, Wenjie Li, Pengfei Liu | 2024-06-15T14:08:30Z | cs.CL, cs.CY | In recent years, AI has demonstrated remarkable capabilities in simulating
human behaviors, particularly those implemented with large language models
(LLMs). However, due to the lack of systematic evaluation of LLMs' simulated
behaviors, the believability of LLMs among humans remains ambiguous, i.e., it
is unclear which behaviors of LLMs are convincingly human-like and which need
further improvements. In this work, we design SimulateBench to evaluate the
believability of LLMs when simulating human behaviors. In specific, we evaluate
the believability of LLMs based on two critical dimensions: 1) consistency: the
extent to which LLMs can behave consistently with the given information of a
human to simulate; and 2) robustness: the ability of LLMs' simulated behaviors
to remain robust when faced with perturbations. SimulateBench includes 65
character profiles and a total of 8,400 questions to examine LLMs' simulated
behaviors. Based on SimulateBench, we evaluate the performances of 10 widely
used LLMs when simulating characters. The experimental results reveal that
current LLMs struggle to align their behaviors with assigned characters and are
vulnerable to perturbations in certain factors. | cs.CL | How Far Are LLMs from Believable AI? A Benchmark for Evaluating the Believability of Human Behavior Simulation |
2023-12-28T16:33:32Z | http://arxiv.org/pdf/2312.17109v1 | http://arxiv.org/abs/2312.17109v1 | Wenyi Wu, Qi Li, Wenliang Zhong, Junzhou Huang | 2023-12-28T16:33:32Z | cs.CV, cs.AI, cs.CL | Vision-language models have been widely explored across a wide range of tasks
and achieve satisfactory performance. However, it's under-explored how to
consolidate entity understanding through a varying number of images and to
align it with the pre-trained language models for generative tasks. In this
paper, we propose MIVC, a general multiple instance visual component to bridge
the gap between various image inputs with off-the-shelf vision-language models
by aggregating visual representations in a permutation-invariant fashion
through a neural network. We show that MIVC could be plugged into the
visual-language models to improve the model performance consistently on visual
question answering, classification and captioning tasks on a public available
e-commerce dataset with multiple images per product. Furthermore, we show that
the component provides insight into the contribution of each image to the
downstream tasks. | cs.CV | MIVC: Multiple Instance Visual Component for Visual-Language Models |
2023-12-28T16:25:52Z | http://arxiv.org/pdf/2312.17296v7 | http://arxiv.org/abs/2312.17296v7 | Konrad Staniszewski, Szymon Tworkowski, Sebastian Jaszczur, Yu Zhao, Henryk Michalewski, Łukasz Kuciński, Piotr Miłoś | 2024-06-24T16:10:18Z | cs.CL | Recent advancements in long-context large language models have attracted
significant attention, yet their practical applications often suffer from
suboptimal context utilization. This study investigates structuring training
data to enhance semantic interdependence, demonstrating that this approach
effectively improves context utilization. To this end, we introduce the
Structured Packing for Long Context (SPLiCe) method, which utilizes retrieval
to collate mutually relevant documents into long and coherent training
examples. We validate SPLiCe empirically across models of varying sizes -- 3B,
7B, and 13B -- achieving improved performance in long-context tasks, such as
Qasper and HotpotQA. Remarkably, even brief fine-tuning with SPLiCe is
sufficient to realize these benefits. Additionally, SPLiCe effectively
mitigates the lost-in-middle phenomenon often observed in large models. Our
comprehensive analysis of SPLiCe explores its design choices and reveals
intriguing transfer effects; for instance, training on programming code
enhances performance on natural language tasks. | cs.CL | Structured Packing in LLM Training Improves Long Context Utilization |
2023-12-28T16:10:51Z | http://arxiv.org/pdf/2312.17295v1 | http://arxiv.org/abs/2312.17295v1 | Bram Wouters | 2023-12-28T16:10:51Z | cs.CR, cs.AI, cs.CL | With the rise of large language models (LLMs) and concerns about potential
misuse, watermarks for generative LLMs have recently attracted much attention.
An important aspect of such watermarks is the trade-off between their
identifiability and their impact on the quality of the generated text. This
paper introduces a systematic approach to this trade-off in terms of a
multi-objective optimization problem. For a large class of robust, efficient
watermarks, the associated Pareto optimal solutions are identified and shown to
outperform the currently default watermark. | cs.CR | Optimizing watermarks for large language models |
2023-12-28T16:10:25Z | http://arxiv.org/pdf/2312.17090v1 | http://arxiv.org/abs/2312.17090v1 | Haoning Wu, Zicheng Zhang, Weixia Zhang, Chaofeng Chen, Liang Liao, Chunyi Li, Yixuan Gao, Annan Wang, Erli Zhang, Wenxiu Sun, Qiong Yan, Xiongkuo Min, Guangtao Zhai, Weisi Lin | 2023-12-28T16:10:25Z | cs.CV, cs.CL, cs.LG | The explosion of visual content available online underscores the requirement
for an accurate machine assessor to robustly evaluate scores across diverse
types of visual contents. While recent studies have demonstrated the
exceptional potentials of large multi-modality models (LMMs) on a wide range of
related fields, in this work, we explore how to teach them for visual rating
aligned with human opinions. Observing that human raters only learn and judge
discrete text-defined levels in subjective studies, we propose to emulate this
subjective process and teach LMMs with text-defined rating levels instead of
scores. The proposed Q-Align achieves state-of-the-art performance on image
quality assessment (IQA), image aesthetic assessment (IAA), as well as video
quality assessment (VQA) tasks under the original LMM structure. With the
syllabus, we further unify the three tasks into one model, termed the OneAlign.
In our experiments, we demonstrate the advantage of the discrete-level-based
syllabus over direct-score-based variants for LMMs. Our code and the
pre-trained weights are released at https://github.com/Q-Future/Q-Align. | cs.CV | Q-Align: Teaching LMMs for Visual Scoring via Discrete Text-Defined Levels |
2023-12-28T15:49:43Z | http://arxiv.org/pdf/2312.17080v4 | http://arxiv.org/abs/2312.17080v4 | Zhongshen Zeng, Pengguang Chen, Shu Liu, Haiyun Jiang, Jiaya Jia | 2024-06-05T04:05:42Z | cs.CL | In this work, we introduce a novel evaluation paradigm for Large Language
Models (LLMs) that compels them to transition from a traditional
question-answering role, akin to a student, to a solution-scoring role, akin to
a teacher. This paradigm, focusing on "reasoning about reasoning," hence termed
meta-reasoning, shifts the emphasis from result-oriented assessments, which
often neglect the reasoning process, to a more comprehensive evaluation that
effectively distinguishes between the cognitive capabilities of different
models. By applying this paradigm in the GSM8K dataset, we have developed the
MR-GSM8K benchmark. Our extensive analysis includes several state-of-the-art
models from both open-source and commercial domains, uncovering fundamental
deficiencies in their training and evaluation methodologies. Notably, while
models like Deepseek-v2 and Claude3-Sonnet closely competed with GPT-4 in
GSM8K, their performance disparities expanded dramatically in MR-GSM8K, with
differences widening to over 20 absolute points, underscoring the significant
challenge posed by our meta-reasoning approach. | cs.CL | MR-GSM8K: A Meta-Reasoning Benchmark for Large Language Model Evaluation |
2023-12-28T15:02:03Z | http://arxiv.org/pdf/2312.17055v2 | http://arxiv.org/abs/2312.17055v2 | Chengwei Qin, Wenhan Xia, Fangkai Jiao, Chen Chen, Yuchen Hu, Bosheng Ding, Shafiq Joty | 2024-06-24T08:34:18Z | cs.CL | Large language models (LLMs) have shown impressive few-shot generalization on
many tasks via in-context learning (ICL). Despite their success in showing such
emergent abilities, the scale and complexity of larger models also lead to
unprecedentedly high computational demands and deployment challenges. In
reaction, researchers explore transferring the powerful capabilities of larger
models to more efficient and compact models by typically aligning the output of
smaller (student) models with that of larger (teacher) models. Existing methods
either train student models on the generated outputs of teacher models or
imitate their token-level probability distributions. However, these
distillation methods pay little to no attention to the input, which also plays
a crucial role in ICL. Based on the finding that the performance of ICL is
highly sensitive to the selection of demonstration examples, we propose
Bidirectional Alignment (BiAlign) to fully leverage the models' preferences for
ICL examples to improve the ICL abilities of student models. Specifically, we
introduce the alignment of input preferences between student and teacher models
by incorporating a novel ranking loss, in addition to aligning the token-level
output distribution. With extensive experiments and analysis, we demonstrate
that BiAlign can consistently outperform existing baselines on a variety of
tasks involving language understanding, reasoning, and coding. | cs.CL | Improving In-context Learning via Bidirectional Alignment |
2023-12-28T14:42:24Z | http://arxiv.org/pdf/2312.17044v4 | http://arxiv.org/abs/2312.17044v4 | Liang Zhao, Xiaocheng Feng, Xiachong Feng, Dongliang Xu, Qing Yang, Hongtao Liu, Bing Qin, Ting Liu | 2024-04-02T04:56:52Z | cs.CL | Transformer has taken the field of natural language processing (NLP) by storm
since its birth. Further, Large language models (LLMs) built upon it have
captured worldwide attention due to its superior abilities. Nevertheless, all
Transformer-based models including these powerful LLMs suffer from a preset
length limit and can hardly generalize from short training sequences to longer
inference ones, namely, they can not perform length extrapolation. Hence, a
plethora of methods have been proposed to enhance length extrapolation of
Transformer, in which the positional encoding (PE) is recognized as the major
factor. In this survey, we present these advances towards length extrapolation
in a unified notation from the perspective of PE. Specifically, we first
introduce extrapolatable PEs, including absolute and relative PEs. Then, we
dive into extrapolation methods based on them, covering position interpolation
and randomized position methods. Finally, several challenges and future
directions in this area are highlighted. Through this survey, We aim to enable
the reader to gain a deep understanding of existing methods and provide stimuli
for future research. | cs.CL | Length Extrapolation of Transformers: A Survey from the Perspective of Positional Encoding |
2023-12-28T13:50:42Z | http://arxiv.org/pdf/2312.17025v3 | http://arxiv.org/abs/2312.17025v3 | Chen Qian, Yufan Dang, Jiahao Li, Wei Liu, Zihao Xie, Yifei Wang, Weize Chen, Cheng Yang, Xin Cong, Xiaoyin Che, Zhiyuan Liu, Maosong Sun | 2024-06-05T13:39:20Z | cs.CL, cs.AI, cs.LG, cs.SE | Recent advancements in large language models (LLMs) have brought significant
changes to various domains, especially through LLM-driven autonomous agents. A
representative scenario is in software development, where LLM agents
demonstrate efficient collaboration, task division, and assurance of software
quality, markedly reducing the need for manual involvement. However, these
agents frequently perform a variety of tasks independently, without benefiting
from past experiences, which leads to repeated mistakes and inefficient
attempts in multi-step task execution. To this end, we introduce Experiential
Co-Learning, a novel LLM-agent learning framework in which instructor and
assistant agents gather shortcut-oriented experiences from their historical
trajectories and use these past experiences for future task execution. The
extensive experiments demonstrate that the framework enables agents to tackle
unseen software-developing tasks more effectively. We anticipate that our
insights will guide LLM agents towards enhanced autonomy and contribute to
their evolutionary growth in cooperative learning. The code and data are
available at https://github.com/OpenBMB/ChatDev. | cs.CL | Experiential Co-Learning of Software-Developing Agents |
2023-12-28T13:01:10Z | http://arxiv.org/pdf/2312.17292v1 | http://arxiv.org/abs/2312.17292v1 | Rohit Raj Rai, Amit Awekar | 2023-12-28T13:01:10Z | cs.CL | Word embedding methods (WEMs) are extensively used for representing text
data. The dimensionality of these embeddings varies across various tasks and
implementations. The effect of dimensionality change on the accuracy of the
downstream task is a well-explored question. However, how the dimensionality
change affects the bias of word embeddings needs to be investigated. Using the
English Wikipedia corpus, we study this effect for two static (Word2Vec and
fastText) and two context-sensitive (ElMo and BERT) WEMs. We have two
observations. First, there is a significant variation in the bias of word
embeddings with the dimensionality change. Second, there is no uniformity in
how the dimensionality change affects the bias of word embeddings. These
factors should be considered while selecting the dimensionality of word
embeddings. | cs.CL | Effect of dimensionality change on the bias of word embeddings |
2023-12-28T11:39:08Z | http://arxiv.org/pdf/2312.16975v1 | http://arxiv.org/abs/2312.16975v1 | Jonas Rieger, Kostiantyn Yanchenko, Mattes Ruckdeschel, Gerret von Nordheim, Katharina Kleinen-von Königslöw, Gregor Wiedemann | 2023-12-28T11:39:08Z | cs.CL, stat.ML | Pre-trained language models (PLM) based on transformer neural networks
developed in the field of natural language processing (NLP) offer great
opportunities to improve automatic content analysis in communication science,
especially for the coding of complex semantic categories in large datasets via
supervised machine learning. However, three characteristics so far impeded the
widespread adoption of the methods in the applying disciplines: the dominance
of English language models in NLP research, the necessary computing resources,
and the effort required to produce training data to fine-tune PLMs. In this
study, we address these challenges by using a multilingual transformer model in
combination with the adapter extension to transformers, and few-shot learning
methods. We test our approach on a realistic use case from communication
science to automatically detect claims and arguments together with their stance
in the German news debate on arms deliveries to Ukraine. In three experiments,
we evaluate (1) data preprocessing strategies and model variants for this task,
(2) the performance of different few-shot learning methods, and (3) how well
the best setup performs on varying training set sizes in terms of validity,
reliability, replicability and reproducibility of the results. We find that our
proposed combination of transformer adapters with pattern exploiting training
provides a parameter-efficient and easily shareable alternative to fully
fine-tuning PLMs. It performs on par in terms of validity, while overall,
provides better properties for application in communication studies. The
results also show that pre-fine-tuning for a task on a near-domain dataset
leads to substantial improvement, in particular in the few-shot setting.
Further, the results indicate that it is useful to bias the dataset away from
the viewpoints of specific prominent individuals. | cs.CL | Few-shot learning for automated content analysis: Efficient coding of arguments and claims in the debate on arms deliveries to Ukraine |
2023-12-28T10:46:56Z | http://arxiv.org/pdf/2401.10334v1 | http://arxiv.org/abs/2401.10334v1 | Geyan Ye, Xibao Cai, Houtim Lai, Xing Wang, Junhong Huang, Longyue Wang, Wei Liu, Xiangxiang Zeng | 2023-12-28T10:46:56Z | q-bio.QM, cs.AI, cs.CL, cs.LG | Recently, the impressive performance of large language models (LLMs) on a
wide range of tasks has attracted an increasing number of attempts to apply
LLMs in drug discovery. However, molecule optimization, a critical task in the
drug discovery pipeline, is currently an area that has seen little involvement
from LLMs. Most of existing approaches focus solely on capturing the underlying
patterns in chemical structures provided by the data, without taking advantage
of expert feedback. These non-interactive approaches overlook the fact that the
drug discovery process is actually one that requires the integration of expert
experience and iterative refinement. To address this gap, we propose
DrugAssist, an interactive molecule optimization model which performs
optimization through human-machine dialogue by leveraging LLM's strong
interactivity and generalizability. DrugAssist has achieved leading results in
both single and multiple property optimization, simultaneously showcasing
immense potential in transferability and iterative optimization. In addition,
we publicly release a large instruction-based dataset called
MolOpt-Instructions for fine-tuning language models on molecule optimization
tasks. We have made our code and data publicly available at
https://github.com/blazerye/DrugAssist, which we hope to pave the way for
future research in LLMs' application for drug discovery. | q-bio.QM | DrugAssist: A Large Language Model for Molecule Optimization |
2023-12-28T10:08:57Z | http://arxiv.org/pdf/2312.17289v1 | http://arxiv.org/abs/2312.17289v1 | Antônio Junior Alves Caiado, Michael Hahsler | 2023-12-28T10:08:57Z | cs.CL, cs.AI | $ $The usage of generative artificial intelligence (AI) tools based on large
language models, including ChatGPT, Bard, and Claude, for text generation has
many exciting applications with the potential for phenomenal productivity
gains. One issue is authorship attribution when using AI tools. This is
especially important in an academic setting where the inappropriate use of
generative AI tools may hinder student learning or stifle research by creating
a large amount of automatically generated derivative work. Existing plagiarism
detection systems can trace the source of submitted text but are not yet
equipped with methods to accurately detect AI-generated text. This paper
introduces the idea of direct origin detection and evaluates whether generative
AI systems can recognize their output and distinguish it from human-written
texts. We argue why current transformer-based models may be able to self-detect
their own generated text and perform a small empirical study using zero-shot
learning to investigate if that is the case. Results reveal varying
capabilities of AI systems to identify their generated text. Google's Bard
model exhibits the largest capability of self-detection with an accuracy of
94\%, followed by OpenAI's ChatGPT with 83\%. On the other hand, Anthropic's
Claude model seems to be not able to self-detect. | cs.CL | AI Content Self-Detection for Transformer-based Large Language Models |
2023-12-28T09:31:25Z | http://arxiv.org/pdf/2312.16917v1 | http://arxiv.org/abs/2312.16917v1 | Dixiang Zhang, Junyu Lu, Pingjian Zhang | 2023-12-28T09:31:25Z | cs.CL | Integrating lexicon into character-level sequence has been proven effective
to leverage word boundary and semantic information in Chinese named entity
recognition (NER). However, prior approaches usually utilize feature weighting
and position coupling to integrate word information, but ignore the semantic
and contextual correspondence between the fine-grained semantic units in the
character-word space. To solve this issue, we propose a Unified Lattice Graph
Fusion (ULGF) approach for Chinese NER. ULGF can explicitly capture various
semantic and boundary relations across different semantic units with the
adjacency matrix by converting the lattice structure into a unified graph. We
stack multiple graph-based intra-source self-attention and inter-source
cross-gating fusion layers that iteratively carry out semantic interactions to
learn node representations. To alleviate the over-reliance on word information,
we further propose to leverage lexicon entity classification as an auxiliary
task. Experiments on four Chinese NER benchmark datasets demonstrate the
superiority of our ULGF approach. | cs.CL | Unified Lattice Graph Fusion for Chinese Named Entity Recognition |
2023-12-28T08:53:27Z | http://arxiv.org/pdf/2312.16903v2 | http://arxiv.org/abs/2312.16903v2 | Sho Takase, Shun Kiyono, Sosuke Kobayashi, Jun Suzuki | 2024-02-02T10:37:53Z | cs.CL, cs.AI | Loss spikes often occur during pre-training of large language models. The
spikes degrade the performance of large language models and sometimes ruin the
pre-training. Since the pre-training needs a vast computational budget, we
should avoid such spikes. To investigate the cause of loss spikes, we focus on
gradients of internal layers. Through theoretical analyses, we reveal two
causes of the exploding gradients, and provide requirements to prevent the
explosion. In addition, we propose a method to satisfy the requirements by
combining the initialization method and a simple modification to embeddings. We
conduct various experiments to verify our theoretical analyses empirically.
Experimental results indicate that the combination is effective in preventing
spikes during pre-training. | cs.CL | Spike No More: Stabilizing the Pre-training of Large Language Models |
2023-12-28T08:34:17Z | http://arxiv.org/pdf/2312.16893v1 | http://arxiv.org/abs/2312.16893v1 | Zhecheng Sheng, Tianhao Zhang, Chen Jiang, Dongyeop Kang | 2023-12-28T08:34:17Z | cs.CL, cs.AI | Measuring the coherence of text is a vital aspect of evaluating the quality
of written content. Recent advancements in neural coherence modeling have
demonstrated their efficacy in capturing entity coreference and discourse
relations, thereby enhancing coherence evaluation. However, many existing
methods heavily depend on static embeddings or focus narrowly on nearby
context, constraining their capacity to measure the overarching coherence of
long texts. In this paper, we posit that coherent texts inherently manifest a
sequential and cohesive interplay among sentences, effectively conveying the
central theme, purpose, or standpoint. To explore this abstract relationship,
we introduce the "BBScore," a novel reference-free metric grounded in Brownian
bridge theory for assessing text coherence. Our findings showcase that when
synergized with a simple additional classification component, this metric
attains a performance level comparable to state-of-the-art techniques on
standard artificial discrimination tasks. We also establish in downstream tasks
that this metric effectively differentiates between human-written documents and
text generated by large language models under a specific domain. Furthermore,
we illustrate the efficacy of this approach in detecting written styles
attributed to diverse large language models, underscoring its potential for
generalizability. In summary, we present a novel Brownian bridge coherence
metric capable of measuring both local and global text coherence, while
circumventing the need for end-to-end model training. This flexibility allows
for its application in various downstream tasks. | cs.CL | BBScore: A Brownian Bridge Based Metric for Assessing Text Coherence |
2023-12-28T07:20:49Z | http://arxiv.org/pdf/2312.16864v1 | http://arxiv.org/abs/2312.16864v1 | Mingtao Yang, See-Kiong Ng, Jinlan Fu | 2023-12-28T07:20:49Z | cs.CL | Pre-trained conversation models (PCMs) have demonstrated remarkable results
in task-oriented dialogue (TOD) systems. Many PCMs focus predominantly on
dialogue management tasks like dialogue state tracking, dialogue generation
tasks like response generation, or both. However, the existing PCMs seldom
consider dialogue comprehension tasks, such as dialogue question answering and
summarization tasks. These tasks allow PCMs to glean dialogue context from
various angles. This observation naturally raises the question: Can the
performance of downstream dialogue tasks be enhanced if a PCM is pre-trained on
dialogue management, generation, and comprehension tasks?
To investigate this, we proposed an Omnipotent Dialogue pre-training model
(OmniDialog). It unifies these three dialogue tasks into a monolithic framework
by multi-task learning, fostering inter-task communication. The pre-training
corpus of OmniDialog spans $\mathbf{7}$ dialogue-focused tasks, drawing from
$\mathbf{15}$ datasets and encompassing over $\mathbf{3.2}$ million dialogue
utterances. To our knowledge, OmniDialog is a pioneering PCM pre-trained across
dialogue management, generation, and comprehension domains. We evaluated its
performance across four tasks: dialogue summarization, end-to-end dialogue
modeling, dialogue state tracking, and intent classification. The results
underscore its efficacy in domain transfer learning, low-resource, and
full-dataset scenarios. Furthermore, to glean a nuanced understanding of
OmniDialog's strengths and potential pitfalls, we designed a fine-grained
analysis framework for dialogue-centric tasks. Experimental results show that
the OmniDialog is good at hard samples, such as long dialogues and lengthy
responses. | cs.CL | OmniDialog: An Omnipotent Pre-training Model for Task-Oriented Dialogue System |
2023-12-28T07:11:41Z | http://arxiv.org/pdf/2312.16862v3 | http://arxiv.org/abs/2312.16862v3 | Zhengqing Yuan, Zhaoxu Li, Weiran Huang, Yanfang Ye, Lichao Sun | 2024-06-21T07:08:59Z | cs.CV, cs.CL | In recent years, multimodal large language models (MLLMs) such as GPT-4V have
demonstrated remarkable advancements, excelling in a variety of vision-language
tasks. Despite their prowess, the closed-source nature and computational
demands of such models limit their accessibility and applicability. This study
introduces TinyGPT-V, a novel open-source MLLM, designed for efficient training
and inference across various vision-language tasks, including image captioning
(IC) and visual question answering (VQA). Leveraging a compact yet powerful
architecture, TinyGPT-V integrates the Phi-2 language model with pre-trained
vision encoders, utilizing a unique mapping module for visual and linguistic
information fusion. With a training regimen optimized for small backbones and
employing a diverse dataset amalgam, TinyGPT-V requires significantly lower
computational resources 24GB for training and as little as 8GB for inference
without compromising on performance. Our experiments demonstrate that
TinyGPT-V, with its language model 2.8 billion parameters, achieves comparable
results in VQA and image inference tasks to its larger counterparts while being
uniquely suited for deployment on resource-constrained devices through
innovative quantization techniques. This work not only paves the way for more
accessible and efficient MLLMs but also underscores the potential of smaller,
optimized models in bridging the gap between high performance and computational
efficiency in real-world applications. Additionally, this paper introduces a
new approach to multimodal large language models using smaller backbones. Our
code and training weights are available in the supplementary material. | cs.CV | TinyGPT-V: Efficient Multimodal Large Language Model via Small Backbones |
2023-12-28T06:47:18Z | http://arxiv.org/pdf/2401.10747v2 | http://arxiv.org/abs/2401.10747v2 | Weide Liu, Huijing Zhan, Hao Chen, Fengmao Lv | 2024-06-19T01:52:24Z | cs.SD, cs.AI, cs.CL, cs.LG, eess.AS | Multimodal sentiment analysis aims to identify the emotions expressed by
individuals through visual, language, and acoustic cues. However, most of the
existing research efforts assume that all modalities are available during both
training and testing, making their algorithms susceptible to the missing
modality scenario. In this paper, we propose a novel knowledge-transfer network
to translate between different modalities to reconstruct the missing audio
modalities. Moreover, we develop a cross-modality attention mechanism to retain
the maximal information of the reconstructed and observed modalities for
sentiment prediction. Extensive experiments on three publicly available
datasets demonstrate significant improvements over baselines and achieve
comparable results to the previous methods with complete multi-modality
supervision. | cs.SD | Multimodal Sentiment Analysis with Missing Modality: A Knowledge-Transfer Approach |
2023-12-28T06:23:39Z | http://arxiv.org/pdf/2312.16845v1 | http://arxiv.org/abs/2312.16845v1 | Sabino Miranda, Obdulia Pichardo-Lagunas, Bella Martínez-Seis, Pierre Baldi | 2023-12-28T06:23:39Z | cs.CL, cs.AI, 68T50, I.2.7 | This study evaluates the performance of large language models, specifically
GPT-3.5 and BARD (supported by Gemini Pro model), in undergraduate admissions
exams proposed by the National Polytechnic Institute in Mexico. The exams cover
Engineering/Mathematical and Physical Sciences, Biological and Medical
Sciences, and Social and Administrative Sciences. Both models demonstrated
proficiency, exceeding the minimum acceptance scores for respective academic
programs to up to 75% for some academic programs. GPT-3.5 outperformed BARD in
Mathematics and Physics, while BARD performed better in History and questions
related to factual information. Overall, GPT-3.5 marginally surpassed BARD with
scores of 60.94% and 60.42%, respectively. | cs.CL | Evaluating the Performance of Large Language Models for Spanish Language in Undergraduate Admissions Exams |
2023-12-28T06:00:55Z | http://arxiv.org/pdf/2312.16840v1 | http://arxiv.org/abs/2312.16840v1 | Leela Raj-Sankar, S. Raj Rajagopalan | 2023-12-28T06:00:55Z | cs.CL, cs.CR | Covert communication (also known as steganography) is the practice of
concealing a secret inside an innocuous-looking public object (cover) so that
the modified public object (covert code) makes sense to everyone but only
someone who knows the code can extract the secret (message). Linguistic
steganography is the practice of encoding a secret message in natural language
text such as spoken conversation or short public communications such as
tweets.. While ad hoc methods for covert communications in specific domains
exist ( JPEG images, Chinese poetry, etc), there is no general model for
linguistic steganography specifically. We present a novel mathematical
formalism for creating linguistic steganographic codes, with three parameters:
Decodability (probability that the receiver of the coded message will decode
the cover correctly), density (frequency of code words in a cover code), and
detectability (probability that an attacker can tell the difference between an
untampered cover compared to its steganized version). Verbal or linguistic
steganography is most challenging because of its lack of artifacts to hide the
secret message in. We detail a practical construction in Python of a
steganographic code for Tweets using inserted words to encode hidden digits
while using n-gram frequency distortion as the measure of detectability of the
insertions. Using the publicly accessible Stanford Sentiment Analysis dataset
we implemented the tweet steganization scheme -- a codeword (an existing word
in the data set) inserted in random positions in random existing tweets to find
the tweet that has the least possible n-gram distortion. We argue that this
approximates KL distance in a localized manner at low cost and thus we get a
linguistic steganography scheme that is both formal and practical and permits a
tradeoff between codeword density and detectability of the covert message. | cs.CL | Hiding in Plain Sight: Towards the Science of Linguistic Steganography |
2023-12-28T01:57:26Z | http://arxiv.org/pdf/2312.16778v1 | http://arxiv.org/abs/2312.16778v1 | Yuntao Shou, Tao Meng, Wei Ai, Keqin Li | 2023-12-28T01:57:26Z | cs.CL | With the release of increasing open-source emotion recognition datasets on
social media platforms and the rapid development of computing resources,
multimodal emotion recognition tasks (MER) have begun to receive widespread
research attention. The MER task extracts and fuses complementary semantic
information from different modalities, which can classify the speaker's
emotions. However, the existing feature fusion methods have usually mapped the
features of different modalities into the same feature space for information
fusion, which can not eliminate the heterogeneity between different modalities.
Therefore, it is challenging to make the subsequent emotion class boundary
learning. To tackle the above problems, we have proposed a novel Adversarial
Representation with Intra-Modal and Inter-Modal Graph Contrastive for
Multimodal Emotion Recognition (AR-IIGCN) method. Firstly, we input video,
audio, and text features into a multi-layer perceptron (MLP) to map them into
separate feature spaces. Secondly, we build a generator and a discriminator for
the three modal features through adversarial representation, which can achieve
information interaction between modalities and eliminate heterogeneity among
modalities. Thirdly, we introduce contrastive graph representation learning to
capture intra-modal and inter-modal complementary semantic information and
learn intra-class and inter-class boundary information of emotion categories.
Specifically, we construct a graph structure for three modal features and
perform contrastive representation learning on nodes with different emotions in
the same modality and the same emotion in different modalities, which can
improve the feature representation ability of nodes. Extensive experimental
works show that the ARL-IIGCN method can significantly improve emotion
recognition accuracy on IEMOCAP and MELD datasets. | cs.CL | Adversarial Representation with Intra-Modal and Inter-Modal Graph Contrastive Learning for Multimodal Emotion Recognition |
2023-12-28T00:25:12Z | http://arxiv.org/pdf/2312.16755v1 | http://arxiv.org/abs/2312.16755v1 | Martina Toshevska, Slobodan Kalajdziski, Sonja Gievska | 2023-12-28T00:25:12Z | cs.CL | Social media resurgence of antisocial behavior has exerted a downward spiral
on stereotypical beliefs, and hateful comments towards individuals and social
groups, as well as false or distorted news. The advances in graph neural
networks employed on massive quantities of graph-structured data raise high
hopes for the future of mediating communication on social media platforms. An
approach based on graph convolutional data was employed to better capture the
dependencies between the heterogeneous types of data.
Utilizing past and present experiences on the topic, we proposed and
evaluated a graph-based approach for antisocial behavior detection, with
general applicability that is both language- and context-independent. In this
research, we carried out an experimental validation of our graph-based approach
on several PAN datasets provided as part of their shared tasks, that enable the
discussion of the results obtained by the proposed solution. | cs.CL | Graph Neural Networks for Antisocial Behavior Detection on Twitter |
2023-12-27T21:04:26Z | http://arxiv.org/pdf/2312.17279v3 | http://arxiv.org/abs/2312.17279v3 | Vahid Noroozi, Somshubra Majumdar, Ankur Kumar, Jagadeesh Balam, Boris Ginsburg | 2024-05-02T21:38:10Z | cs.CL, eess.AS | In this paper, we propose an efficient and accurate streaming speech
recognition model based on the FastConformer architecture. We adapted the
FastConformer architecture for streaming applications through: (1) constraining
both the look-ahead and past contexts in the encoder, and (2) introducing an
activation caching mechanism to enable the non-autoregressive encoder to
operate autoregressively during inference. The proposed model is thoughtfully
designed in a way to eliminate the accuracy disparity between the train and
inference time which is common for many streaming models. Furthermore, our
proposed encoder works with various decoder configurations including
Connectionist Temporal Classification (CTC) and RNN-Transducer (RNNT) decoders.
Additionally, we introduced a hybrid CTC/RNNT architecture which utilizes a
shared encoder with both a CTC and RNNT decoder to boost the accuracy and save
computation. We evaluate the proposed model on LibriSpeech dataset and a
multi-domain large scale dataset and demonstrate that it can achieve better
accuracy with lower latency and inference time compared to a conventional
buffered streaming model baseline. We also showed that training a model with
multiple latencies can achieve better accuracy than single latency models while
it enables us to support multiple latencies with a single model. Our
experiments also showed the hybrid architecture would not only speedup the
convergence of the CTC decoder but also improves the accuracy of streaming
models compared to single decoder models. | cs.CL | Stateful Conformer with Cache-based Inference for Streaming Automatic Speech Recognition |
2023-12-27T20:47:48Z | http://arxiv.org/pdf/2312.16714v1 | http://arxiv.org/abs/2312.16714v1 | Hernán Melgratti, Claudio Antares Mezzina, G. Michele Pinna | 2023-12-27T20:47:48Z | cs.CL, cs.LO | Event structures have emerged as a foundational model for concurrent
computation, explaining computational processes by outlining the events and the
relationships that dictate their execution. They play a pivotal role in the
study of key aspects of concurrent computation models, such as causality and
independence, and have found applications across a broad range of languages and
models, spanning realms like persistence, probabilities, and quantum computing.
Recently, event structures have been extended to address reversibility, where
computational processes can undo previous computations. In this context,
reversible event structures provide abstract representations of processes
capable of both forward and backward steps in a computation. Since their
introduction, event structures have played a crucial role in bridging
operational models, traditionally exemplified by Petri nets and process
calculi, with denotational ones, i.e., algebraic domains. In this context, we
revisit the standard connection between Petri nets and event structures under
the lenses of reversibility. Specifically, we introduce a subset of contextual
Petri nets, dubbed reversible causal nets, that precisely correspond to
reversible prime event structures. The distinctive feature of reversible causal
nets lies in deriving causality from inhibitor arcs, departing from the
conventional dependence on the overlap between the post and preset of
transitions. In this way, we are able to operationally explain the full model
of reversible prime event structures. | cs.CL | A Reversible Perspective on Petri Nets and Event Structures |
2023-12-27T19:58:52Z | http://arxiv.org/pdf/2312.16702v1 | http://arxiv.org/abs/2312.16702v1 | Tianyang Liu, Fei Wang, Muhao Chen | 2023-12-27T19:58:52Z | cs.CL, cs.AI, cs.DB, cs.LG | Large Language Models (LLMs) have shown to be capable of various tasks, yet
their capability in interpreting and reasoning over tabular data remains an
underexplored area. In this context, this study investigates from three core
perspectives: the robustness of LLMs to structural perturbations in tables, the
comparative analysis of textual and symbolic reasoning on tables, and the
potential of boosting model performance through the aggregation of multiple
reasoning pathways. We discover that structural variance of tables presenting
the same content reveals a notable performance decline, particularly in
symbolic reasoning tasks. This prompts the proposal of a method for table
structure normalization. Moreover, textual reasoning slightly edges out
symbolic reasoning, and a detailed error analysis reveals that each exhibits
different strengths depending on the specific tasks. Notably, the aggregation
of textual and symbolic reasoning pathways, bolstered by a mix self-consistency
mechanism, resulted in achieving SOTA performance, with an accuracy of 73.6% on
WIKITABLEQUESTIONS, representing a substantial advancement over previous
existing table processing paradigms of LLMs. | cs.CL | Rethinking Tabular Data Understanding with Large Language Models |
2023-12-27T19:49:00Z | http://arxiv.org/pdf/2312.17278v2 | http://arxiv.org/abs/2312.17278v2 | Benjamin M. Ampel, Chi-Heng Yang, James Hu, Hsinchun Chen | 2024-05-23T03:24:59Z | cs.CL, cs.LG | The exponential growth of digital content has generated massive textual
datasets, necessitating the use of advanced analytical approaches. Large
Language Models (LLMs) have emerged as tools that are capable of processing and
extracting insights from massive unstructured textual datasets. However, how to
leverage LLMs for text analytics Information Systems (IS) research is currently
unclear. To assist the IS community in understanding how to operationalize
LLMs, we propose a Text Analytics for Information Systems Research (TAISR)
framework. Our proposed framework provides detailed recommendations grounded in
IS and LLM literature on how to conduct meaningful text analytics IS research
for design science, behavioral, and econometric streams. We conducted three
business intelligence case studies using our TAISR framework to demonstrate its
application in several IS research contexts. We also outline the potential
challenges and limitations of adopting LLMs for IS. By offering a systematic
approach and evidence of its utility, our TAISR framework contributes to future
IS research streams looking to incorporate powerful LLMs for text analytics. | cs.CL | Large Language Models for Conducting Advanced Text Analytics Information Systems Research |
2023-12-27T18:53:09Z | http://arxiv.org/pdf/2312.16682v2 | http://arxiv.org/abs/2312.16682v2 | Jing Xu, Andrew Lee, Sainbayar Sukhbaatar, Jason Weston | 2024-04-22T22:51:32Z | cs.CL, cs.AI | Practitioners commonly align large language models using pairwise
preferences, i.e., given labels of the type response A is preferred to response
B for a given input. Perhaps less commonly, methods have also been developed
for binary feedback, i.e. training models given labels of type response A is
good or bad. We show how an existing performant binary feedback method, the
Cringe Loss (Adolphs et al., 2022), can be generalized to the pairwise
preference setting using a simple soft margin extension. Pairwise Cringe Loss
is straightforward to implement and efficient to train, and we find it
outperforms state-of-the-art preference optimization algorithms such as PPO and
DPO on the AlpacaFarm benchmark. We show that iterations of training of our
model are important for improved results, and that we can generalize DPO to
Iterative DPO in the same way. | cs.CL | Some things are more CRINGE than others: Iterative Preference Optimization with the Pairwise Cringe Loss |
2023-12-27T18:08:50Z | http://arxiv.org/pdf/2312.16659v1 | http://arxiv.org/abs/2312.16659v1 | Alex Doboli | 2023-12-27T18:08:50Z | cs.CL, cs.AI | Creating written products is essential to modern life, including writings
about one's identity and personal experiences. However, writing is often a
difficult activity that requires extensive effort to frame the central ideas,
the pursued approach to communicate the central ideas, e.g., using analogies,
metaphors, or other possible means, the needed presentation structure, and the
actual verbal expression. Large Language Models, a recently emerged approach in
Machine Learning, can offer a significant help in reducing the effort and
improving the quality of written products. This paper proposes a new
computational approach to explore prompts that given as inputs to a Large
Language Models can generate cues to improve the considered written products.
Two case studies on improving write-ups, one based on an analogy and one on a
metaphor, are also presented in the paper. | cs.CL | A Large Language Model-based Computational Approach to Improve Identity-Related Write-Ups |
2023-12-27T16:11:07Z | http://arxiv.org/pdf/2312.16623v1 | http://arxiv.org/abs/2312.16623v1 | Yongchang Cao, Liang He, Zhen Wu, Xinyu Dai | 2023-12-27T16:11:07Z | cs.CL | BERT-based models have shown a remarkable ability in the Chinese Spelling
Check (CSC) task recently. However, traditional BERT-based methods still suffer
from two limitations. First, although previous works have identified that
explicit prior knowledge like Part-Of-Speech (POS) tagging can benefit in the
CSC task, they neglected the fact that spelling errors inherent in CSC data can
lead to incorrect tags and therefore mislead models. Additionally, they ignored
the correlation between the implicit hierarchical information encoded by BERT's
intermediate layers and different linguistic phenomena. This results in
sub-optimal accuracy. To alleviate the above two issues, we design a
heterogeneous knowledge-infused framework to strengthen BERT-based CSC models.
To incorporate explicit POS knowledge, we utilize an auxiliary task strategy
driven by Gaussian mixture model. Meanwhile, to incorporate implicit
hierarchical linguistic knowledge within the encoder, we propose a novel form
of n-gram-based layerwise self-attention to generate a multilayer
representation. Experimental results show that our proposed framework yields a
stable performance boost over four strong baseline models and outperforms the
previous state-of-the-art methods on two datasets. | cs.CL | Make BERT-based Chinese Spelling Check Model Enhanced by Layerwise Attention and Gaussian Mixture Model |
2023-12-27T14:50:09Z | http://arxiv.org/pdf/2312.16599v1 | http://arxiv.org/abs/2312.16599v1 | Jay Kejriwal, Štefan Beňuš | 2023-12-27T14:50:09Z | cs.CL, cs.SD, eess.AS | The tendency of people to engage in similar, matching, or synchronized
behaviour when interacting is known as entrainment. Many studies examined
linguistic (syntactic and lexical structures) and paralinguistic (pitch,
intensity) entrainment, but less attention was given to finding the
relationship between them. In this study, we utilized state-of-the-art DNN
embeddings such as BERT and TRIpLet Loss network (TRILL) vectors to extract
features for measuring semantic and auditory similarities of turns within
dialogues in two comparable spoken corpora of two different languages. We found
people's tendency to entrain on semantic features more when compared to
auditory features. Additionally, we found that entrainment in semantic and
auditory linguistic features are positively correlated. The findings of this
study might assist in implementing the mechanism of entrainment in
human-machine interaction (HMI). | cs.CL | Relationship between auditory and semantic entrainment using Deep Neural Networks (DNN) |
2023-12-27T14:37:32Z | http://arxiv.org/pdf/2401.08664v3 | http://arxiv.org/abs/2401.08664v3 | Qingyao Li, Lingyue Fu, Weiming Zhang, Xianyu Chen, Jingwei Yu, Wei Xia, Weinan Zhang, Ruiming Tang, Yong Yu | 2024-04-26T07:59:22Z | cs.AI, cs.CL | Online education platforms, leveraging the internet to distribute education
resources, seek to provide convenient education but often fall short in
real-time communication with students. They often struggle to address the
diverse obstacles students encounter throughout their learning journey. Solving
the problems encountered by students poses a significant challenge for
traditional deep learning models, as it requires not only a broad spectrum of
subject knowledge but also the ability to understand what constitutes a
student's individual difficulties. It's challenging for traditional machine
learning models, as they lack the capacity to comprehend students' personalized
needs. Recently, the emergence of large language models (LLMs) offers the
possibility for resolving this issue by comprehending individual requests.
Although LLMs have been successful in various fields, creating an LLM-based
education system is still challenging for the wide range of educational skills
required. This paper reviews the recently emerged LLM research related to
educational capabilities, including mathematics, writing, programming,
reasoning, and knowledge-based question answering, with the aim to explore
their potential in constructing the next-generation intelligent education
system. Specifically, for each capability, we focus on investigating two
aspects. Firstly, we examine the current state of LLMs regarding this
capability: how advanced they have become, whether they surpass human
abilities, and what deficiencies might exist. Secondly, we evaluate whether the
development methods for LLMs in this area are generalizable, that is, whether
these methods can be applied to construct a comprehensive educational
supermodel with strengths across various capabilities, rather than being
effective in only a singular aspect. | cs.AI | Adapting Large Language Models for Education: Foundational Capabilities, Potentials, and Challenges |
2023-12-27T12:20:12Z | http://arxiv.org/pdf/2312.16549v1 | http://arxiv.org/abs/2312.16549v1 | Karan Gupta, Sumegh Roychowdhury, Siva Rajesh Kasa, Santhosh Kumar Kasa, Anish Bhanushali, Nikhil Pattisapu, Prasanna Srinivasa Murthy | 2023-12-27T12:20:12Z | cs.LG, cs.AI, cs.CL | In the In-Context Learning (ICL) setup, various forms of label biases can
manifest. One such manifestation is majority label bias, which arises when the
distribution of labeled examples in the in-context samples is skewed towards
one or more specific classes making Large Language Models (LLMs) more prone to
predict those labels. Such discrepancies can arise from various factors,
including logistical constraints, inherent biases in data collection methods,
limited access to diverse data sources, etc. which are unavoidable in a
real-world industry setup. In this work, we study the robustness of in-context
learning in LLMs to shifts that occur due to majority label bias within the
purview of text classification tasks. Prior works have shown that in-context
learning with LLMs is susceptible to such biases. In our study, we go one level
deeper and show that the robustness boundary varies widely for different models
and tasks, with certain LLMs being highly robust (~90%) to majority label bias.
Additionally, our findings also highlight the impact of model size and the
richness of instructional prompts contributing towards model robustness. We
restrict our study to only publicly available open-source models to ensure
transparency and reproducibility. | cs.LG | How Robust are LLMs to In-Context Majority Label Bias? |
2023-12-27T12:19:06Z | http://arxiv.org/pdf/2312.16548v1 | http://arxiv.org/abs/2312.16548v1 | İlknur Dönmez Phd, Mehmet Haklıdır Phd | 2023-12-27T12:19:06Z | cs.CL, cs.AI, cs.IT, math.IT, I.2.4; I.2.7 | A word may contain one or more hidden concepts. While the "animal" word
evokes many images in our minds and encapsulates many concepts (birds, dogs,
cats, crocodiles, etc.), the `parrot' word evokes a single image (a colored
bird with a short, hooked beak and the ability to mimic sounds). In spoken or
written texts, we use some words in a general sense and some in a detailed way
to point to a specific object. Until now, a text's conceptual diversity value
cannot be determined using a standard and precise technique. This research
contributes to the natural language processing field of AI by offering a
standardized method and a generic metric for evaluating and comparing concept
diversity in different texts and domains. It also contributes to the field of
semantic research of languages. If we give examples for the diversity score of
two sentences, "He discovered an unknown entity." has a high conceptual
diversity score (16.6801), and "The endoplasmic reticulum forms a series of
flattened sacs within the cytoplasm of eukaryotic cells." sentence has a low
conceptual diversity score which is 3.9068. | cs.CL | A proposed new metric for the conceptual diversity of a text |
2023-12-27T11:49:24Z | http://arxiv.org/pdf/2312.17276v1 | http://arxiv.org/abs/2312.17276v1 | Yunhe Wang, Hanting Chen, Yehui Tang, Tianyu Guo, Kai Han, Ying Nie, Xutao Wang, Hailin Hu, Zheyuan Bai, Yun Wang, Fangcheng Liu, Zhicheng Liu, Jianyuan Guo, Sinan Zeng, Yinchen Zhang, Qinghua Xu, Qun Liu, Jun Yao, Chao Xu, Dacheng Tao | 2023-12-27T11:49:24Z | cs.CL, cs.LG | The recent trend of large language models (LLMs) is to increase the scale of
both model size (\aka the number of parameters) and dataset to achieve better
generative ability, which is definitely proved by a lot of work such as the
famous GPT and Llama. However, large models often involve massive computational
costs, and practical applications cannot afford such high prices. However, the
method of constructing a strong model architecture for LLMs is rarely
discussed. We first analyze the state-of-the-art language model architectures
and observe the feature collapse problem. Based on the theoretical analysis, we
propose that the nonlinearity is also very important for language models, which
is usually studied in convolutional neural networks for vision tasks. The
series informed activation function is then introduced with tiny calculations
that can be ignored, and an augmented shortcut is further used to enhance the
model nonlinearity. We then demonstrate that the proposed approach is
significantly effective for enhancing the model nonlinearity through carefully
designed ablations; thus, we present a new efficient model architecture for
establishing modern, namely, PanGu-$\pi$. Experiments are then conducted using
the same dataset and training strategy to compare PanGu-$\pi$ with
state-of-the-art LLMs. The results show that PanGu-$\pi$-7B can achieve a
comparable performance to that of benchmarks with about 10\% inference
speed-up, and PanGu-$\pi$-1B can achieve state-of-the-art performance in terms
of accuracy and efficiency. In addition, we have deployed PanGu-$\pi$-7B in the
high-value domains of finance and law, developing an LLM named YunShan for
practical application. The results show that YunShan can surpass other models
with similar scales on benchmarks. | cs.CL | PanGu-$π$: Enhancing Language Model Architectures via Nonlinearity Compensation |
2023-12-27T10:41:18Z | http://arxiv.org/pdf/2312.16511v1 | http://arxiv.org/abs/2312.16511v1 | Baokui Li, Sen Zhang, Wangshu Zhang, Yicheng Chen, Changlin Yang, Sen Hu, Teng Xu, Siye liu, Jiwei Li | 2023-12-27T10:41:18Z | cs.CL, cs.AI | Supplying data augmentation to conversational question answering (CQA) can
effectively improve model performance. However, there is less improvement from
single-turn datasets in CQA due to the distribution gap between single-turn and
multi-turn datasets. On the other hand, while numerous single-turn datasets are
available, we have not utilized them effectively. To solve this problem, we
propose a novel method to convert single-turn datasets to multi-turn datasets.
The proposed method consists of three parts, namely, a QA pair Generator, a QA
pair Reassembler, and a question Rewriter. Given a sample consisting of context
and single-turn QA pairs, the Generator obtains candidate QA pairs and a
knowledge graph based on the context. The Reassembler utilizes the knowledge
graph to get sequential QA pairs, and the Rewriter rewrites questions from a
conversational perspective to obtain a multi-turn dataset S2M. Our experiments
show that our method can synthesize effective training resources for CQA.
Notably, S2M ranks 1st place on the QuAC leaderboard at the time of submission
(Aug 24th, 2022). | cs.CL | S2M: Converting Single-Turn to Multi-Turn Datasets for Conversational Question Answering |
2023-12-27T09:35:23Z | http://arxiv.org/pdf/2312.16490v1 | http://arxiv.org/abs/2312.16490v1 | Zhengjia Wang, Danding Wang, Qiang Sheng, Juan Cao, Silong Su, Yifan Sun, Beizhe Hu, Siyuan Ma | 2023-12-27T09:35:23Z | cs.CL, cs.AI, cs.CY | As the disruptive changes in the media economy and the proliferation of
alternative news media outlets, news intent has progressively deviated from
ethical standards that serve the public interest. News intent refers to the
purpose or intention behind the creation of a news article. While the
significance of research on news intent has been widely acknowledged, the
absence of a systematic news intent understanding framework hinders further
exploration of news intent and its downstream applications. To bridge this gap,
we propose News INTent (NINT) frame, the first component-aware formalism for
understanding the news creation intent based on research in philosophy,
psychology, and cognitive science. Within this frame, we define the news intent
identification task and provide a benchmark dataset with fine-grained labels
along with an efficient benchmark method. Experiments demonstrate that NINT is
beneficial in both the intent identification task and downstream tasks that
demand a profound understanding of news. This work marks a foundational step
towards a more systematic exploration of news creation intents. | cs.CL | Understanding News Creation Intents: Frame, Dataset, and Method |
2023-12-27T09:30:31Z | http://arxiv.org/pdf/2312.16488v1 | http://arxiv.org/abs/2312.16488v1 | Mohammed Ataaur Rahaman, Julia Ive | 2023-12-27T09:30:31Z | cs.CL | Source code clone detection is the task of finding code fragments that have
the same or similar functionality, but may differ in syntax or structure. This
task is important for software maintenance, reuse, and quality assurance (Roy
et al. 2009). However, code clone detection is challenging, as source code can
be written in different languages, domains, and styles. In this paper, we argue
that source code is inherently a graph, not a sequence, and that graph-based
methods are more suitable for code clone detection than sequence-based methods.
We compare the performance of two state-of-the-art models: CodeBERT (Feng et
al. 2020), a sequence-based model, and CodeGraph (Yu et al. 2023), a
graph-based model, on two benchmark data-sets: BCB (Svajlenko et al. 2014) and
PoolC (PoolC no date). We show that CodeGraph outperforms CodeBERT on both
data-sets, especially on cross-lingual code clones. To the best of our
knowledge, this is the first work to demonstrate the superiority of graph-based
methods over sequence-based methods on cross-lingual code clone detection. | cs.CL | Source Code is a Graph, Not a Sequence: A Cross-Lingual Perspective on Code Clone Detection |
2023-12-27T08:35:47Z | http://arxiv.org/pdf/2312.16467v1 | http://arxiv.org/abs/2312.16467v1 | Wenbin An, Feng Tian, Wenkai Shi, Yan Chen, Yaqiang Wu, Qianying Wang, Ping Chen | 2023-12-27T08:35:47Z | cs.CL, cs.LG | Generalized Category Discovery is a crucial real-world task. Despite the
improved performance on known categories, current methods perform poorly on
novel categories. We attribute the poor performance to two reasons: biased
knowledge transfer between labeled and unlabeled data and noisy representation
learning on the unlabeled data. To mitigate these two issues, we propose a
Transfer and Alignment Network (TAN), which incorporates two knowledge transfer
mechanisms to calibrate the biased knowledge and two feature alignment
mechanisms to learn discriminative features. Specifically, we model different
categories with prototypes and transfer the prototypes in labeled data to
correct model bias towards known categories. On the one hand, we pull instances
with known categories in unlabeled data closer to these prototypes to form more
compact clusters and avoid boundary overlap between known and novel categories.
On the other hand, we use these prototypes to calibrate noisy prototypes
estimated from unlabeled data based on category similarities, which allows for
more accurate estimation of prototypes for novel categories that can be used as
reliable learning targets later. After knowledge transfer, we further propose
two feature alignment mechanisms to acquire both instance- and category-level
knowledge from unlabeled data by aligning instance features with both augmented
features and the calibrated prototypes, which can boost model performance on
both known and novel categories with less noise. Experiments on three benchmark
datasets show that our model outperforms SOTA methods, especially on novel
categories. Theoretical analysis is provided for an in-depth understanding of
our model in general. Our code and data are available at
https://github.com/Lackel/TAN. | cs.CL | Transfer and Alignment Network for Generalized Category Discovery |
2023-12-27T02:56:41Z | http://arxiv.org/pdf/2401.08660v1 | http://arxiv.org/abs/2401.08660v1 | Gyeong-Geon Lee, Ehsan Latif, Lehong Shi, Xiaoming Zhai | 2023-12-27T02:56:41Z | cs.AI, cs.CL | This study compared the classification performance of Gemini Pro and GPT-4V
in educational settings. Employing visual question answering (VQA) techniques,
the study examined both models' abilities to read text-based rubrics and then
automatically score student-drawn models in science education. We employed both
quantitative and qualitative analyses using a dataset derived from
student-drawn scientific models and employing NERIF (Notation-Enhanced Rubrics
for Image Feedback) prompting methods. The findings reveal that GPT-4V
significantly outperforms Gemini Pro in terms of scoring accuracy and Quadratic
Weighted Kappa. The qualitative analysis reveals that the differences may be
due to the models' ability to process fine-grained texts in images and overall
image classification performance. Even adapting the NERIF approach by further
de-sizing the input images, Gemini Pro seems not able to perform as well as
GPT-4V. The findings suggest GPT-4V's superior capability in handling complex
multimodal educational tasks. The study concludes that while both models
represent advancements in AI, GPT-4V's higher performance makes it a more
suitable tool for educational applications involving multimodal data
interpretation. | cs.AI | Gemini Pro Defeated by GPT-4V: Evidence from Education |
2023-12-27T02:31:51Z | http://arxiv.org/pdf/2312.16378v1 | http://arxiv.org/abs/2312.16378v1 | Sanjay Oruganti, Sergei Nirenburg, Jesse English, Marjorie McShane | 2023-12-27T02:31:51Z | cs.CL, cs.AI | The paper describes a system that uses large language model (LLM) technology
to support the automatic learning of new entries in an intelligent agent's
semantic lexicon. The process is bootstrapped by an existing non-toy lexicon
and a natural language generator that converts formal, ontologically-grounded
representations of meaning into natural language sentences. The learning method
involves a sequence of LLM requests and includes an automatic quality control
step. To date, this learning method has been applied to learning multiword
expressions whose meanings are equivalent to those of transitive verbs in the
agent's lexicon. The experiment demonstrates the benefits of a hybrid learning
architecture that integrates knowledge-based methods and resources with both
traditional data analytics and LLMs. | cs.CL | Automating Knowledge Acquisition for Content-Centric Cognitive Agents Using LLMs |
2023-12-27T01:44:47Z | http://arxiv.org/pdf/2312.16374v2 | http://arxiv.org/abs/2312.16374v2 | Jinwen He, Yujia Gong, Kai Chen, Zijin Lin, Chengan Wei, Yue Zhao | 2023-12-29T14:03:48Z | cs.CL, cs.AI | Large Language Models (LLMs) have revolutionized various domains with
extensive knowledge and creative capabilities. However, a critical issue with
LLMs is their tendency to produce outputs that diverge from factual reality.
This phenomenon is particularly concerning in sensitive applications such as
medical consultation and legal advice, where accuracy is paramount. In this
paper, we introduce the LLM factoscope, a novel Siamese network-based model
that leverages the inner states of LLMs for factual detection. Our
investigation reveals distinguishable patterns in LLMs' inner states when
generating factual versus non-factual content. We demonstrate the LLM
factoscope's effectiveness across various architectures, achieving over 96%
accuracy in factual detection. Our work opens a new avenue for utilizing LLMs'
inner states for factual detection and encourages further exploration into
LLMs' inner workings for enhanced reliability and transparency. | cs.CL | LLM Factoscope: Uncovering LLMs' Factual Discernment through Inner States Analysis |
2023-12-27T00:03:05Z | http://arxiv.org/pdf/2312.17269v2 | http://arxiv.org/abs/2312.17269v2 | Lihui Liu, Blaine Hill, Boxin Du, Fei Wang, Hanghang Tong | 2024-03-29T06:32:18Z | cs.CL, cs.AI | Conversational question answering (convQA) over knowledge graphs (KGs)
involves answering multi-turn natural language questions about information
contained in a KG. State-of-the-art methods of ConvQA often struggle with
inexplicit question-answer pairs. These inputs are easy for human beings to
understand given a conversation history, but hard for a machine to interpret,
which can degrade ConvQA performance. To address this problem, we propose a
reinforcement learning (RL) based model, CornNet, which utilizes question
reformulations generated by large language models (LLMs) to improve ConvQA
performance. CornNet adopts a teacher-student architecture where a teacher
model learns question representations using human writing reformulations, and a
student model to mimic the teacher model's output via reformulations generated
by LLMs. The learned question representation is then used by an RL model to
locate the correct answer in a KG. Extensive experimental results show that
CornNet outperforms state-of-the-art convQA models. | cs.CL | Conversational Question Answering with Reformulations over Knowledge Graph |
2023-12-26T21:17:46Z | http://arxiv.org/pdf/2312.16337v1 | http://arxiv.org/abs/2312.16337v1 | Changmao Li, Jeffrey Flanigan | 2023-12-26T21:17:46Z | cs.CL, I.2.7 | Large language models (LLMs) offer impressive performance in various
zero-shot and few-shot tasks. However, their success in zero-shot and few-shot
settings may be affected by task contamination, a potential limitation that has
not been thoroughly examined. This paper investigates how zero-shot and
few-shot performance of LLMs has changed chronologically over time. Utilizing
GPT-3 series models and several other recent open-sourced LLMs, and controlling
for dataset difficulty, we find that on datasets released before the LLM
training data creation date, LLMs perform surprisingly better than on datasets
released after. This strongly indicates that, for many LLMs, there exists task
contamination on zero-shot and few-shot evaluation for datasets released prior
to the LLMs' training data creation date. Additionally, we utilize training
data inspection, task example extraction, and a membership inference attack,
which reveal further evidence of task contamination. Importantly, we find that
for classification tasks with no possibility of task contamination, LLMs rarely
demonstrate statistically significant improvements over simple majority
baselines, in both zero and few-shot settings. | cs.CL | Task Contamination: Language Models May Not Be Few-Shot Anymore |
2023-12-26T19:39:25Z | http://arxiv.org/pdf/2312.16311v1 | http://arxiv.org/abs/2312.16311v1 | María José Domínguez Vázquez | 2023-12-26T19:39:25Z | cs.CL | The multilingual dictionary of noun valency Portlex is considered to be the
trigger for the creation of the automatic language generators Xera and
Combinatoria, whose development and use is presented in this paper. Both
prototypes are used for the automatic generation of nominal phrases with their
mono- and bi-argumental valence slots, which could be used, among others, as
dictionary examples or as integrated components of future autonomous
E-Learning-Tools. As samples for new types of automatic valency dictionaries
including user interaction, we consider the language generators as we know them
today. In the specific methodological procedure for the development of the
language generators, the syntactic-semantic description of the noun slots turns
out to be the main focus from a syntagmatic and paradigmatic point of view.
Along with factors such as representativeness, grammatical correctness,
semantic coherence, frequency and the variety of lexical candidates, as well as
semantic classes and argument structures, which are fixed components of both
resources, a concept of a multi-sided prototype stands out. The combined
application of this prototype concept as well as of word embeddings together
with techniques from the field of automatic natural language processing and
generation (NLP and NLG) opens up a new way for the future development of
automatically generated plurilingual valency dictionaries. All things
considered, the paper depicts the language generators both from the point of
view of their development as well as from that of the users. The focus lies on
the role of the prototype concept within the development of the resources. | cs.CL | Zur Darstellung eines mehrstufigen Prototypbegriffs in der multilingualen automatischen Sprachgenerierung: vom Korpus über word embeddings bis hin zum automatischen Wörterbuch |
2023-12-26T19:32:05Z | http://arxiv.org/pdf/2312.16309v1 | http://arxiv.org/abs/2312.16309v1 | María José Domínguez Vázquez | 2023-12-26T19:32:05Z | cs.CL | This paper describes how the field of Combinatorial Semantics has contributed
to the design of three prototypes for the automatic generation of argument
patterns in nominal phrases in Spanish, French and German (Xera, Combinatoria
and CombiContext). It also shows the importance of knowing about the argument
syntactic-semantic interface in a production situation in the context of
foreign languages. After a descriptive section on the design, typologie and
information levels of the resources, there follows an explanation of the
central role of the combinatorial meaning (roles and ontological features). The
study deals with different semantic f ilters applied in the selection,
organization and expansion of the lexicon, being these key pieces for the
generation of grammatically correct and semantically acceptable mono- and
biargumental nominal phrases. | cs.CL | Contribución de la semántica combinatoria al desarrollo de herramientas digitales multilingües |
2023-12-26T19:00:56Z | http://arxiv.org/pdf/2312.16291v2 | http://arxiv.org/abs/2312.16291v2 | Jacob Dunefsky, Arman Cohan | 2024-06-04T01:26:01Z | cs.LG, cs.CL | A key goal of current mechanistic interpretability research in NLP is to find
linear features (also called "feature vectors") for transformers: directions in
activation space corresponding to concepts that are used by a given model in
its computation. Present state-of-the-art methods for finding linear features
require large amounts of labelled data -- both laborious to acquire and
computationally expensive to utilize. In this work, we introduce a novel
method, called "observable propagation" (in short: ObProp), for finding linear
features used by transformer language models in computing a given task -- using
almost no data. Our paradigm centers on the concept of "observables", linear
functionals corresponding to given tasks. We then introduce a mathematical
theory for the analysis of feature vectors, including a similarity metric
between feature vectors called the coupling coefficient which estimates the
degree to which one feature's output correlates with another's. We use ObProp
to perform extensive qualitative investigations into several tasks, including
gendered occupational bias, political party prediction, and programming
language detection. Our results suggest that ObProp surpasses traditional
approaches for finding feature vectors in the low-data regime, and that ObProp
can be used to better understand the mechanisms responsible for bias in large
language models. | cs.LG | Observable Propagation: Uncovering Feature Vectors in Transformers |
2023-12-26T18:59:33Z | http://arxiv.org/pdf/2312.16171v2 | http://arxiv.org/abs/2312.16171v2 | Sondos Mahmoud Bsharat, Aidar Myrzakhan, Zhiqiang Shen | 2024-01-18T18:41:09Z | cs.CL, cs.AI | This paper introduces 26 guiding principles designed to streamline the
process of querying and prompting large language models. Our goal is to
simplify the underlying concepts of formulating questions for various scales of
large language models, examining their abilities, and enhancing user
comprehension on the behaviors of different scales of large language models
when feeding into different prompts. Extensive experiments are conducted on
LLaMA-1/2 (7B, 13B and 70B), GPT-3.5/4 to verify the effectiveness of the
proposed principles on instructions and prompts design. We hope that this work
can provide a better guide for researchers working on the prompting of large
language models. Project page is available at
https://github.com/VILA-Lab/ATLAS. | cs.CL | Principled Instructions Are All You Need for Questioning LLaMA-1/2, GPT-3.5/4 |
2023-12-26T18:38:54Z | http://arxiv.org/pdf/2312.16159v1 | http://arxiv.org/abs/2312.16159v1 | Mofetoluwa Adeyemi, Akintunde Oladipo, Ronak Pradeep, Jimmy Lin | 2023-12-26T18:38:54Z | cs.IR, cs.CL | Large language models (LLMs) have shown impressive zero-shot capabilities in
various document reranking tasks. Despite their successful implementations,
there is still a gap in existing literature on their effectiveness in
low-resource languages. To address this gap, we investigate how LLMs function
as rerankers in cross-lingual information retrieval (CLIR) systems for African
languages. Our implementation covers English and four African languages (Hausa,
Somali, Swahili, and Yoruba) and we examine cross-lingual reranking with
queries in English and passages in the African languages. Additionally, we
analyze and compare the effectiveness of monolingual reranking using both query
and document translations. We also evaluate the effectiveness of LLMs when
leveraging their own generated translations. To get a grasp of the
effectiveness of multiple LLMs, our study focuses on the proprietary models
RankGPT-4 and RankGPT-3.5, along with the open-source model, RankZephyr. While
reranking remains most effective in English, our results reveal that
cross-lingual reranking may be competitive with reranking in African languages
depending on the multilingual capability of the LLM. | cs.IR | Zero-Shot Cross-Lingual Reranking with Large Language Models for Low-Resource Languages |
2023-12-26T18:30:29Z | http://arxiv.org/pdf/2312.16156v1 | http://arxiv.org/abs/2312.16156v1 | Gulsum Yigit, Mehmet Fatih Amasyali | 2023-12-26T18:30:29Z | cs.CL, cs.AI | Integrating adversarial machine learning with Question Answering (QA) systems
has emerged as a critical area for understanding the vulnerabilities and
robustness of these systems. This article aims to comprehensively review
adversarial example-generation techniques in the QA field, including textual
and multimodal contexts. We examine the techniques employed through systematic
categorization, providing a comprehensive, structured review. Beginning with an
overview of traditional QA models, we traverse the adversarial example
generation by exploring rule-based perturbations and advanced generative
models. We then extend our research to include multimodal QA systems, analyze
them across various methods, and examine generative models, seq2seq
architectures, and hybrid methodologies. Our research grows to different
defense strategies, adversarial datasets, and evaluation metrics and
illustrates the comprehensive literature on adversarial QA. Finally, the paper
considers the future landscape of adversarial question generation, highlighting
potential research directions that can advance textual and multimodal QA
systems in the context of adversarial challenges. | cs.CL | From Text to Multimodal: A Comprehensive Survey of Adversarial Example Generation in Question Answering Systems |
2023-12-26T18:13:52Z | http://arxiv.org/pdf/2312.16148v3 | http://arxiv.org/abs/2312.16148v3 | Timo Spinde, Smi Hinterreiter, Fabian Haak, Terry Ruas, Helge Giese, Norman Meuschke, Bela Gipp | 2024-01-10T20:38:55Z | cs.CL | The way the media presents events can significantly affect public perception,
which in turn can alter people's beliefs and views. Media bias describes a
one-sided or polarizing perspective on a topic. This article summarizes the
research on computational methods to detect media bias by systematically
reviewing 3140 research papers published between 2019 and 2022. To structure
our review and support a mutual understanding of bias across research domains,
we introduce the Media Bias Taxonomy, which provides a coherent overview of the
current state of research on media bias from different perspectives. We show
that media bias detection is a highly active research field, in which
transformer-based classification approaches have led to significant
improvements in recent years. These improvements include higher classification
accuracy and the ability to detect more fine-granular types of bias. However,
we have identified a lack of interdisciplinarity in existing projects, and a
need for more awareness of the various types of media bias to support
methodologically thorough performance evaluations of media bias detection
systems. Concluding from our analysis, we see the integration of recent machine
learning advancements with reliable and diverse bias assessment strategies from
other research areas as the most promising area for future research
contributions in the field. | cs.CL | The Media Bias Taxonomy: A Systematic Literature Review on the Forms and Automated Detection of Media Bias |
2023-12-26T18:07:05Z | http://arxiv.org/pdf/2312.16144v1 | http://arxiv.org/abs/2312.16144v1 | Benjamin Clavié | 2023-12-26T18:07:05Z | cs.CL, cs.AI | Document retrieval in many languages has been largely relying on
multi-lingual models, and leveraging the vast wealth of English training data.
In Japanese, the best performing deep-learning based retrieval approaches rely
on multilingual dense embeddings. In this work, we introduce (1) a
hard-negative augmented version of the Japanese MMARCO dataset and (2)
JaColBERT, a document retrieval model built on the ColBERT model architecture,
specifically for Japanese. JaColBERT vastly outperform all previous monolingual
retrieval approaches and competes with the best multilingual methods, despite
unfavourable evaluation settings (out-of-domain vs. in-domain for the
multilingual models). JaColBERT reaches an average Recall@10 of 0.813,
noticeably ahead of the previous monolingual best-performing model (0.716) and
only slightly behind multilingual-e5-base (0.820), though more noticeably
behind multilingual-e5-large (0.856). These results are achieved using only a
limited, entirely Japanese, training set, more than two orders of magnitudes
smaller than multilingual embedding models. We believe these results show great
promise to support retrieval-enhanced application pipelines in a wide variety
of domains. | cs.CL | JaColBERT and Hard Negatives, Towards Better Japanese-First Embeddings for Retrieval: Early Technical Report |
2023-12-26T17:40:55Z | http://arxiv.org/pdf/2312.16132v2 | http://arxiv.org/abs/2312.16132v2 | Tianhao Shen, Sun Li, Quan Tu, Deyi Xiong | 2024-02-16T10:02:44Z | cs.CL | The rapid evolution of large language models necessitates effective
benchmarks for evaluating their role knowledge, which is essential for
establishing connections with the real world and providing more immersive
interactions. This paper introduces RoleEval, a bilingual benchmark designed to
assess the memorization, utilization, and reasoning capabilities of role
knowledge. RoleEval comprises RoleEval-Global (including internationally
recognized characters) and RoleEval-Chinese (including characters popular in
China), with 6,000 Chinese-English parallel multiple-choice questions focusing
on 300 influential people and fictional characters drawn from a variety of
domains including celebrities, anime, comics, movies, TV series, games, and
fictions. These questions cover basic knowledge and multi-hop reasoning
abilities, aiming to systematically probe various aspects such as personal
information, relationships, abilities, and experiences of the characters. To
maintain high standards, we perform a hybrid quality check process combining
both automatic and human verification, ensuring that the questions are diverse,
challenging, and discriminative.
Our extensive evaluations with RoleEval across various open-source and
proprietary large language models, under both the zero- and few-shot settings,
reveal insightful findings. Notably, while GPT-4 outperforms other models on
RoleEval-Global, Chinese large language models excel on RoleEval-Chinese,
highlighting significant knowledge distribution differences. We expect that
RoleEval would highlight the significance of assessing role knowledge for large
language models across various languages and cultural settings. | cs.CL | RoleEval: A Bilingual Role Evaluation Benchmark for Large Language Models |
2023-12-26T16:56:22Z | http://arxiv.org/pdf/2312.16119v1 | http://arxiv.org/abs/2312.16119v1 | Aditi Singla, Aditya Singh, Kanishk Kukreja | 2023-12-26T16:56:22Z | cs.LG, cs.CL, cs.NE | We propose an ensembling framework that uses diverse open-sourced Large
Language Models (LLMs) to achieve high response quality while maintaining cost
efficiency. We formulate a bi-objective optimization problem to represent the
quality-cost tradeoff and then introduce an additional budget constraint that
reduces the problem to a straightforward 0/1 knapsack problem. We empirically
demonstrate that our framework outperforms the existing ensembling approaches
in response quality while significantly reducing costs. | cs.LG | A bi-objective $ε$-constrained framework for quality-cost optimization in language model ensembles |
2023-12-26T16:16:33Z | http://arxiv.org/pdf/2312.16104v1 | http://arxiv.org/abs/2312.16104v1 | Maged S. Al-Shaibani, Irfan Ahmad | 2023-12-26T16:16:33Z | cs.CL, cs.AI | This paper presents a novel dotless representation of Arabic text as an
alternative to the standard Arabic text representation. We delve into its
implications through comprehensive analysis across five diverse corpora and
four different tokenization techniques. We explore the impact of dotless
representation on the relationships between tokenization granularity and
vocabulary size and compare them with standard text representation. Moreover,
we analyze the information density of dotless versus standard text using text
entropy calculations. To delve deeper into the implications of the dotless
representation, statistical and neural language models are constructed using
the various text corpora and tokenization techniques. A comparative assessment
is then made against language models developed using the standard Arabic text
representation. This multifaceted analysis provides valuable insights into the
potential advantages and challenges associated with the dotless representation.
Last but not the least, utilizing parallel corpora, we draw comparisons between
the text analysis of Arabic and English to gain further insights. Our findings
shed light on the potential benefits of dotless representation for various NLP
tasks, paving the way for further exploration for Arabic natural language
processing. | cs.CL | Dotless Representation of Arabic Text: Analysis and Modeling |
2023-12-26T14:43:04Z | http://arxiv.org/pdf/2312.16070v1 | http://arxiv.org/abs/2312.16070v1 | Erik Derner, Dalibor Kučera, Nuria Oliver, Jan Zahálka | 2023-12-26T14:43:04Z | cs.CY, cs.CL, cs.HC | The interplay between artificial intelligence (AI) and psychology,
particularly in personality assessment, represents an important emerging area
of research. Accurate personality trait estimation is crucial not only for
enhancing personalization in human-computer interaction but also for a wide
variety of applications ranging from mental health to education. This paper
analyzes the capability of a generic chatbot, ChatGPT, to effectively infer
personality traits from short texts. We report the results of a comprehensive
user study featuring texts written in Czech by a representative population
sample of 155 participants. Their self-assessments based on the Big Five
Inventory (BFI) questionnaire serve as the ground truth. We compare the
personality trait estimations made by ChatGPT against those by human raters and
report ChatGPT's competitive performance in inferring personality traits from
text. We also uncover a 'positivity bias' in ChatGPT's assessments across all
personality dimensions and explore the impact of prompt composition on
accuracy. This work contributes to the understanding of AI capabilities in
psychological assessment, highlighting both the potential and limitations of
using large language models for personality inference. Our research underscores
the importance of responsible AI development, considering ethical implications
such as privacy, consent, autonomy, and bias in AI applications. | cs.CY | Can ChatGPT Read Who You Are? |
2023-12-26T14:16:16Z | http://arxiv.org/pdf/2312.17267v4 | http://arxiv.org/abs/2312.17267v4 | Chenghao Fan, Wei Wei, Xiaoye Qu, Zhenyi Lu, Wenfeng Xie, Yu Cheng, Dangyang Chen | 2024-05-30T01:56:51Z | cs.CL, cs.AI | Recently, prompt-tuning with pre-trained language models (PLMs) has
demonstrated the significantly enhancing ability of relation extraction (RE)
tasks. However, in low-resource scenarios, where the available training data is
scarce, previous prompt-based methods may still perform poorly for prompt-based
representation learning due to a superficial understanding of the relation. To
this end, we highlight the importance of learning high-quality relation
representation in low-resource scenarios for RE, and propose a novel
prompt-based relation representation method, named MVRE
(\underline{M}ulti-\underline{V}iew \underline{R}elation
\underline{E}xtraction), to better leverage the capacity of PLMs to improve the
performance of RE within the low-resource prompt-tuning paradigm. Specifically,
MVRE decouples each relation into different perspectives to encompass
multi-view relation representations for maximizing the likelihood during
relation inference. Furthermore, we also design a Global-Local loss and a
Dynamic-Initialization method for better alignment of the multi-view
relation-representing virtual words, containing the semantics of relation
labels during the optimization learning process and initialization. Extensive
experiments on three benchmark datasets show that our method can achieve
state-of-the-art in low-resource settings. | cs.CL | Enhancing Low-Resource Relation Representations through Multi-View Decoupling |
2023-12-26T13:54:00Z | http://arxiv.org/pdf/2312.16054v1 | http://arxiv.org/abs/2312.16054v1 | Bowen Zhang, Daijun Ding, Liwen Jing, Hu Huang | 2023-12-26T13:54:00Z | cs.CL | Zero-shot stance detection (ZSSD) aims to detect stances toward unseen
targets. Incorporating background knowledge to enhance transferability between
seen and unseen targets constitutes the primary approach of ZSSD. However,
these methods often struggle with a knowledge-task disconnect and lack logical
consistency in their predictions. To address these issues, we introduce a novel
approach named Logically Consistent Chain-of-Thought (LC-CoT) for ZSSD, which
improves stance detection by ensuring relevant and logically sound knowledge
extraction. LC-CoT employs a three-step process. Initially, it assesses whether
supplementary external knowledge is necessary. Subsequently, it uses API calls
to retrieve this knowledge, which can be processed by a separate LLM. Finally,
a manual exemplar guides the LLM to infer stance categories, using an if-then
logical structure to maintain relevance and logical coherence. This structured
approach to eliciting background knowledge enhances the model's capability,
outperforming traditional supervised methods without relying on labeled data. | cs.CL | A Logically Consistent Chain-of-Thought Approach for Stance Detection |
2023-12-26T12:24:14Z | http://arxiv.org/pdf/2312.16023v1 | http://arxiv.org/abs/2312.16023v1 | Hang Du, Guoshun Nan, Sicheng Zhang, Binzhu Xie, Junrui Xu, Hehe Fan, Qimei Cui, Xiaofeng Tao, Xudong Jiang | 2023-12-26T12:24:14Z | cs.CL, cs.MM | Multimodal Sarcasm Understanding (MSU) has a wide range of applications in
the news field such as public opinion analysis and forgery detection. However,
existing MSU benchmarks and approaches usually focus on sentence-level MSU. In
document-level news, sarcasm clues are sparse or small and are often concealed
in long text. Moreover, compared to sentence-level comments like tweets, which
mainly focus on only a few trends or hot topics (e.g., sports events), content
in the news is considerably diverse. Models created for sentence-level MSU may
fail to capture sarcasm clues in document-level news. To fill this gap, we
present a comprehensive benchmark for Document-level Multimodal Sarcasm
Understanding (DocMSU). Our dataset contains 102,588 pieces of news with
text-image pairs, covering 9 diverse topics such as health, business, etc. The
proposed large-scale and diverse DocMSU significantly facilitates the research
of document-level MSU in real-world scenarios. To take on the new challenges
posed by DocMSU, we introduce a fine-grained sarcasm comprehension method to
properly align the pixel-level image features with word-level textual features
in documents. Experiments demonstrate the effectiveness of our method, showing
that it can serve as a baseline approach to the challenging DocMSU. Our code
and dataset are available at https://github.com/Dulpy/DocMSU. | cs.CL | DocMSU: A Comprehensive Benchmark for Document-level Multimodal Sarcasm Understanding |
2023-12-26T11:01:36Z | http://arxiv.org/pdf/2312.15997v3 | http://arxiv.org/abs/2312.15997v3 | Wenhao Liu, Xiaohua Wang, Muling Wu, Tianlong Li, Changze Lv, Zixuan Ling, Jianhao Zhu, Cenyuan Zhang, Xiaoqing Zheng, Xuanjing Huang | 2024-07-03T05:21:02Z | cs.CL | Aligning large language models (LLMs) with human preferences is crucial for
enhancing their utility in terms of helpfulness, truthfulness, safety,
harmlessness, and interestingness. Existing methods for achieving this
alignment often involves employing reinforcement learning from human feedback
(RLHF) to fine-tune LLMs based on human labels assessing the relative quality
of model responses. Nevertheless, RLHF is susceptible to instability during
fine-tuning and presents challenges in implementation.Drawing inspiration from
the emerging field of representation engineering (RepE), this study aims to
identify relevant representations for high-level human preferences embedded in
patterns of activity within an LLM, and achieve precise control of model
behavior by transforming its representations. This novel approach, denoted as
Representation Alignment from Human Feedback (RAHF), proves to be effective,
computationally efficient, and easy to implement.Extensive experiments
demonstrate the efficacy of RAHF in not only capturing but also manipulating
representations to align with a broad spectrum of human preferences or values,
rather than being confined to a singular concept or function (e.g. honesty or
bias). RAHF's versatility in accommodating diverse human preferences shows its
potential for advancing LLM performance. | cs.CL | Aligning Large Language Models with Human Preferences through Representation Engineering |
2023-12-26T07:34:39Z | http://arxiv.org/pdf/2312.15922v1 | http://arxiv.org/abs/2312.15922v1 | Varun Nathan, Ayush Kumar, Digvijay Ingle, Jithendra Vepa | 2023-12-26T07:34:39Z | cs.CL | Fine-tuning large language models (LLMs) with domain-specific instructions
has emerged as an effective method to enhance their domain-specific
understanding. Yet, there is limited work that examines the core
characteristics acquired during this process. In this study, we benchmark the
fundamental characteristics learned by contact-center (CC) specific instruction
fine-tuned LLMs with out-of-the-box (OOB) LLMs via probing tasks encompassing
conversational, channel, and automatic speech recognition (ASR) properties. We
explore different LLM architectures (Flan-T5 and Llama), sizes (3B, 7B, 11B,
13B), and fine-tuning paradigms (full fine-tuning vs PEFT). Our findings reveal
remarkable effectiveness of CC-LLMs on the in-domain downstream tasks, with
improvement in response acceptability by over 48% compared to OOB-LLMs.
Additionally, we compare the performance of OOB-LLMs and CC-LLMs on the widely
used SentEval dataset, and assess their capabilities in terms of surface,
syntactic, and semantic information through probing tasks. Intriguingly, we
note a relatively consistent performance of probing classifiers on the set of
probing tasks. Our observations indicate that CC-LLMs, while outperforming
their out-of-the-box counterparts, exhibit a tendency to rely less on encoding
surface, syntactic, and semantic properties, highlighting the intricate
interplay between domain-specific adaptation and probing task performance
opening up opportunities to explore behavior of fine-tuned language models in
specialized contexts. | cs.CL | Towards Probing Contact Center Large Language Models |
2023-12-26T07:24:46Z | http://arxiv.org/pdf/2312.15918v2 | http://arxiv.org/abs/2312.15918v2 | Linyi Yang, Shuibai Zhang, Zhuohao Yu, Guangsheng Bao, Yidong Wang, Jindong Wang, Ruochen Xu, Wei Ye, Xing Xie, Weizhu Chen, Yue Zhang | 2024-04-11T06:41:15Z | cs.CL, cs.AI | Large Language Models (LLMs) exhibit emerging in-context learning abilities
through prompt engineering. The recent progress in large-scale generative
models has further expanded their use in real-world language applications.
However, the critical challenge of improving the generalizability and
factuality of LLMs in natural language understanding and question answering
remains under-explored. While previous in-context learning research has focused
on enhancing models to adhere to users' specific instructions and quality
expectations, and to avoid undesired outputs, little to no work has explored
the use of task-Specific fine-tuned Language Models (SLMs) to improve LLMs'
in-context learning during the inference stage. Our primary contribution is the
establishment of a simple yet effective framework that enhances the reliability
of LLMs as it: 1) generalizes out-of-distribution data, 2) elucidates how LLMs
benefit from discriminative models, and 3) minimizes hallucinations in
generative tasks. Using our proposed plug-in method, enhanced versions of Llama
2 and ChatGPT surpass their original versions regarding generalizability and
factuality. We offer a comprehensive suite of resources, including 16 curated
datasets, prompts, model checkpoints, and LLM outputs across 9 distinct tasks.
The code and data are released at:
https://github.com/YangLinyi/Supervised-Knowledge-Makes-Large-Language-Models-Better-In-context-Learners.
Our empirical analysis sheds light on the advantages of incorporating
discriminative models into LLMs and highlights the potential of our methodology
in fostering more reliable LLMs. | cs.CL | Supervised Knowledge Makes Large Language Models Better In-context Learners |
2023-12-26T06:51:09Z | http://arxiv.org/pdf/2312.15907v1 | http://arxiv.org/abs/2312.15907v1 | Chunpu Xu, Steffi Chern, Ethan Chern, Ge Zhang, Zekun Wang, Ruibo Liu, Jing Li, Jie Fu, Pengfei Liu | 2023-12-26T06:51:09Z | cs.CL | In this paper, we aim to align large language models with the ever-changing,
complex, and diverse human values (e.g., social norms) across time and
locations. This presents a challenge to existing alignment techniques, such as
supervised fine-tuning, which internalize values within model parameters. To
overcome this, we propose an On-the-fly Preference Optimization (OPO) method,
which is a real-time alignment that works in a streaming way. It employs an
external memory to store established rules for alignment, which can constrain
LLMs' behaviors without further training, allowing for convenient updates and
customization of human values. We also introduce a scalable evaluation to
assess the proposed method more effectively. Experimental results on both
human-annotated and auto-generated questions from legal and moral domains
indicate the effectiveness of the proposed OPO method. Our code and data are
released at https://github.com/GAIR-NLP/OPO. | cs.CL | Align on the Fly: Adapting Chatbot Behavior to Established Norms |
2023-12-26T04:49:56Z | http://arxiv.org/pdf/2312.15883v2 | http://arxiv.org/abs/2312.15883v2 | Xinke Jiang, Ruizhe Zhang, Yongxin Xu, Rihong Qiu, Yue Fang, Zhiyuan Wang, Jinyi Tang, Hongxin Ding, Xu Chu, Junfeng Zhao, Yasha Wang | 2024-04-19T07:14:04Z | cs.CL, cs.AI | In this paper, we investigate the retrieval-augmented generation (RAG) based
on Knowledge Graphs (KGs) to improve the accuracy and reliability of Large
Language Models (LLMs). Recent approaches suffer from insufficient and
repetitive knowledge retrieval, tedious and time-consuming query parsing, and
monotonous knowledge utilization. To this end, we develop a Hypothesis
Knowledge Graph Enhanced (HyKGE) framework, which leverages LLMs' powerful
reasoning capacity to compensate for the incompleteness of user queries,
optimizes the interaction process with LLMs, and provides diverse retrieved
knowledge. Specifically, HyKGE explores the zero-shot capability and the rich
knowledge of LLMs with Hypothesis Outputs to extend feasible exploration
directions in the KGs, as well as the carefully curated prompt to enhance the
density and efficiency of LLMs' responses. Furthermore, we introduce the HO
Fragment Granularity-aware Rerank Module to filter out noise while ensuring the
balance between diversity and relevance in retrieved knowledge. Experiments on
two Chinese medical multiple-choice question datasets and one Chinese
open-domain medical Q&A dataset with two LLM turbos demonstrate the superiority
of HyKGE in terms of accuracy and explainability. | cs.CL | HyKGE: A Hypothesis Knowledge Graph Enhanced Framework for Accurate and Reliable Medical LLMs Responses |
2023-12-26T04:22:56Z | http://arxiv.org/pdf/2312.15880v2 | http://arxiv.org/abs/2312.15880v2 | Tiezheng Guo, Qingwen Yang, Chen Wang, Yanyi Liu, Pan Li, Jiawei Tang, Dapeng Li, Yingyou Wen | 2024-01-19T06:42:16Z | cs.CL | Large language model (LLM) has achieved outstanding performance on various
downstream tasks with its powerful natural language understanding and zero-shot
capability, but LLM still suffers from knowledge limitation. Especially in
scenarios that require long logical chains or complex reasoning, the
hallucination and knowledge limitation of LLM limit its performance in question
answering (QA). In this paper, we propose a novel framework KnowledgeNavigator
to address these challenges by efficiently and accurately retrieving external
knowledge from knowledge graph and using it as a key factor to enhance LLM
reasoning. Specifically, KnowledgeNavigator first mines and enhances the
potential constraints of the given question to guide the reasoning. Then it
retrieves and filters external knowledge that supports answering through
iterative reasoning on knowledge graph with the guidance of LLM and the
question. Finally, KnowledgeNavigator constructs the structured knowledge into
effective prompts that are friendly to LLM to help its reasoning. We evaluate
KnowledgeNavigator on multiple public KGQA benchmarks, the experiments show the
framework has great effectiveness and generalization, outperforming previous
knowledge graph enhanced LLM methods and is comparable to the fully supervised
models. | cs.CL | KnowledgeNavigator: Leveraging Large Language Models for Enhanced Reasoning over Knowledge Graph |
2023-12-26T03:39:08Z | http://arxiv.org/pdf/2312.15872v1 | http://arxiv.org/abs/2312.15872v1 | Jia Cheng Hu, Roberto Cavicchioli, Giulia Berardinelli, Alessandro Capotondi | 2023-12-26T03:39:08Z | cs.CL | Although the Transformer is currently the best-performing architecture in the
homogeneous configuration (self-attention only) in Neural Machine Translation,
many State-of-the-Art models in Natural Language Processing are made of a
combination of different Deep Learning approaches. However, these models often
focus on combining a couple of techniques only and it is unclear why some
methods are chosen over others. In this work, we investigate the effectiveness
of integrating an increasing number of heterogeneous methods. Based on a simple
combination strategy and performance-driven synergy criteria, we designed the
Multi-Encoder Transformer, which consists of up to five diverse encoders.
Results showcased that our approach can improve the quality of the translation
across a variety of languages and dataset sizes and it is particularly
effective in low-resource languages where we observed a maximum increase of
7.16 BLEU compared to the single-encoder model. | cs.CL | Heterogeneous Encoders Scaling In The Transformer For Neural Machine Translation |
2023-12-26T03:33:48Z | http://arxiv.org/pdf/2312.15869v1 | http://arxiv.org/abs/2312.15869v1 | Ruoqing Zhao, Xi Wang, Hongliang Dai, Pan Gao, Piji Li | 2023-12-26T03:33:48Z | cs.CL, cs.AI | Automated radiology report generation has the potential to improve radiology
reporting and alleviate the workload of radiologists. However, the medical
report generation task poses unique challenges due to the limited availability
of medical data and the presence of data bias. To maximize the utility of
available data and reduce data bias, we propose MSCL (Medical image
Segmentation with Contrastive Learning), a framework that utilizes the Segment
Anything Model (SAM) to segment organs, abnormalities, bones, etc., and can pay
more attention to the meaningful ROIs in the image to get better visual
representations. Then we introduce a supervised contrastive loss that assigns
more weight to reports that are semantically similar to the target while
training. The design of this loss function aims to mitigate the impact of data
bias and encourage the model to capture the essential features of a medical
image and generate high-quality reports. Experimental results demonstrate the
effectiveness of our proposed model, where we achieve state-of-the-art
performance on the IU X-Ray public dataset. | cs.CL | Medical Report Generation based on Segment-Enhanced Contrastive Representation Learning |
2023-12-26T03:26:20Z | http://arxiv.org/pdf/2312.15867v1 | http://arxiv.org/abs/2312.15867v1 | Xuan Sheng, Zhicheng Li, Zhaoyang Han, Xiangmao Chang, Piji Li | 2023-12-26T03:26:20Z | cs.CL, cs.CR | Recent studies have pointed out that natural language processing (NLP) models
are vulnerable to backdoor attacks. A backdoored model produces normal outputs
on the clean samples while performing improperly on the texts with triggers
that the adversary injects. However, previous studies on textual backdoor
attack pay little attention to stealthiness. Moreover, some attack methods even
cause grammatical issues or change the semantic meaning of the original texts.
Therefore, they can easily be detected by humans or defense systems. In this
paper, we propose a novel stealthy backdoor attack method against textual
models, which is called \textbf{PuncAttack}. It leverages combinations of
punctuation marks as the trigger and chooses proper locations strategically to
replace them. Through extensive experiments, we demonstrate that the proposed
method can effectively compromise multiple models in various tasks. Meanwhile,
we conduct automatic evaluation and human inspection, which indicate the
proposed method possesses good performance of stealthiness without bringing
grammatical issues and altering the meaning of sentences. | cs.CL | Punctuation Matters! Stealthy Backdoor Attack for Language Models |
2023-12-26T01:40:31Z | http://arxiv.org/pdf/2312.15844v1 | http://arxiv.org/abs/2312.15844v1 | Kanta Kaneda, Shunya Nagashima, Ryosuke Korekata, Motonari Kambara, Komei Sugiura | 2023-12-26T01:40:31Z | cs.RO, cs.CL, cs.CV | Domestic service robots offer a solution to the increasing demand for daily
care and support. A human-in-the-loop approach that combines automation and
operator intervention is considered to be a realistic approach to their use in
society. Therefore, we focus on the task of retrieving target objects from
open-vocabulary user instructions in a human-in-the-loop setting, which we
define as the learning-to-rank physical objects (LTRPO) task. For example,
given the instruction "Please go to the dining room which has a round table.
Pick up the bottle on it," the model is required to output a ranked list of
target objects that the operator/user can select. In this paper, we propose
MultiRankIt, which is a novel approach for the LTRPO task. MultiRankIt
introduces the Crossmodal Noun Phrase Encoder to model the relationship between
phrases that contain referring expressions and the target bounding box, and the
Crossmodal Region Feature Encoder to model the relationship between the target
object and multiple images of its surrounding contextual environment.
Additionally, we built a new dataset for the LTRPO task that consists of
instructions with complex referring expressions accompanied by real indoor
environmental images that feature various target objects. We validated our
model on the dataset and it outperformed the baseline method in terms of the
mean reciprocal rank and recall@k. Furthermore, we conducted physical
experiments in a setting where a domestic service robot retrieved everyday
objects in a standardized domestic environment, based on users' instruction in
a human--in--the--loop setting. The experimental results demonstrate that the
success rate for object retrieval achieved 80%. Our code is available at
https://github.com/keio-smilab23/MultiRankIt. | cs.RO | Learning-To-Rank Approach for Identifying Everyday Objects Using a Physical-World Search Engine |
2023-12-26T01:27:29Z | http://arxiv.org/pdf/2312.16257v1 | http://arxiv.org/abs/2312.16257v1 | Yida Chen, Yixian Gan, Sijia Li, Li Yao, Xiaohan Zhao | 2023-12-26T01:27:29Z | cs.CL, cs.AI, cs.LG | Recent work found high mutual information between the learned representations
of large language models (LLMs) and the geospatial property of its input,
hinting an emergent internal model of space. However, whether this internal
space model has any causal effects on the LLMs' behaviors was not answered by
that work, led to criticism of these findings as mere statistical correlation.
Our study focused on uncovering the causality of the spatial representations in
LLMs. In particular, we discovered the potential spatial representations in
DeBERTa, GPT-Neo using representational similarity analysis and linear and
non-linear probing. Our casual intervention experiments showed that the spatial
representations influenced the model's performance on next word prediction and
a downstream task that relies on geospatial information. Our experiments
suggested that the LLMs learn and use an internal model of space in solving
geospatial related tasks. | cs.CL | More than Correlation: Do Large Language Models Learn Causal Representations of Space? |
2023-12-26T01:24:25Z | http://arxiv.org/pdf/2312.15842v3 | http://arxiv.org/abs/2312.15842v3 | Ehsan Latif, Luyang Fang, Ping Ma, Xiaoming Zhai | 2024-06-11T18:01:09Z | cs.CL, cs.AI | This study proposes a method for knowledge distillation (KD) of fine-tuned
Large Language Models (LLMs) into smaller, more efficient, and accurate neural
networks. We specifically target the challenge of deploying these models on
resource-constrained devices. Our methodology involves training the smaller
student model (Neural Network) using the prediction probabilities (as soft
labels) of the LLM, which serves as a teacher model. This is achieved through a
specialized loss function tailored to learn from the LLM's output
probabilities, ensuring that the student model closely mimics the teacher's
performance. To validate the performance of the KD approach, we utilized a
large dataset, 7T, containing 6,684 student-written responses to science
questions and three mathematical reasoning datasets with student-written
responses graded by human experts. We compared accuracy with state-of-the-art
(SOTA) distilled models, TinyBERT, and artificial neural network (ANN) models.
Results have shown that the KD approach has 3% and 2% higher scoring accuracy
than ANN and TinyBERT, respectively, and comparable accuracy to the teacher
model. Furthermore, the student model size is 0.03M, 4,000 times smaller in
parameters and x10 faster in inferencing than the teacher model and TinyBERT,
respectively. The significance of this research lies in its potential to make
advanced AI technologies accessible in typical educational settings,
particularly for automatic scoring. | cs.CL | Knowledge Distillation of LLM for Automatic Scoring of Science Education Assessments |
2023-12-26T00:59:30Z | http://arxiv.org/pdf/2312.15838v1 | http://arxiv.org/abs/2312.15838v1 | Zefang Liu | 2023-12-26T00:59:30Z | cs.CL, cs.CR | In this paper, we introduce SecQA, a novel dataset tailored for evaluating
the performance of Large Language Models (LLMs) in the domain of computer
security. Utilizing multiple-choice questions generated by GPT-4 based on the
"Computer Systems Security: Planning for Success" textbook, SecQA aims to
assess LLMs' understanding and application of security principles. We detail
the structure and intent of SecQA, which includes two versions of increasing
complexity, to provide a concise evaluation across various difficulty levels.
Additionally, we present an extensive evaluation of prominent LLMs, including
GPT-3.5-Turbo, GPT-4, Llama-2, Vicuna, Mistral, and Zephyr models, using both
0-shot and 5-shot learning settings. Our results, encapsulated in the SecQA v1
and v2 datasets, highlight the varying capabilities and limitations of these
models in the computer security context. This study not only offers insights
into the current state of LLMs in understanding security-related content but
also establishes SecQA as a benchmark for future advancements in this critical
research area. | cs.CL | SecQA: A Concise Question-Answering Dataset for Evaluating Large Language Models in Computer Security |
2023-12-26T00:31:43Z | http://arxiv.org/pdf/2312.15835v1 | http://arxiv.org/abs/2312.15835v1 | Nils Barlaug | 2023-12-26T00:31:43Z | cs.DB, cs.CL, cs.LG | Blocking is a crucial step in large-scale entity matching but often requires
significant manual engineering from an expert for each new dataset. Recent work
has show that deep learning is state-of-the-art and has great potential for
achieving hands-off and accurate blocking compared to classical methods.
However, in practice, such deep learning methods are often unstable, offers
little interpretability, and require hyperparameter tuning and significant
computational resources.
In this paper, we propose a hands-off blocking method based on classical
string similarity measures: ShallowBlocker. It uses a novel hybrid set
similarity join combining absolute similarity, relative similarity, and local
cardinality conditions with a new effective pre-candidate filter replacing size
filter. We show that the method achieves state-of-the-art pair effectiveness on
both unsupervised and supervised blocking in a scalable way. | cs.DB | ShallowBlocker: Improving Set Similarity Joins for Blocking |
2023-12-25T21:54:56Z | http://arxiv.org/pdf/2312.15816v2 | http://arxiv.org/abs/2312.15816v2 | Siheng Xiong, Yuan Yang, Ali Payani, James C Kerce, Faramarz Fekri | 2024-01-29T04:39:02Z | cs.CL | Conventional embedding-based models approach event time prediction in
temporal knowledge graphs (TKGs) as a ranking problem. However, they often fall
short in capturing essential temporal relationships such as order and distance.
In this paper, we propose TEILP, a logical reasoning framework that naturally
integrates such temporal elements into knowledge graph predictions. We first
convert TKGs into a temporal event knowledge graph (TEKG) which has a more
explicit representation of time in term of nodes of the graph. The TEKG equips
us to develop a differentiable random walk approach to time prediction.
Finally, we introduce conditional probability density functions, associated
with the logical rules involving the query interval, using which we arrive at
the time prediction. We compare TEILP with state-of-the-art methods on five
benchmark datasets. We show that our model achieves a significant improvement
over baselines while providing interpretable explanations. In particular, we
consider several scenarios where training samples are limited, event types are
imbalanced, and forecasting the time of future events based on only past events
is desired. In all these cases, TEILP outperforms state-of-the-art methods in
terms of robustness. | cs.CL | TEILP: Time Prediction over Knowledge Graphs via Logical Reasoning |
2023-12-25T21:46:06Z | http://arxiv.org/pdf/2312.15815v1 | http://arxiv.org/abs/2312.15815v1 | Avik Ray, Yilin Shen, Hongxia Jin | 2023-12-25T21:46:06Z | cs.CL | State-of-the-art spoken language understanding (SLU) models have shown
tremendous success in benchmark SLU datasets, yet they still fail in many
practical scenario due to the lack of model compositionality when trained on
limited training data. In this paper, we study two types of compositionality:
(a) novel slot combination, and (b) length generalization. We first conduct
in-depth analysis, and find that state-of-the-art SLU models often learn
spurious slot correlations during training, which leads to poor performance in
both compositional cases. To mitigate these limitations, we create the first
compositional splits of benchmark SLU datasets and we propose the first
compositional SLU model, including compositional loss and paired training that
tackle each compositional case respectively. On both benchmark and
compositional splits in ATIS and SNIPS, we show that our compositional SLU
model significantly outperforms (up to $5\%$ F1 score) state-of-the-art BERT
SLU model. | cs.CL | Compositional Generalization in Spoken Language Understanding |
2023-12-25T18:23:03Z | http://arxiv.org/pdf/2312.15784v1 | http://arxiv.org/abs/2312.15784v1 | Boshko Koloski, Nada Lavrač, Bojan Cestnik, Senja Pollak, Blaž Škrlj, Andrej Kastrin | 2023-12-25T18:23:03Z | cs.CL, cs.AI | In an era marked by a rapid increase in scientific publications, researchers
grapple with the challenge of keeping pace with field-specific advances. We
present the `AHAM' methodology and a metric that guides the domain-specific
\textbf{adapt}ation of the BERTopic topic modeling framework to improve
scientific text analysis. By utilizing the LLaMa2 generative language model, we
generate topic definitions via one-shot learning by crafting prompts with the
\textbf{help} of domain experts to guide the LLM for literature mining by
\textbf{asking} it to model the topic names. For inter-topic similarity
evaluation, we leverage metrics from language generation and translation
processes to assess lexical and semantic similarity of the generated topics.
Our system aims to reduce both the ratio of outlier topics to the total number
of topics and the similarity between topic definitions. The methodology has
been assessed on a newly gathered corpus of scientific papers on
literature-based discovery. Through rigorous evaluation by domain experts, AHAM
has been validated as effective in uncovering intriguing and novel insights
within broad research areas. We explore the impact of domain adaptation of
sentence-transformers for the task of topic \textbf{model}ing using two
datasets, each specialized to specific scientific domains within arXiv and
medarxiv. We evaluate the impact of data size, the niche of adaptation, and the
importance of domain adaptation. Our results suggest a strong interaction
between domain adaptation and topic modeling precision in terms of outliers and
topic definitions. | cs.CL | AHAM: Adapt, Help, Ask, Model -- Harvesting LLMs for literature mining |
2023-12-25T17:46:58Z | http://arxiv.org/pdf/2312.15779v1 | http://arxiv.org/abs/2312.15779v1 | Ulugbek Salaev, Elmurod Kuriyozov, Gayrat Matlatipov | 2023-12-25T17:46:58Z | cs.CL | The accurate syllabification of words plays a vital role in various Natural
Language Processing applications. Syllabification is a versatile linguistic
tool with applications in linguistic research, language technology, education,
and various fields where understanding and processing language is essential. In
this paper, we present a comprehensive approach to syllabification for the
Uzbek language, including rule-based techniques and machine learning
algorithms. Our rule-based approach utilizes advanced methods for dividing
words into syllables, generating hyphenations for line breaks and count of
syllables. Additionally, we collected a dataset for evaluating and training
using machine learning algorithms comprising word-syllable mappings,
hyphenations, and syllable counts to predict syllable counts as well as for the
evaluation of the proposed model. Our results demonstrate the effectiveness and
efficiency of both approaches in achieving accurate syllabification. The
results of our experiments show that both approaches achieved a high level of
accuracy, exceeding 99%. This study provides valuable insights and
recommendations for future research on syllabification and related areas in not
only the Uzbek language itself, but also in other closely-related Turkic
languages with low-resource factor. | cs.CL | Design and Implementation of a Tool for Extracting Uzbek Syllables |
2023-12-25T15:24:41Z | http://arxiv.org/pdf/2312.15751v1 | http://arxiv.org/abs/2312.15751v1 | Dong Pham, Xanh Ho, Quang-Thuy Ha, Akiko Aizawa | 2023-12-25T15:24:41Z | cs.CL | Scientific Information Extraction (ScientificIE) is a critical task that
involves the identification of scientific entities and their relationships. The
complexity of this task is compounded by the necessity for domain-specific
knowledge and the limited availability of annotated data. Two of the most
popular datasets for ScientificIE are SemEval-2018 Task-7 and SciERC. They have
overlapping samples and differ in their annotation schemes, which leads to
conflicts. In this study, we first introduced a novel approach based on
multi-task learning to address label variations. We then proposed a soft
labeling technique that converts inconsistent labels into probabilistic
distributions. The experimental results demonstrated that the proposed method
can enhance the model robustness to label noise and improve the end-to-end
performance in both ScientificIE tasks. The analysis revealed that label
variations can be particularly effective in handling ambiguous instances.
Furthermore, the richness of the information captured by label variations can
potentially reduce data size requirements. The findings highlight the
importance of releasing variation labels and promote future research on other
tasks in other domains. Overall, this study demonstrates the effectiveness of
multi-task learning and the potential of label variations to enhance the
performance of ScientificIE. | cs.CL | Solving Label Variation in Scientific Information Extraction via Multi-Task Learning |
2023-12-25T12:48:55Z | http://arxiv.org/pdf/2312.15713v1 | http://arxiv.org/abs/2312.15713v1 | Mohammad Amin Abbasi, Arash Ghafouri, Mahdi Firouzmandi, Hassan Naderi, Behrouz Minaei Bidgoli | 2023-12-25T12:48:55Z | cs.CL, cs.AI | Despite the widespread use of the Persian language by millions globally,
limited efforts have been made in natural language processing for this
language. The use of large language models as effective tools in various
natural language processing tasks typically requires extensive textual data and
robust hardware resources. Consequently, the scarcity of Persian textual data
and the unavailability of powerful hardware resources have hindered the
development of large language models for Persian. This paper introduces the
first large Persian language model, named PersianLLaMA, trained on a collection
of Persian texts and datasets. This foundational model comes in two versions,
with 7 and 13 billion parameters, trained on formal and colloquial Persian
texts using two different approaches. PersianLLaMA has been evaluated for
natural language generation tasks based on the latest evaluation methods,
namely using larger language models, and for natural language understanding
tasks based on automated machine metrics. The results indicate that
PersianLLaMA significantly outperforms its competitors in both understanding
and generating Persian text. PersianLLaMA marks an important step in the
development of Persian natural language processing and can be a valuable
resource for the Persian-speaking community. This large language model can be
used for various natural language processing tasks, especially text generation
like chatbots, question-answering, machine translation, and text summarization | cs.CL | PersianLLaMA: Towards Building First Persian Large Language Model |
2023-12-25T12:32:49Z | http://arxiv.org/pdf/2312.15710v2 | http://arxiv.org/abs/2312.15710v2 | Yue Zhang, Leyang Cui, Wei Bi, Shuming Shi | 2024-03-11T07:50:05Z | cs.CL, cs.AI | Despite their impressive capabilities, large language models (LLMs) have been
observed to generate responses that include inaccurate or fabricated
information, a phenomenon commonly known as ``hallucination''. In this work, we
propose a simple \textit{Induce-then-Contrast} Decoding (ICD) strategy to
alleviate hallucinations. We first construct a factually weak LLM by inducing
hallucinations from the original LLMs. Then, we penalize these induced
hallucinations during decoding to enhance the factuality of the generated
content. Concretely, we determine the final next-token predictions by
amplifying the predictions from the original model and downplaying the induced
untruthful predictions via contrastive decoding. Experimental results on both
discrimination-based and generation-based hallucination evaluation benchmarks,
such as TruthfulQA and \textsc{FActScore}, demonstrate that our proposed ICD
methods can effectively enhance the factuality of LLMs across various model
sizes and families. For example, when equipped with ICD, Llama2-7B-Chat and
Mistral-7B-Instruct achieve performance comparable to ChatGPT and GPT4 on
TruthfulQA, respectively. | cs.CL | Alleviating Hallucinations of Large Language Models through Induced Hallucinations |
2023-12-25T11:31:47Z | http://arxiv.org/pdf/2312.15696v1 | http://arxiv.org/abs/2312.15696v1 | Shirong Ma, Shen Huang, Shulin Huang, Xiaobin Wang, Yangning Li, Hai-Tao Zheng, Pengjun Xie, Fei Huang, Yong Jiang | 2023-12-25T11:31:47Z | cs.CL | Large Language Models (LLMs) pre-trained on massive corpora have exhibited
remarkable performance on various NLP tasks. However, applying these models to
specific domains still poses significant challenges, such as lack of domain
knowledge, limited capacity to leverage domain knowledge and inadequate
adaptation to domain-specific data formats. Considering the exorbitant cost of
training LLMs from scratch and the scarcity of annotated data within particular
domains, in this work, we focus on domain-specific continual pre-training of
LLMs using E-commerce domain as an exemplar. Specifically, we explore the
impact of continual pre-training on LLMs employing unlabeled general and
E-commercial corpora. Furthermore, we design a mixing strategy among different
data sources to better leverage E-commercial semi-structured data. We construct
multiple tasks to assess LLMs' few-shot In-context Learning ability and their
zero-shot performance after instruction tuning in E-commerce domain.
Experimental results demonstrate the effectiveness of continual pre-training of
E-commerce LLMs and the efficacy of our devised data mixing strategy. | cs.CL | EcomGPT-CT: Continual Pre-training of E-commerce Large Language Models with Semi-structured Data |
2023-12-25T10:29:28Z | http://arxiv.org/pdf/2312.15685v2 | http://arxiv.org/abs/2312.15685v2 | Wei Liu, Weihao Zeng, Keqing He, Yong Jiang, Junxian He | 2024-04-16T02:46:58Z | cs.CL, cs.AI, cs.LG | Instruction tuning is a standard technique employed to align large language
models to end tasks and user preferences after the initial pretraining phase.
Recent research indicates the critical role of data engineering in instruction
tuning -- when appropriately selected, only limited data is necessary to
achieve superior performance. However, we still lack a principled understanding
of what makes good instruction tuning data for alignment, and how we should
select data automatically and effectively. In this work, we delve deeply into
automatic data selection strategies for alignment. We start with controlled
studies to measure data across three dimensions: complexity, quality, and
diversity, along which we examine existing methods and introduce novel
techniques for enhanced data measurement. Subsequently, we propose a simple
strategy to select data samples based on the measurement. We present deita
(short for Data-Efficient Instruction Tuning for Alignment), a series of models
fine-tuned from LLaMA and Mistral models using data samples automatically
selected with our proposed approach. Empirically, deita performs better or on
par with the state-of-the-art open-source alignment models with only 6K SFT
training data samples -- over 10x less than the data used in the baselines.
When further trained with direct preference optimization (DPO),
deita-Mistral-7B + DPO trained with 6K SFT and 10K DPO samples achieve 7.55
MT-Bench and 90.06% AlpacaEval scores. We anticipate this work to provide tools
on automatic data selection, facilitating data-efficient alignment. We release
our models as well as the selected datasets for future researches to
effectively align models more efficiently. | cs.CL | What Makes Good Data for Alignment? A Comprehensive Study of Automatic Data Selection in Instruction Tuning |
2023-12-25T08:20:40Z | http://arxiv.org/pdf/2312.15645v1 | http://arxiv.org/abs/2312.15645v1 | Rui Zhao, Liang Zhang, Biao Fu, Cong Hu, Jinsong Su, Yidong Chen | 2023-12-25T08:20:40Z | cs.CL | Sign language translation (SLT) aims to convert continuous sign language
videos into textual sentences. As a typical multi-modal task, there exists an
inherent modality gap between sign language videos and spoken language text,
which makes the cross-modal alignment between visual and textual modalities
crucial. However, previous studies tend to rely on an intermediate sign gloss
representation to help alleviate the cross-modal problem thereby neglecting the
alignment across modalities that may lead to compromised results. To address
this issue, we propose a novel framework based on Conditional Variational
autoencoder for SLT (CV-SLT) that facilitates direct and sufficient cross-modal
alignment between sign language videos and spoken language text. Specifically,
our CV-SLT consists of two paths with two Kullback-Leibler (KL) divergences to
regularize the outputs of the encoder and decoder, respectively. In the prior
path, the model solely relies on visual information to predict the target text;
whereas in the posterior path, it simultaneously encodes visual information and
textual knowledge to reconstruct the target text. The first KL divergence
optimizes the conditional variational autoencoder and regularizes the encoder
outputs, while the second KL divergence performs a self-distillation from the
posterior path to the prior path, ensuring the consistency of decoder outputs.
We further enhance the integration of textual information to the posterior path
by employing a shared Attention Residual Gaussian Distribution (ARGD), which
considers the textual information in the posterior path as a residual component
relative to the prior path. Extensive experiments conducted on public datasets
(PHOENIX14T and CSL-daily) demonstrate the effectiveness of our framework,
achieving new state-of-the-art results while significantly alleviating the
cross-modal representation discrepancy. | cs.CL | Conditional Variational Autoencoder for Sign Language Translation with Cross-Modal Alignment |
2023-12-25T08:06:20Z | http://arxiv.org/pdf/2312.15643v3 | http://arxiv.org/abs/2312.15643v3 | Jiaxin Bai, Yicheng Wang, Tianshi Zheng, Yue Guo, Xin Liu, Yangqiu Song | 2024-06-20T11:31:15Z | cs.AI, cs.CL | Abductive reasoning is the process of making educated guesses to provide
explanations for observations. Although many applications require the use of
knowledge for explanations, the utilization of abductive reasoning in
conjunction with structured knowledge, such as a knowledge graph, remains
largely unexplored. To fill this gap, this paper introduces the task of complex
logical hypothesis generation, as an initial step towards abductive logical
reasoning with KG. In this task, we aim to generate a complex logical
hypothesis so that it can explain a set of observations. We find that the
supervised trained generative model can generate logical hypotheses that are
structurally closer to the reference hypothesis. However, when generalized to
unseen observations, this training objective does not guarantee better
hypothesis generation. To address this, we introduce the Reinforcement Learning
from Knowledge Graph (RLF-KG) method, which minimizes differences between
observations and conclusions drawn from generated hypotheses according to the
KG. Experiments show that, with RLF-KG's assistance, the generated hypotheses
provide better explanations, and achieve state-of-the-art results on three
widely used KGs. | cs.AI | Advancing Abductive Reasoning in Knowledge Graphs through Complex Logical Hypothesis Generation |
2023-12-25T06:44:32Z | http://arxiv.org/pdf/2312.17264v1 | http://arxiv.org/abs/2312.17264v1 | Yi Zou, Mengying Shi, Zhongjie Chen, Zhu Deng, ZongXiong Lei, Zihan Zeng, Shiming Yang, HongXiang Tong, Lei Xiao, Wenwen Zhou | 2023-12-25T06:44:32Z | cs.CL, cs.IR | ESGReveal is an innovative method proposed for efficiently extracting and
analyzing Environmental, Social, and Governance (ESG) data from corporate
reports, catering to the critical need for reliable ESG information retrieval.
This approach utilizes Large Language Models (LLM) enhanced with Retrieval
Augmented Generation (RAG) techniques. The ESGReveal system includes an ESG
metadata module for targeted queries, a preprocessing module for assembling
databases, and an LLM agent for data extraction. Its efficacy was appraised
using ESG reports from 166 companies across various sectors listed on the Hong
Kong Stock Exchange in 2022, ensuring comprehensive industry and market
capitalization representation. Utilizing ESGReveal unearthed significant
insights into ESG reporting with GPT-4, demonstrating an accuracy of 76.9% in
data extraction and 83.7% in disclosure analysis, which is an improvement over
baseline models. This highlights the framework's capacity to refine ESG data
analysis precision. Moreover, it revealed a demand for reinforced ESG
disclosures, with environmental and social data disclosures standing at 69.5%
and 57.2%, respectively, suggesting a pursuit for more corporate transparency.
While current iterations of ESGReveal do not process pictorial information, a
functionality intended for future enhancement, the study calls for continued
research to further develop and compare the analytical capabilities of various
LLMs. In summary, ESGReveal is a stride forward in ESG data processing,
offering stakeholders a sophisticated tool to better evaluate and advance
corporate sustainability efforts. Its evolution is promising in promoting
transparency in corporate reporting and aligning with broader sustainable
development aims. | cs.CL | ESGReveal: An LLM-based approach for extracting structured data from ESG reports |
2023-12-25T06:32:14Z | http://arxiv.org/pdf/2312.15626v1 | http://arxiv.org/abs/2312.15626v1 | Shusaku Egami, Takanori Ugai, Masateru Oota, Kyoumoto Matsushita, Takahiro Kawamura, Kouji Kozaki, Ken Fukuda | 2023-12-25T06:32:14Z | cs.AI, cs.CL, cs.IR, cs.LG, I.2.7; I.2.4; I.2.6 | Knowledge Graphs (KGs) such as Resource Description Framework (RDF) data
represent relationships between various entities through the structure of
triples (<subject, predicate, object>). Knowledge graph embedding (KGE) is
crucial in machine learning applications, specifically in node classification
and link prediction tasks. KGE remains a vital research topic within the
semantic web community. RDF-star introduces the concept of a quoted triple
(QT), a specific form of triple employed either as the subject or object within
another triple. Moreover, RDF-star permits a QT to act as compositional
entities within another QT, thereby enabling the representation of recursive,
hyper-relational KGs with nested structures. However, existing KGE models fail
to adequately learn the semantics of QTs and entities, primarily because they
do not account for RDF-star graphs containing multi-leveled nested QTs and
QT-QT relationships. This study introduces RDF-star2Vec, a novel KGE model
specifically designed for RDF-star graphs. RDF-star2Vec introduces graph walk
techniques that enable probabilistic transitions between a QT and its
compositional entities. Feature vectors for QTs, entities, and relations are
derived from generated sequences through the structured skip-gram model.
Additionally, we provide a dataset and a benchmarking framework for data mining
tasks focused on complex RDF-star graphs. Evaluative experiments demonstrated
that RDF-star2Vec yielded superior performance compared to recent extensions of
RDF2Vec in various tasks including classification, clustering, entity
relatedness, and QT similarity. | cs.AI | RDF-star2Vec: RDF-star Graph Embeddings for Data Mining |
2023-12-25T05:25:39Z | http://arxiv.org/pdf/2312.15614v1 | http://arxiv.org/abs/2312.15614v1 | Wentao Zou, Qi Li, Jidong Ge, Chuanyi Li, Xiaoyu Shen, Liguo Huang, Bin Luo | 2023-12-25T05:25:39Z | cs.SE, cs.AI, cs.CL | Pre-trained models (PTMs) have achieved great success in various Software
Engineering (SE) downstream tasks following the ``pre-train then fine-tune''
paradigm. As fully fine-tuning all parameters of PTMs can be computationally
expensive, a widely used solution is parameter-efficient fine-tuning (PEFT),
which freezes PTMs while introducing extra parameters. Though work has been
done to test PEFT methods in the SE field, a comprehensive evaluation is still
lacking. This paper aims to fill in this gap by evaluating the effectiveness of
five PEFT methods on eight PTMs and four SE downstream tasks. For different
tasks and PEFT methods, we seek answers to the following research questions: 1)
Is it more effective to use PTMs trained specifically on source code, or is it
sufficient to use PTMs trained on natural language text? 2) What is the impact
of varying model sizes? 3) How does the model architecture affect the
performance? Besides effectiveness, we also discuss the efficiency of PEFT
methods, concerning the costs of required training time and GPU resource
consumption. We hope that our findings can provide a deeper understanding of
PEFT methods on various PTMs and SE downstream tasks. All the codes and data
are available at \url{https://github.com/zwtnju/PEFT.git}. | cs.SE | A Comprehensive Evaluation of Parameter-Efficient Fine-Tuning on Software Engineering Tasks |
2023-12-25T03:53:33Z | http://arxiv.org/pdf/2312.15603v1 | http://arxiv.org/abs/2312.15603v1 | Xicong Shen, Yang Liu, Huiqi Liu, Jue Hong, Bing Duan, Zirui Huang, Yunlong Mao, Ye Wu, Di Wu | 2023-12-25T03:53:33Z | cs.CL | Fine-tuning is a prominent technique to adapt a pre-trained language model to
downstream scenarios. In parameter-efficient fine-tuning, only a small subset
of modules are trained over the downstream datasets, while leaving the rest of
the pre-trained model frozen to save computation resources. In recent years, a
popular productization form arises as Model-as-a-Service (MaaS), in which
vendors provide abundant pre-trained language models, server resources and core
functions, and customers can fine-tune, deploy and invoke their customized
model by accessing the one-stop MaaS with their own private dataset. In this
paper, we identify the model and data privacy leakage risks in MaaS
fine-tuning, and propose a Split-and-Privatize (SAP) framework, which manage to
mitigate the privacy issues by adapting the existing split learning
architecture. The proposed SAP framework is sufficiently investigated by
experiments, and the results indicate that it can enhance the empirical privacy
by 62% at the cost of 1% model performance degradation on the Stanford
Sentiment Treebank dataset. | cs.CL | A Split-and-Privatize Framework for Large Language Model Fine-Tuning |
2023-12-25T02:52:36Z | http://arxiv.org/pdf/2312.17263v1 | http://arxiv.org/abs/2312.17263v1 | Rui Song, Fausto Giunchiglia, Yingji Li, Mingjie Tian, Hao Xu | 2023-12-25T02:52:36Z | cs.CL | Cross-domain text classification aims to transfer models from label-rich
source domains to label-poor target domains, giving it a wide range of
practical applications. Many approaches promote cross-domain generalization by
capturing domain-invariant features. However, these methods rely on unlabeled
samples provided by the target domains, which renders the model ineffective
when the target domain is agnostic. Furthermore, the models are easily
disturbed by shortcut learning in the source domain, which also hinders the
improvement of domain generalization ability. To solve the aforementioned
issues, this paper proposes TACIT, a target domain agnostic feature
disentanglement framework which adaptively decouples robust and unrobust
features by Variational Auto-Encoders. Additionally, to encourage the
separation of unrobust features from robust features, we design a feature
distillation task that compels unrobust features to approximate the output of
the teacher. The teacher model is trained with a few easy samples that are easy
to carry potential unknown shortcuts. Experimental results verify that our
framework achieves comparable results to state-of-the-art baselines while
utilizing only source domain data. | cs.CL | TACIT: A Target-Agnostic Feature Disentanglement Framework for Cross-Domain Text Classification |
2023-12-25T02:18:58Z | http://arxiv.org/pdf/2312.16233v1 | http://arxiv.org/abs/2312.16233v1 | Seokhoon Jeong, Assentay Makhmud | 2023-12-25T02:18:58Z | cs.CL | Recent Large Language Models (LLMs) have shown remarkable capabilities in
mimicking fictional characters or real humans in conversational settings.
However, the realism and consistency of these responses can be further enhanced
by providing richer information of the agent being mimicked. In this paper, we
propose a novel approach to generate more realistic and consistent responses
from LLMs, leveraging five senses, attributes, emotional states, relationship
with the interlocutor, and memories. By incorporating these factors, we aim to
increase the LLM's capacity for generating natural and realistic reactions in
conversational exchanges. Through our research, we expect to contribute to the
development of LLMs that demonstrate improved capabilities in mimicking
fictional characters. We release a new benchmark dataset and all our codes,
prompts, and sample results on our Github:
https://github.com/srafsasm/InfoRichBot | cs.CL | Chatbot is Not All You Need: Information-rich Prompting for More Realistic Responses |
2023-12-25T01:17:01Z | http://arxiv.org/pdf/2312.15576v1 | http://arxiv.org/abs/2312.15576v1 | Shreyas Verma, Kien Tran, Yusuf Ali, Guangyu Min | 2023-12-25T01:17:01Z | cs.CL | Reducing and detecting hallucinations in large language models is an open
research problem. In this project, we attempt to leverage recent advances in
the field of uncertainty estimation to reduce hallucinations in frozen large
language models. Epistemic neural networks have recently been proposed to
improve output joint distributions for large pre-trained models. ENNs are small
networks attached to large, frozen models to improve the model's joint
distributions and uncertainty estimates. In this work, we train an epistemic
neural network on top of the Llama-2 7B model combined with a contrastive
decoding feature enhancement technique. We are the first to train an ENN for
the next token prediction task and explore the efficacy of this method in
reducing hallucinations on the TruthfulQA dataset. In essence, we provide a
method that leverages a pre-trained model's latent embeddings to reduce
hallucinations. | cs.CL | Reducing LLM Hallucinations using Epistemic Neural Networks |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.