publication_date
stringlengths 20
20
| doc_url
stringlengths 33
34
| id
stringlengths 33
34
| authors
stringlengths 5
20.1k
| update_date
stringlengths 20
20
| category_all
stringlengths 5
138
| abstract
stringlengths 123
3.09k
| category_primary
stringclasses 78
values | title
stringlengths 10
211
|
---|---|---|---|---|---|---|---|---|
2023-10-17T18:18:32Z | http://arxiv.org/pdf/2310.11511v1 | http://arxiv.org/abs/2310.11511v1 | Akari Asai, Zeqiu Wu, Yizhong Wang, Avirup Sil, Hannaneh Hajishirzi | 2023-10-17T18:18:32Z | cs.CL, cs.AI, cs.LG | Despite their remarkable capabilities, large language models (LLMs) often
produce responses containing factual inaccuracies due to their sole reliance on
the parametric knowledge they encapsulate. Retrieval-Augmented Generation
(RAG), an ad hoc approach that augments LMs with retrieval of relevant
knowledge, decreases such issues. However, indiscriminately retrieving and
incorporating a fixed number of retrieved passages, regardless of whether
retrieval is necessary, or passages are relevant, diminishes LM versatility or
can lead to unhelpful response generation. We introduce a new framework called
Self-Reflective Retrieval-Augmented Generation (Self-RAG) that enhances an LM's
quality and factuality through retrieval and self-reflection. Our framework
trains a single arbitrary LM that adaptively retrieves passages on-demand, and
generates and reflects on retrieved passages and its own generations using
special tokens, called reflection tokens. Generating reflection tokens makes
the LM controllable during the inference phase, enabling it to tailor its
behavior to diverse task requirements. Experiments show that Self-RAG (7B and
13B parameters) significantly outperforms state-of-the-art LLMs and
retrieval-augmented models on a diverse set of tasks. Specifically, Self-RAG
outperforms ChatGPT and retrieval-augmented Llama2-chat on Open-domain QA,
reasoning and fact verification tasks, and it shows significant gains in
improving factuality and citation accuracy for long-form generations relative
to these models. | cs.CL | Self-RAG: Learning to Retrieve, Generate, and Critique through Self-Reflection |
2023-10-17T18:00:25Z | http://arxiv.org/pdf/2310.11501v1 | http://arxiv.org/abs/2310.11501v1 | Myra Cheng, Tiziano Piccardi, Diyi Yang | 2023-10-17T18:00:25Z | cs.CL, cs.AI, cs.CY | Recent work has aimed to capture nuances of human behavior by using LLMs to
simulate responses from particular demographics in settings like social science
experiments and public opinion surveys. However, there are currently no
established ways to discuss or evaluate the quality of such LLM simulations.
Moreover, there is growing concern that these LLM simulations are flattened
caricatures of the personas that they aim to simulate, failing to capture the
multidimensionality of people and perpetuating stereotypes. To bridge these
gaps, we present CoMPosT, a framework to characterize LLM simulations using
four dimensions: Context, Model, Persona, and Topic. We use this framework to
measure open-ended LLM simulations' susceptibility to caricature, defined via
two criteria: individuation and exaggeration. We evaluate the level of
caricature in scenarios from existing work on LLM simulations. We find that for
GPT-4, simulations of certain demographics (political and marginalized groups)
and topics (general, uncontroversial) are highly susceptible to caricature. | cs.CL | CoMPosT: Characterizing and Evaluating Caricature in LLM Simulations |
2023-10-17T17:59:46Z | http://arxiv.org/pdf/2310.11454v2 | http://arxiv.org/abs/2310.11454v2 | Dawid J. Kopiczko, Tijmen Blankevoort, Yuki M. Asano | 2024-01-16T18:59:22Z | cs.CL | Low-rank adapation (LoRA) is a popular method that reduces the number of
trainable parameters when finetuning large language models, but still faces
acute storage challenges when scaling to even larger models or deploying
numerous per-user or per-task adapted models. In this work, we present
Vector-based Random Matrix Adaptation (VeRA), which significantly reduces the
number of trainable parameters compared to LoRA, yet maintains the same
performance. It achieves this by using a single pair of low-rank matrices
shared across all layers and learning small scaling vectors instead. We
demonstrate its effectiveness on the GLUE and E2E benchmarks, image
classification tasks, and show its application in instruction-tuning of 7B and
13B language models. | cs.CL | VeRA: Vector-based Random Matrix Adaptation |
2023-10-17T17:59:15Z | http://arxiv.org/pdf/2310.11453v1 | http://arxiv.org/abs/2310.11453v1 | Hongyu Wang, Shuming Ma, Li Dong, Shaohan Huang, Huaijie Wang, Lingxiao Ma, Fan Yang, Ruiping Wang, Yi Wu, Furu Wei | 2023-10-17T17:59:15Z | cs.CL | The increasing size of large language models has posed challenges for
deployment and raised concerns about environmental impact due to high energy
consumption. In this work, we introduce BitNet, a scalable and stable 1-bit
Transformer architecture designed for large language models. Specifically, we
introduce BitLinear as a drop-in replacement of the nn.Linear layer in order to
train 1-bit weights from scratch. Experimental results on language modeling
show that BitNet achieves competitive performance while substantially reducing
memory footprint and energy consumption, compared to state-of-the-art 8-bit
quantization methods and FP16 Transformer baselines. Furthermore, BitNet
exhibits a scaling law akin to full-precision Transformers, suggesting its
potential for effective scaling to even larger language models while
maintaining efficiency and performance benefits. | cs.CL | BitNet: Scaling 1-bit Transformers for Large Language Models |
2023-10-17T17:58:34Z | http://arxiv.org/pdf/2310.11451v2 | http://arxiv.org/abs/2310.11451v2 | Ming Zhong, Chenxin An, Weizhu Chen, Jiawei Han, Pengcheng He | 2024-05-08T12:11:00Z | cs.CL, cs.AI, cs.LG | Large Language Models (LLMs) inherently encode a wealth of knowledge within
their parameters through pre-training on extensive corpora. While prior
research has delved into operations on these parameters to manipulate the
underlying implicit knowledge (encompassing detection, editing, and merging),
there remains an ambiguous understanding regarding their transferability across
models with varying scales. In this paper, we seek to empirically investigate
knowledge transfer from larger to smaller models through a parametric
perspective. To achieve this, we employ sensitivity-based techniques to extract
and align knowledge-specific parameters between different LLMs. Moreover, the
LoRA module is used as the intermediary mechanism for injecting the extracted
knowledge into smaller models. Evaluations across four benchmarks validate the
efficacy of our proposed method. Our findings highlight the critical factors
contributing to the process of parametric knowledge transfer, underscoring the
transferability of model parameters across LLMs of different scales. Project
website: https://maszhongming.github.io/ParaKnowTransfer. | cs.CL | Seeking Neural Nuggets: Knowledge Transfer in Large Language Models from a Parametric Perspective |
2023-10-17T17:58:17Z | http://arxiv.org/pdf/2310.13014v1 | http://arxiv.org/abs/2310.13014v1 | Philipp Schoenegger, Peter S. Park | 2023-10-17T17:58:17Z | cs.CY, cs.AI, cs.CL, cs.LG | Accurately predicting the future would be an important milestone in the
capabilities of artificial intelligence. However, research on the ability of
large language models to provide probabilistic predictions about future events
remains nascent. To empirically test this ability, we enrolled OpenAI's
state-of-the-art large language model, GPT-4, in a three-month forecasting
tournament hosted on the Metaculus platform. The tournament, running from July
to October 2023, attracted 843 participants and covered diverse topics
including Big Tech, U.S. politics, viral outbreaks, and the Ukraine conflict.
Focusing on binary forecasts, we show that GPT-4's probabilistic forecasts are
significantly less accurate than the median human-crowd forecasts. We find that
GPT-4's forecasts did not significantly differ from the no-information
forecasting strategy of assigning a 50% probability to every question. We
explore a potential explanation, that GPT-4 might be predisposed to predict
probabilities close to the midpoint of the scale, but our data do not support
this hypothesis. Overall, we find that GPT-4 significantly underperforms in
real-world predictive tasks compared to median human-crowd forecasts. A
potential explanation for this underperformance is that in real-world
forecasting tournaments, the true answers are genuinely unknown at the time of
prediction; unlike in other benchmark tasks like professional exams or time
series forecasting, where strong performance may at least partly be due to the
answers being memorized from the training data. This makes real-world
forecasting tournaments an ideal environment for testing the generalized
reasoning and prediction capabilities of artificial intelligence going forward. | cs.CY | Large Language Model Prediction Capabilities: Evidence from a Real-World Forecasting Tournament |
2023-10-17T17:56:18Z | http://arxiv.org/pdf/2310.11446v2 | http://arxiv.org/abs/2310.11446v2 | Pierre Fernandez, Guillaume Couairon, Teddy Furon, Matthijs Douze | 2024-01-18T18:50:55Z | cs.CR, cs.AI, cs.CL | The rapid growth of transformer-based models increases the concerns about
their integrity and ownership insurance. Watermarking addresses this issue by
embedding a unique identifier into the model, while preserving its performance.
However, most existing approaches require to optimize the weights to imprint
the watermark signal, which is not suitable at scale due to the computational
cost. This paper explores watermarks with virtually no computational cost,
applicable to a non-blind white-box setting (assuming access to both the
original and watermarked networks). They generate functionally equivalent
copies by leveraging the models' invariance, via operations like dimension
permutations or scaling/unscaling. This enables to watermark models without any
change in their outputs and remains stealthy. Experiments demonstrate the
effectiveness of the approach and its robustness against various model
transformations (fine-tuning, quantization, pruning), making it a practical
solution to protect the integrity of large models. | cs.CR | Functional Invariants to Watermark Large Transformers |
2023-10-17T17:51:31Z | http://arxiv.org/pdf/2310.11441v2 | http://arxiv.org/abs/2310.11441v2 | Jianwei Yang, Hao Zhang, Feng Li, Xueyan Zou, Chunyuan Li, Jianfeng Gao | 2023-11-06T07:39:49Z | cs.CV, cs.AI, cs.CL, cs.HC | We present Set-of-Mark (SoM), a new visual prompting method, to unleash the
visual grounding abilities of large multimodal models (LMMs), such as GPT-4V.
As illustrated in Fig. 1 (right), we employ off-the-shelf interactive
segmentation models, such as SEEM/SAM, to partition an image into regions at
different levels of granularity, and overlay these regions with a set of marks
e.g., alphanumerics, masks, boxes. Using the marked image as input, GPT-4V can
answer the questions that require visual grounding. We perform a comprehensive
empirical study to validate the effectiveness of SoM on a wide range of
fine-grained vision and multimodal tasks. For example, our experiments show
that GPT-4V with SoM in zero-shot setting outperforms the state-of-the-art
fully-finetuned referring expression comprehension and segmentation model on
RefCOCOg. Code for SoM prompting is made public at:
https://github.com/microsoft/SoM. | cs.CV | Set-of-Mark Prompting Unleashes Extraordinary Visual Grounding in GPT-4V |
2023-10-17T17:40:21Z | http://arxiv.org/pdf/2310.11430v1 | http://arxiv.org/abs/2310.11430v1 | António Farinhas, José G. C. de Souza, André F. T. Martins | 2023-10-17T17:40:21Z | cs.CL | Large language models (LLMs) are becoming a one-fits-many solution, but they
sometimes hallucinate or produce unreliable output. In this paper, we
investigate how hypothesis ensembling can improve the quality of the generated
text for the specific problem of LLM-based machine translation. We experiment
with several techniques for ensembling hypotheses produced by LLMs such as
ChatGPT, LLaMA, and Alpaca. We provide a comprehensive study along multiple
dimensions, including the method to generate hypotheses (multiple prompts,
temperature-based sampling, and beam search) and the strategy to produce the
final translation (instruction-based, quality-based reranking, and minimum
Bayes risk (MBR) decoding). Our results show that MBR decoding is a very
effective method, that translation quality can be improved using a small number
of samples, and that instruction tuning has a strong impact on the relation
between the diversity of the hypotheses and the sampling temperature. | cs.CL | An Empirical Study of Translation Hypothesis Ensembling with Large Language Models |
2023-10-17T17:06:26Z | http://arxiv.org/pdf/2310.11398v2 | http://arxiv.org/abs/2310.11398v2 | Muhan Zhang | 2023-10-24T17:12:49Z | cs.CL, cs.AI | In the realm of deep learning, the self-attention mechanism has substantiated
its pivotal role across a myriad of tasks, encompassing natural language
processing and computer vision. Despite achieving success across diverse
applications, the traditional self-attention mechanism primarily leverages
linear transformations for the computation of query, key, and value (QKV),
which may not invariably be the optimal choice under specific circumstances.
This paper probes into a novel methodology for QKV computation-implementing a
specially-designed neural network structure for the calculation. Utilizing a
modified Marian model, we conducted experiments on the IWSLT 2017
German-English translation task dataset and juxtaposed our method with the
conventional approach. The experimental results unveil a significant
enhancement in BLEU scores with our method. Furthermore, our approach also
manifested superiority when training the Roberta model with the Wikitext-103
dataset, reflecting a notable reduction in model perplexity compared to its
original counterpart. These experimental outcomes not only validate the
efficacy of our method but also reveal the immense potential in optimizing the
self-attention mechanism through neural network-based QKV computation, paving
the way for future research and practical applications. The source code and
implementation details for our proposed method can be accessed at
https://github.com/ocislyjrti/NeuralAttention. | cs.CL | Neural Attention: Enhancing QKV Calculation in Self-Attention Mechanism with Neural Networks |
2023-10-17T16:22:18Z | http://arxiv.org/pdf/2310.11379v1 | http://arxiv.org/abs/2310.11379v1 | Fernando López, Jordi Luque, Carlos Segura, Pablo Gómez | 2023-10-17T16:22:18Z | cs.SD, cs.CL, eess.AS | Voice-based interfaces rely on a wake-up word mechanism to initiate
communication with devices. However, achieving a robust, energy-efficient, and
fast detection remains a challenge. This paper addresses these real production
needs by enhancing data with temporal alignments and using detection based on
two phases with multi-resolution. It employs two models: a lightweight
on-device model for real-time processing of the audio stream and a verification
model on the server-side, which is an ensemble of heterogeneous architectures
that refine detection. This scheme allows the optimization of two operating
points. To protect privacy, audio features are sent to the cloud instead of raw
audio. The study investigated different parametric configurations for feature
extraction to select one for on-device detection and another for the
verification model. Furthermore, thirteen different audio classifiers were
compared in terms of performance and inference time. The proposed ensemble
outperforms our stronger classifier in every noise condition. | cs.SD | Robust Wake-Up Word Detection by Two-stage Multi-resolution Ensembles |
2023-10-17T16:15:34Z | http://arxiv.org/pdf/2310.11374v4 | http://arxiv.org/abs/2310.11374v4 | Yazhou Zhang, Mengyao Wang, Youxi Wu, Prayag Tiwari, Qiuchi Li, Benyou Wang, Jing Qin | 2024-01-17T02:44:56Z | cs.CL | Large language models (LLMs) and their variants have shown extraordinary
efficacy across numerous downstream natural language processing (NLP) tasks,
which has presented a new vision for the development of NLP. Despite their
remarkable performance in natural language generating (NLG), LLMs lack a
distinct focus on the emotion understanding domain. As a result, using LLMs for
emotion recognition may lead to suboptimal and inadequate precision. Another
limitation of LLMs is that they are typical trained without leveraging
multi-modal information. To overcome these limitations, we propose DialogueLLM,
a context and emotion knowledge tuned LLM that is obtained by fine-tuning LLaMA
models with 13,638 multi-modal (i.e., texts and videos) emotional dialogues.
The visual information is considered as the supplementary knowledge to
construct high-quality instructions. We offer a comprehensive evaluation of our
proposed model on three benchmarking emotion recognition in conversations (ERC)
datasets and compare the results against the SOTA baselines and other SOTA
LLMs. Additionally, DialogueLLM-7B can be easily trained using LoRA on a 40GB
A100 GPU in 5 hours, facilitating reproducibility for other researchers. | cs.CL | DialogueLLM: Context and Emotion Knowledge-Tuned Large Language Models for Emotion Recognition in Conversations |
2023-10-17T16:05:52Z | http://arxiv.org/pdf/2310.11368v4 | http://arxiv.org/abs/2310.11368v4 | Shanshan Xu, Leon Staufer, T. Y. S. S Santosh, Oana Ichim, Corina Heri, Matthias Grabmair | 2023-10-24T12:30:25Z | cs.CL | Recognizing vulnerability is crucial for understanding and implementing
targeted support to empower individuals in need. This is especially important
at the European Court of Human Rights (ECtHR), where the court adapts
Convention standards to meet actual individual needs and thus ensures effective
human rights protection. However, the concept of vulnerability remains elusive
at the ECtHR and no prior NLP research has dealt with it. To enable future
research in this area, we present VECHR, a novel expert-annotated multi-label
dataset comprising of vulnerability type classification and explanation
rationale. We benchmark the performance of state-of-the-art models on VECHR
from both prediction and explainability perspectives. Our results demonstrate
the challenging nature of the task with lower prediction performance and
limited agreement between models and experts. Further, we analyze the
robustness of these models in dealing with out-of-domain (OOD) data and observe
overall limited performance. Our dataset poses unique challenges offering
significant room for improvement regarding performance, explainability, and
robustness. | cs.CL | VECHR: A Dataset for Explainable and Robust Classification of Vulnerability Type in the European Court of Human Rights |
2023-10-17T16:00:26Z | http://arxiv.org/pdf/2310.11363v1 | http://arxiv.org/abs/2310.11363v1 | Stefan Arnold, Nils Kemmerzell, Annika Schreiner | 2023-10-17T16:00:26Z | cs.CL | Differential Privacy (DP) has been tailored to address the unique challenges
of text-to-text privatization. However, text-to-text privatization is known for
degrading the performance of language models when trained on perturbed text.
Employing a series of interpretation techniques on the internal representations
extracted from BERT trained on perturbed pre-text, we intend to disentangle at
the linguistic level the distortion induced by differential privacy.
Experimental results from a representational similarity analysis indicate that
the overall similarity of internal representations is substantially reduced.
Using probing tasks to unpack this dissimilarity, we find evidence that
text-to-text privatization affects the linguistic competence across several
formalisms, encoding localized properties of words while falling short at
encoding the contextual relationships between spans of words. | cs.CL | Disentangling the Linguistic Competence of Privacy-Preserving BERT |
2023-10-17T15:55:31Z | http://arxiv.org/pdf/2310.11360v1 | http://arxiv.org/abs/2310.11360v1 | Langlin Huang, Shuhao Gu, Zhuocheng Zhang, Yang Feng | 2023-10-17T15:55:31Z | cs.CL, I.2.7 | Conventional neural machine translation (NMT) models typically use subwords
and words as the basic units for model input and comprehension. However,
complete words and phrases composed of several tokens are often the fundamental
units for expressing semantics, referred to as semantic units. To address this
issue, we propose a method Semantic Units for Machine Translation (SU4MT) which
models the integral meanings of semantic units within a sentence, and then
leverages them to provide a new perspective for understanding the sentence.
Specifically, we first propose Word Pair Encoding (WPE), a phrase extraction
method to help identify the boundaries of semantic units. Next, we design an
Attentive Semantic Fusion (ASF) layer to integrate the semantics of multiple
subwords into a single vector: the semantic unit representation. Lastly, the
semantic-unit-level sentence representation is concatenated to the token-level
one, and they are combined as the input of encoder. Experimental results
demonstrate that our method effectively models and leverages
semantic-unit-level information and outperforms the strong baselines. The code
is available at https://github.com/ictnlp/SU4MT. | cs.CL | Enhancing Neural Machine Translation with Semantic Units |
2023-10-17T15:26:40Z | http://arxiv.org/pdf/2310.11344v1 | http://arxiv.org/abs/2310.11344v1 | Lucca de Freitas Santos, Murilo Varges da Silva | 2023-10-17T15:26:40Z | cs.CL, cs.AI | With the popularization of the internet, smartphones and social media,
information is being spread quickly and easily way, which implies bigger
traffic of information in the world, but there is a problem that is harming
society with the dissemination of fake news. With a bigger flow of information,
some people are trying to disseminate deceptive information and fake news. The
automatic detection of fake news is a challenging task because to obtain a good
result is necessary to deal with linguistics problems, especially when we are
dealing with languages that not have been comprehensively studied yet, besides
that, some techniques can help to reach a good result when we are dealing with
text data, although, the motivation of detecting this deceptive information it
is in the fact that the people need to know which information is true and
trustful and which one is not. In this work, we present the effect the
pre-processing methods such as lemmatization and stemming have on fake news
classification, for that we designed some classifier models applying different
pre-processing techniques. The results show that the pre-processing step is
important to obtain betters results, the stemming and lemmatization techniques
are interesting methods and need to be more studied to develop techniques
focused on the Portuguese language so we can reach better results. | cs.CL | The effect of stemming and lemmatization on Portuguese fake news text classification |
2023-10-17T15:03:30Z | http://arxiv.org/pdf/2310.11324v2 | http://arxiv.org/abs/2310.11324v2 | Melanie Sclar, Yejin Choi, Yulia Tsvetkov, Alane Suhr | 2024-07-01T22:28:01Z | cs.CL, cs.AI, cs.LG | As large language models (LLMs) are adopted as a fundamental component of
language technologies, it is crucial to accurately characterize their
performance. Because choices in prompt design can strongly influence model
behavior, this design process is critical in effectively using any modern
pre-trained generative language model. In this work, we focus on LLM
sensitivity to a quintessential class of meaning-preserving design choices:
prompt formatting. We find that several widely used open-source LLMs are
extremely sensitive to subtle changes in prompt formatting in few-shot
settings, with performance differences of up to 76 accuracy points when
evaluated using LLaMA-2-13B. Sensitivity remains even when increasing model
size, the number of few-shot examples, or performing instruction tuning. Our
analysis suggests that work evaluating LLMs with prompting-based methods would
benefit from reporting a range of performance across plausible prompt formats,
instead of the currently-standard practice of reporting performance on a single
format. We also show that format performance only weakly correlates between
models, which puts into question the methodological validity of comparing
models with an arbitrarily chosen, fixed prompt format. To facilitate
systematic analysis we propose FormatSpread, an algorithm that rapidly
evaluates a sampled set of plausible prompt formats for a given task, and
reports the interval of expected performance without accessing model weights.
Furthermore, we present a suite of analyses that characterize the nature of
this sensitivity, including exploring the influence of particular atomic
perturbations and the internal representation of particular formats. | cs.CL | Quantifying Language Models' Sensitivity to Spurious Features in Prompt Design or: How I learned to start worrying about prompt formatting |
2023-10-17T14:52:33Z | http://arxiv.org/pdf/2310.11318v1 | http://arxiv.org/abs/2310.11318v1 | Shiwei Zhang, Mingfang Wu, Xiuzhen Zhang | 2023-10-17T14:52:33Z | cs.CL, cs.AI | In support of open and reproducible research, there has been a rapidly
increasing number of datasets made available for research. As the availability
of datasets increases, it becomes more important to have quality metadata for
discovering and reusing them. Yet, it is a common issue that datasets often
lack quality metadata due to limited resources for data curation. Meanwhile,
technologies such as artificial intelligence and large language models (LLMs)
are progressing rapidly. Recently, systems based on these technologies, such as
ChatGPT, have demonstrated promising capabilities for certain data curation
tasks. This paper proposes to leverage LLMs for cost-effective annotation of
subject metadata through the LLM-based in-context learning. Our method employs
GPT-3.5 with prompts designed for annotating subject metadata, demonstrating
promising performance in automatic metadata annotation. However, models based
on in-context learning cannot acquire discipline-specific rules, resulting in
lower performance in several categories. This limitation arises from the
limited contextual information available for subject inference. To the best of
our knowledge, we are introducing, for the first time, an in-context learning
method that harnesses large language models for automated subject metadata
annotation. | cs.CL | Utilising a Large Language Model to Annotate Subject Metadata: A Case Study in an Australian National Research Data Catalogue |
2023-10-17T14:49:48Z | http://arxiv.org/pdf/2310.13013v1 | http://arxiv.org/abs/2310.13013v1 | Chen Chen, Yuchen Hu, Chao-Han Huck Yang, Hexin Liu, Sabato Marco Siniscalchi, Eng Siong Chng | 2023-10-17T14:49:48Z | cs.CL, cs.AI, cs.SD, eess.AS | Code-switching (CS) speech refers to the phenomenon of mixing two or more
languages within the same sentence. Despite the recent advances in automatic
speech recognition (ASR), CS-ASR is still a challenging task ought to the
grammatical structure complexity of the phenomenon and the data scarcity of
specific training corpus. In this work, we propose to leverage large language
models (LLMs) and lists of hypotheses generated by an ASR to address the CS
problem. Specifically, we first employ multiple well-trained ASR models for
N-best hypotheses generation, with the aim of increasing the diverse and
informative elements in the set of hypotheses. Next, we utilize the LLMs to
learn the hypotheses-to-transcription (H2T) mapping by adding a trainable
low-rank adapter. Such a generative error correction (GER) method directly
predicts the accurate transcription according to its expert linguistic
knowledge and N-best hypotheses, resulting in a paradigm shift from the
traditional language model rescoring or error correction techniques.
Experimental evidence demonstrates that GER significantly enhances CS-ASR
accuracy, in terms of reduced mixed error rate (MER). Furthermore, LLMs show
remarkable data efficiency for H2T learning, providing a potential solution to
the data scarcity problem of CS-ASR in low-resource languages. | cs.CL | Generative error correction for code-switching speech recognition using large language models |
2023-10-17T14:27:34Z | http://arxiv.org/pdf/2310.11303v1 | http://arxiv.org/abs/2310.11303v1 | Haochen Shi, Weiqi Wang, Tianqing Fang, Baixuan Xu, Wenxuan Ding, Xin Liu, Yangqiu Song | 2023-10-17T14:27:34Z | cs.CL | Zero-shot commonsense Question-Answering (QA) requires models to reason about
general situations beyond specific benchmarks. State-of-the-art approaches
fine-tune language models on QA pairs constructed from CommonSense Knowledge
Bases (CSKBs) to equip the models with more commonsense knowledge in a QA
context. However, current QA synthesis protocols may introduce noise from the
CSKBs and generate ungrammatical questions and false negative options, which
impede the model's ability to generalize. To address these issues, we propose
QADYNAMICS, a training dynamics-driven framework for QA diagnostics and
refinement. Our approach analyzes the training dynamics of each QA pair at both
the question level and option level, discarding machine-detectable artifacts by
removing uninformative QA pairs and mislabeled or false-negative options.
Extensive experiments demonstrate the effectiveness of our approach, which
outperforms all baselines while using only 33% of the synthetic data, even
including LLMs such as ChatGPT. Moreover, expert evaluations confirm that our
framework significantly improves the quality of QA synthesis. Our codes and
model checkpoints are available at
https://github.com/HKUST-KnowComp/QaDynamics. | cs.CL | QADYNAMICS: Training Dynamics-Driven Synthetic QA Diagnostic for Zero-Shot Commonsense Question Answering |
2023-10-17T14:06:06Z | http://arxiv.org/pdf/2310.11282v1 | http://arxiv.org/abs/2310.11282v1 | Jaap Jumelet, Michael Hanna, Marianne de Heer Kloots, Anna Langedijk, Charlotte Pouw, Oskar van der Wal | 2023-10-17T14:06:06Z | cs.CL | We present the submission of the ILLC at the University of Amsterdam to the
BabyLM challenge (Warstadt et al., 2023), in the strict-small track. Our final
model, ChapGTP, is a masked language model that was trained for 200 epochs,
aided by a novel data augmentation technique called Automatic Task Formation.
We discuss in detail the performance of this model on the three evaluation
suites: BLiMP, (Super)GLUE, and MSGS. Furthermore, we present a wide range of
methods that were ultimately not included in the model, but may serve as
inspiration for training LMs in low-resource settings. | cs.CL | ChapGTP, ILLC's Attempt at Raising a BabyLM: Improving Data Efficiency by Automatic Task Formation |
2023-10-17T13:53:57Z | http://arxiv.org/pdf/2310.11275v1 | http://arxiv.org/abs/2310.11275v1 | Florian Borchert, Ignacio Llorca, Roland Roller, Bert Arnrich, Matthieu-P. Schapranow | 2023-10-17T13:53:57Z | cs.CL | Objective: To improve performance of medical entity normalization across many
languages, especially when fewer language resources are available compared to
English.
Materials and Methods: We introduce xMEN, a modular system for cross-lingual
medical entity normalization, which performs well in both low- and
high-resource scenarios. When synonyms in the target language are scarce for a
given terminology, we leverage English aliases via cross-lingual candidate
generation. For candidate ranking, we incorporate a trainable cross-encoder
model if annotations for the target task are available. We also evaluate
cross-encoders trained in a weakly supervised manner based on
machine-translated datasets from a high resource domain. Our system is publicly
available as an extensible Python toolkit.
Results: xMEN improves the state-of-the-art performance across a wide range
of multilingual benchmark datasets. Weakly supervised cross-encoders are
effective when no training data is available for the target task. Through the
compatibility of xMEN with the BigBIO framework, it can be easily used with
existing and prospective datasets.
Discussion: Our experiments show the importance of balancing the output of
general-purpose candidate generators with subsequent trainable re-rankers,
which we achieve through a rank regularization term in the loss function of the
cross-encoder. However, error analysis reveals that multi-word expressions and
other complex entities are still challenging.
Conclusion: xMEN exhibits strong performance for medical entity normalization
in multiple languages, even when no labeled data and few terminology aliases
for the target language are available. Its configuration system and evaluation
modules enable reproducible benchmarks. Models and code are available online at
the following URL: https://github.com/hpi-dhc/xmen | cs.CL | xMEN: A Modular Toolkit for Cross-Lingual Medical Entity Normalization |
2023-10-17T13:39:26Z | http://arxiv.org/pdf/2310.11266v1 | http://arxiv.org/abs/2310.11266v1 | Khushboo Verma, Marina Moore, Stephanie Wottrich, Karla Robles López, Nishant Aggarwal, Zeel Bhatt, Aagamjit Singh, Bradford Unroe, Salah Basheer, Nitish Sachdeva, Prinka Arora, Harmanjeet Kaur, Tanupreet Kaur, Tevon Hood, Anahi Marquez, Tushar Varshney, Nanfu Deng, Azaan Ramani, Pawanraj Ishwara, Maimoona Saeed, Tatiana López Velarde Peña, Bryan Barksdale, Sushovan Guha, Satwant Kumar | 2023-10-17T13:39:26Z | cs.CL, cs.AI, cs.NE | In response to the pressing need for advanced clinical problem-solving tools
in healthcare, we introduce BooksMed, a novel framework based on a Large
Language Model (LLM). BooksMed uniquely emulates human cognitive processes to
deliver evidence-based and reliable responses, utilizing the GRADE (Grading of
Recommendations, Assessment, Development, and Evaluations) framework to
effectively quantify evidence strength. For clinical decision-making to be
appropriately assessed, an evaluation metric that is clinically aligned and
validated is required. As a solution, we present ExpertMedQA, a multispecialty
clinical benchmark comprised of open-ended, expert-level clinical questions,
and validated by a diverse group of medical professionals. By demanding an
in-depth understanding and critical appraisal of up-to-date clinical
literature, ExpertMedQA rigorously evaluates LLM performance. BooksMed
outperforms existing state-of-the-art models Med-PaLM 2, Almanac, and ChatGPT
in a variety of medical scenarios. Therefore, a framework that mimics human
cognitive stages could be a useful tool for providing reliable and
evidence-based responses to clinical inquiries. | cs.CL | Emulating Human Cognitive Processes for Expert-Level Medical Question-Answering with Large Language Models |
2023-10-17T13:23:18Z | http://arxiv.org/pdf/2310.11258v2 | http://arxiv.org/abs/2310.11258v2 | Mega Fransiska, Diah Pitaloka, Saripudin, Satrio Putra, Lintang Sutawika | 2023-10-24T12:01:14Z | cs.CL | Weak supervision has emerged as a promising approach for rapid and
large-scale dataset creation in response to the increasing demand for
accelerated NLP development. By leveraging labeling functions, weak supervision
allows practitioners to generate datasets quickly by creating learned label
models that produce soft-labeled datasets. This paper aims to show how such an
approach can be utilized to build an Indonesian NLP dataset from conservation
news text. We construct two types of datasets: multi-class classification and
sentiment classification. We then provide baseline experiments using various
pretrained language models. These baseline results demonstrate test
performances of 59.79% accuracy and 55.72% F1-score for sentiment
classification, 66.87% F1-score-macro, 71.5% F1-score-micro, and 83.67% ROC-AUC
for multi-class classification. Additionally, we release the datasets and
labeling functions used in this work for further research and exploration. | cs.CL | Utilizing Weak Supervision To Generate Indonesian Conservation Dataset |
2023-10-17T13:20:16Z | http://arxiv.org/pdf/2310.11252v1 | http://arxiv.org/abs/2310.11252v1 | Thilo Spinner, Rebecca Kehlbeck, Rita Sevastjanova, Tobias Stähle, Daniel A. Keim, Oliver Deussen, Andreas Spitz, Mennatallah El-Assady | 2023-10-17T13:20:16Z | cs.CL, cs.AI, cs.HC, H.5.2; I.2.7 | The growing popularity of generative language models has amplified interest
in interactive methods to guide model outputs. Prompt refinement is considered
one of the most effective means to influence output among these methods. We
identify several challenges associated with prompting large language models,
categorized into data- and model-specific, linguistic, and socio-linguistic
challenges. A comprehensive examination of model outputs, including runner-up
candidates and their corresponding probabilities, is needed to address these
issues. The beam search tree, the prevalent algorithm to sample model outputs,
can inherently supply this information. Consequently, we introduce an
interactive visual method for investigating the beam search tree, facilitating
analysis of the decisions made by the model during generation. We
quantitatively show the value of exposing the beam search tree and present five
detailed analysis scenarios addressing the identified challenges. Our
methodology validates existing results and offers additional insights. | cs.CL | Revealing the Unwritten: Visual Investigation of Beam Search Trees to Address Language Model Prompting Challenges |
2023-10-17T13:18:01Z | http://arxiv.org/pdf/2310.11248v2 | http://arxiv.org/abs/2310.11248v2 | Yangruibo Ding, Zijian Wang, Wasi Uddin Ahmad, Hantian Ding, Ming Tan, Nihal Jain, Murali Krishna Ramanathan, Ramesh Nallapati, Parminder Bhatia, Dan Roth, Bing Xiang | 2023-11-17T02:51:39Z | cs.LG, cs.CL, cs.SE | Code completion models have made significant progress in recent years, yet
current popular evaluation datasets, such as HumanEval and MBPP, predominantly
focus on code completion tasks within a single file. This over-simplified
setting falls short of representing the real-world software development
scenario where repositories span multiple files with numerous cross-file
dependencies, and accessing and understanding cross-file context is often
required to complete the code correctly.
To fill in this gap, we propose CrossCodeEval, a diverse and multilingual
code completion benchmark that necessitates an in-depth cross-file contextual
understanding to complete the code accurately. CrossCodeEval is built on a
diverse set of real-world, open-sourced, permissively-licensed repositories in
four popular programming languages: Python, Java, TypeScript, and C#. To create
examples that strictly require cross-file context for accurate completion, we
propose a straightforward yet efficient static-analysis-based approach to
pinpoint the use of cross-file context within the current file.
Extensive experiments on state-of-the-art code language models like CodeGen
and StarCoder demonstrate that CrossCodeEval is extremely challenging when the
relevant cross-file context is absent, and we see clear improvements when
adding these context into the prompt. However, despite such improvements, the
pinnacle of performance remains notably unattained even with the
highest-performing model, indicating that CrossCodeEval is also capable of
assessing model's capability in leveraging extensive context to make better
code completion. Finally, we benchmarked various methods in retrieving
cross-file context, and show that CrossCodeEval can also be used to measure the
capability of code retrievers. | cs.LG | CrossCodeEval: A Diverse and Multilingual Benchmark for Cross-File Code Completion |
2023-10-17T13:12:32Z | http://arxiv.org/pdf/2310.11244v3 | http://arxiv.org/abs/2310.11244v3 | Ralph Peeters, Christian Bizer | 2024-06-05T15:33:25Z | cs.CL, cs.LG | Entity Matching is the task of deciding whether two entity descriptions refer
to the same real-world entity and is a central step in most data integration
pipelines. Many state-of-the-art entity matching methods rely on pre-trained
language models (PLMs) such as BERT or RoBERTa. Two major drawbacks of these
models for entity matching are that (i) the models require significant amounts
of task-specific training data and (ii) the fine-tuned models are not robust
concerning out-of-distribution entities. This paper investigates using
generative large language models (LLMs) as a less task-specific training
data-dependent and more robust alternative to PLM-based matchers. Our study
covers hosted and open-source LLMs, which can be run locally. We evaluate these
models in a zero-shot scenario and a scenario where task-specific training data
is available. We compare different prompt designs and the prompt sensitivity of
the models and show that there is no single best prompt but needs to be tuned
for each model/dataset combination. We further investigate (i) the selection of
in-context demonstrations, (ii) the generation of matching rules, as well as
(iii) fine-tuning a hosted LLM using the same pool of training data. Our
experiments show that the best LLMs require no or only a few training examples
to perform similarly to PLMs that were fine-tuned using thousands of examples.
LLM-based matchers further exhibit higher robustness to unseen entities. We
show that GPT4 can generate structured explanations for matching decisions. The
model can automatically identify potential causes of matching errors by
analyzing explanations of wrong decisions. We demonstrate that the model can
generate meaningful textual descriptions of the identified error classes, which
can help data engineers improve entity matching pipelines. | cs.CL | Entity Matching using Large Language Models |
2023-10-17T13:06:59Z | http://arxiv.org/pdf/2310.11237v1 | http://arxiv.org/abs/2310.11237v1 | Linyang Li, Botian Jiang, Pengyu Wang, Ke Ren, Hang Yan, Xipeng Qiu | 2023-10-17T13:06:59Z | cs.CL | Abuse of large language models reveals high risks as large language models
are being deployed at an astonishing speed. It is important to protect the
model weights to avoid malicious usage that violates licenses of open-source
large language models. This paper proposes a novel watermarking strategy that
plants watermarks in the quantization process of large language models without
pre-defined triggers during inference. The watermark works when the model is
used in the fp32 mode and remains hidden when the model is quantized to int8,
in this way, the users can only inference the model without further supervised
fine-tuning of the model. We successfully plant the watermark into open-source
large language model weights including GPT-Neo and LLaMA. We hope our proposed
method can provide a potential direction for protecting model weights in the
era of large language model applications. | cs.CL | Watermarking LLMs with Weight Quantization |
2023-10-17T12:58:17Z | http://arxiv.org/pdf/2310.11227v1 | http://arxiv.org/abs/2310.11227v1 | Enyu Zhou, Rui Zheng, Zhiheng Xi, Songyang Gao, Xiaoran Fan, Zichu Fei, Jingting Ye, Tao Gui, Qi Zhang, Xuanjing Huang | 2023-10-17T12:58:17Z | cs.CL, cs.AI | Reports of human-like behaviors in foundation models are growing, with
psychological theories providing enduring tools to investigate these behaviors.
However, current research tends to directly apply these human-oriented tools
without verifying the faithfulness of their outcomes. In this paper, we
introduce a framework, RealBehavior, which is designed to characterize the
humanoid behaviors of models faithfully. Beyond simply measuring behaviors, our
framework assesses the faithfulness of results based on reproducibility,
internal and external consistency, and generalizability. Our findings suggest
that a simple application of psychological tools cannot faithfully characterize
all human-like behaviors. Moreover, we discuss the impacts of aligning models
with human and social values, arguing for the necessity of diversifying
alignment objectives to prevent the creation of models with restricted
characteristics. | cs.CL | RealBehavior: A Framework for Faithfully Characterizing Foundation Models' Human-like Behavior Mechanisms |
2023-10-17T12:51:35Z | http://arxiv.org/pdf/2310.11220v1 | http://arxiv.org/abs/2310.11220v1 | Jiho Kim, Yeonsu Kwon, Yohan Jo, Edward Choi | 2023-10-17T12:51:35Z | cs.CL | While large language models (LLMs) have made considerable advancements in
understanding and generating unstructured text, their application in structured
data remains underexplored. Particularly, using LLMs for complex reasoning
tasks on knowledge graphs (KGs) remains largely untouched. To address this, we
propose KG-GPT, a multi-purpose framework leveraging LLMs for tasks employing
KGs. KG-GPT comprises three steps: Sentence Segmentation, Graph Retrieval, and
Inference, each aimed at partitioning sentences, retrieving relevant graph
components, and deriving logical conclusions, respectively. We evaluate KG-GPT
using KG-based fact verification and KGQA benchmarks, with the model showing
competitive and robust performance, even outperforming several fully-supervised
models. Our work, therefore, marks a significant step in unifying structured
and unstructured data processing within the realm of LLMs. | cs.CL | KG-GPT: A General Framework for Reasoning on Knowledge Graphs Using Large Language Models |
2023-10-17T12:34:32Z | http://arxiv.org/pdf/2310.11207v1 | http://arxiv.org/abs/2310.11207v1 | Shiyuan Huang, Siddarth Mamidanna, Shreedhar Jangam, Yilun Zhou, Leilani H. Gilpin | 2023-10-17T12:34:32Z | cs.CL, cs.LG | Large language models (LLMs) such as ChatGPT have demonstrated superior
performance on a variety of natural language processing (NLP) tasks including
sentiment analysis, mathematical reasoning and summarization. Furthermore,
since these models are instruction-tuned on human conversations to produce
"helpful" responses, they can and often will produce explanations along with
the response, which we call self-explanations. For example, when analyzing the
sentiment of a movie review, the model may output not only the positivity of
the sentiment, but also an explanation (e.g., by listing the sentiment-laden
words such as "fantastic" and "memorable" in the review). How good are these
automatically generated self-explanations? In this paper, we investigate this
question on the task of sentiment analysis and for feature attribution
explanation, one of the most commonly studied settings in the interpretability
literature (for pre-ChatGPT models). Specifically, we study different ways to
elicit the self-explanations, evaluate their faithfulness on a set of
evaluation metrics, and compare them to traditional explanation methods such as
occlusion or LIME saliency maps. Through an extensive set of experiments, we
find that ChatGPT's self-explanations perform on par with traditional ones, but
are quite different from them according to various agreement metrics, meanwhile
being much cheaper to produce (as they are generated along with the
prediction). In addition, we identified several interesting characteristics of
them, which prompt us to rethink many current model interpretability practices
in the era of ChatGPT(-like) LLMs. | cs.CL | Can Large Language Models Explain Themselves? A Study of LLM-Generated Self-Explanations |
2023-10-17T12:14:03Z | http://arxiv.org/pdf/2310.11191v2 | http://arxiv.org/abs/2310.11191v2 | Lorenzo Jaime Yu Flores, Heyuan Huang, Kejian Shi, Sophie Chheang, Arman Cohan | 2023-10-26T02:54:41Z | cs.CL, cs.AI | Text simplification has emerged as an increasingly useful application of AI
for bridging the communication gap in specialized fields such as medicine,
where the lexicon is often dominated by technical jargon and complex
constructs. Despite notable progress, methods in medical simplification
sometimes result in the generated text having lower quality and diversity. In
this work, we explore ways to further improve the readability of text
simplification in the medical domain. We propose (1) a new unlikelihood loss
that encourages generation of simpler terms and (2) a reranked beam search
decoding method that optimizes for simplicity, which achieve better performance
on readability metrics on three datasets. This study's findings offer promising
avenues for improving text simplification in the medical field. | cs.CL | Medical Text Simplification: Optimizing for Readability with Unlikelihood Training and Reranked Beam Search Decoding |
2023-10-17T11:34:50Z | http://arxiv.org/pdf/2310.11166v2 | http://arxiv.org/abs/2310.11166v2 | Quoc-Nam Nguyen, Thang Chau Phan, Duc-Vu Nguyen, Kiet Van Nguyen | 2023-10-28T16:22:19Z | cs.CL | English and Chinese, known as resource-rich languages, have witnessed the
strong development of transformer-based language models for natural language
processing tasks. Although Vietnam has approximately 100M people speaking
Vietnamese, several pre-trained models, e.g., PhoBERT, ViBERT, and vELECTRA,
performed well on general Vietnamese NLP tasks, including POS tagging and named
entity recognition. These pre-trained language models are still limited to
Vietnamese social media tasks. In this paper, we present the first monolingual
pre-trained language model for Vietnamese social media texts, ViSoBERT, which
is pre-trained on a large-scale corpus of high-quality and diverse Vietnamese
social media texts using XLM-R architecture. Moreover, we explored our
pre-trained model on five important natural language downstream tasks on
Vietnamese social media texts: emotion recognition, hate speech detection,
sentiment analysis, spam reviews detection, and hate speech spans detection.
Our experiments demonstrate that ViSoBERT, with far fewer parameters, surpasses
the previous state-of-the-art models on multiple Vietnamese social media tasks.
Our ViSoBERT model is available only for research purposes. | cs.CL | ViSoBERT: A Pre-Trained Language Model for Vietnamese Social Media Text Processing |
2023-10-17T11:29:04Z | http://arxiv.org/pdf/2310.11163v1 | http://arxiv.org/abs/2310.11163v1 | Xu Huang, Zhirui Zhang, Ruize Gao, Yichao Du, Lemao Liu, Gouping Huang, Shuming Shi, Jiajun Chen, Shujian Huang | 2023-10-17T11:29:04Z | cs.CL | We present IMTLab, an open-source end-to-end interactive machine translation
(IMT) system platform that enables researchers to quickly build IMT systems
with state-of-the-art models, perform an end-to-end evaluation, and diagnose
the weakness of systems. IMTLab treats the whole interactive translation
process as a task-oriented dialogue with a human-in-the-loop setting, in which
human interventions can be explicitly incorporated to produce high-quality,
error-free translations. To this end, a general communication interface is
designed to support the flexible IMT architectures and user policies. Based on
the proposed design, we construct a simulated and real interactive environment
to achieve end-to-end evaluation and leverage the framework to systematically
evaluate previous IMT systems. Our simulated and manual experiments show that
the prefix-constrained decoding approach still gains the lowest editing cost in
the end-to-end evaluation, while BiTIIMT achieves comparable editing cost with
a better interactive experience. | cs.CL | IMTLab: An Open-Source Platform for Building, Evaluating, and Diagnosing Interactive Machine Translation Systems |
2023-10-17T11:23:32Z | http://arxiv.org/pdf/2310.11158v1 | http://arxiv.org/abs/2310.11158v1 | Honghua Chen, Nai Ding | 2023-10-17T11:23:32Z | cs.CL, cs.LG | Large language models possess remarkable capacity for processing language,
but it remains unclear whether these models can further generate creative
content. The present study aims to investigate the creative thinking of large
language models through a cognitive perspective. We utilize the divergent
association task (DAT), an objective measurement of creativity that asks models
to generate unrelated words and calculates the semantic distance between them.
We compare the results across different models and decoding strategies. Our
findings indicate that: (1) When using the greedy search strategy, GPT-4
outperforms 96% of humans, while GPT-3.5-turbo exceeds the average human level.
(2) Stochastic sampling and temperature scaling are effective to obtain higher
DAT scores for models except GPT-4, but face a trade-off between creativity and
stability. These results imply that advanced large language models have
divergent semantic associations, which is a fundamental process underlying
creativity. | cs.CL | Probing the Creativity of Large Language Models: Can models produce divergent semantic association? |
2023-10-17T10:54:24Z | http://arxiv.org/pdf/2310.11146v1 | http://arxiv.org/abs/2310.11146v1 | Evelina Leivada, Vittoria Dentella, Elliot Murphy | 2023-10-17T10:54:24Z | cs.CL | In the field of Artificial (General) Intelligence (AI), the several recent
advancements in Natural language processing (NLP) activities relying on Large
Language Models (LLMs) have come to encourage the adoption of LLMs as
scientific models of language. While the terminology employed for the
characterization of LLMs favors their embracing as such, it is not clear that
they are in a place to offer insights into the target system they seek to
represent. After identifying the most important theoretical and empirical risks
brought about by the adoption of scientific models that lack transparency, we
discuss LLMs relating them to every scientific model's fundamental components:
the object, the medium, the meaning and the user. We conclude that, at their
current stage of development, LLMs hardly offer any explanations for language,
and then we provide an outlook for more informative future research directions
on this topic. | cs.CL | The Quo Vadis of the Relationship between Language and Large Language Models |
2023-10-17T10:44:05Z | http://arxiv.org/pdf/2310.11141v1 | http://arxiv.org/abs/2310.11141v1 | Peter Polák | 2023-10-17T10:44:05Z | cs.CL, cs.AI, cs.SD, eess.AS | Simultaneous speech translation (SST) aims to provide real-time translation
of spoken language, even before the speaker finishes their sentence.
Traditionally, SST has been addressed primarily by cascaded systems that
decompose the task into subtasks, including speech recognition, segmentation,
and machine translation. However, the advent of deep learning has sparked
significant interest in end-to-end (E2E) systems. Nevertheless, a major
limitation of most approaches to E2E SST reported in the current literature is
that they assume that the source speech is pre-segmented into sentences, which
is a significant obstacle for practical, real-world applications. This thesis
proposal addresses end-to-end simultaneous speech translation, particularly in
the long-form setting, i.e., without pre-segmentation. We present a survey of
the latest advancements in E2E SST, assess the primary obstacles in SST and its
relevance to long-form scenarios, and suggest approaches to tackle these
challenges. | cs.CL | Long-form Simultaneous Speech Translation: Thesis Proposal |
2023-10-17T09:40:58Z | http://arxiv.org/pdf/2310.13012v2 | http://arxiv.org/abs/2310.13012v2 | Arno Candel, Jon McKinney, Philipp Singer, Pascal Pfeiffer, Maximilian Jeblick, Chun Ming Lee, Marcos V. Conde | 2023-10-23T10:24:55Z | cs.CL, cs.AI | Large Language Models (LLMs) represent a revolution in AI. However, they also
pose many significant risks, such as the presence of biased, private,
copyrighted or harmful text. For this reason we need open, transparent and safe
solutions. We introduce a complete open-source ecosystem for developing and
testing LLMs. The goal of this project is to boost open alternatives to
closed-source approaches. We release h2oGPT, a family of fine-tuned LLMs of
diverse sizes. We also introduce H2O LLM Studio, a framework and no-code GUI
designed for efficient fine-tuning, evaluation, and deployment of LLMs using
the most recent state-of-the-art techniques. Our code and models are fully
open-source. We believe this work helps to boost AI development and make it
more accessible, efficient and trustworthy. The demo is available at:
https://gpt.h2o.ai/ | cs.CL | H2O Open Ecosystem for State-of-the-art Large Language Models |
2023-10-17T09:27:43Z | http://arxiv.org/pdf/2310.11097v5 | http://arxiv.org/abs/2310.11097v5 | Lorenzo Canale, Alberto Messina | 2023-12-31T12:09:52Z | cs.CL | The Italian Digital Media Observatory (IDMO) project, part of a European
initiative, focuses on countering disinformation and fake news. This report
outlines contributions from Rai-CRITS to the project, including: (i) the
creation of novel datasets for testing technologies (ii) development of an
automatic model for categorizing Pagella Politica verdicts to facilitate
broader analysis (iii) creation of an automatic model for recognizing textual
entailment with exceptional accuracy on the FEVER dataset (iv) assessment using
GPT-4 to detecting content treatment style (v) a game to raise awareness about
fake news at national events. | cs.CL | Experimenting AI Technologies for Disinformation Combat: the IDMO Project |
2023-10-17T09:10:27Z | http://arxiv.org/pdf/2310.11085v3 | http://arxiv.org/abs/2310.11085v3 | Yilmazcan Ozyurt, Stefan Feuerriegel, Ce Zhang | 2024-05-23T08:33:51Z | cs.CL, cs.AI, cs.LG | Document-level relation extraction aims at inferring structured human
knowledge from textual documents. State-of-the-art methods for this task use
pre-trained language models (LMs) via fine-tuning, yet fine-tuning is
computationally expensive and cannot adapt to new relation types or new LMs. As
a remedy, we leverage the generalization capabilities of pre-trained LMs and
present a novel framework for document-level in-context few-shot relation
extraction. Our framework has three strengths: it eliminates the need (1) for
named entity recognition and (2) for human annotations of documents, and (3) it
can be updated to new LMs without re-training. We evaluate our framework using
DocRED, the largest publicly available dataset for document-level relation
extraction, and demonstrate that our framework achieves state-of-the-art
performance. We further show that our framework actually performs much better
than the original labels from the development set of DocRED. Finally, we
demonstrate that our complete framework yields consistent performance gains
across diverse datasets and across different pre-trained LMs. To the best of
our knowledge, we are the first to reformulate the document-level relation
extraction task as a tailored in-context few-shot learning paradigm. | cs.CL | Document-Level In-Context Few-Shot Relation Extraction via Pre-Trained Language Models |
2023-10-17T09:01:17Z | http://arxiv.org/pdf/2310.11081v1 | http://arxiv.org/abs/2310.11081v1 | Javier Huertas-Tato, Alejandro Martin, David Camacho | 2023-10-17T09:01:17Z | cs.CL, cs.SI | Online Social Networks serve as fertile ground for harmful behavior, ranging
from hate speech to the dissemination of disinformation. Malicious actors now
have unprecedented freedom to misbehave, leading to severe societal unrest and
dire consequences, as exemplified by events such as the Capitol assault during
the US presidential election and the Antivaxx movement during the COVID-19
pandemic. Understanding online language has become more pressing than ever.
While existing works predominantly focus on content analysis, we aim to shift
the focus towards understanding harmful behaviors by relating content to their
respective authors. Numerous novel approaches attempt to learn the stylistic
features of authors in texts, but many of these approaches are constrained by
small datasets or sub-optimal training losses. To overcome these limitations,
we introduce the Style Transformer for Authorship Representations (STAR),
trained on a large corpus derived from public sources of 4.5 x 10^6 authored
texts involving 70k heterogeneous authors. Our model leverages Supervised
Contrastive Loss to teach the model to minimize the distance between texts
authored by the same individual. This author pretext pre-training task yields
competitive performance at zero-shot with PAN challenges on attribution and
clustering. Additionally, we attain promising results on PAN verification
challenges using a single dense layer, with our model serving as an embedding
encoder. Finally, we present results from our test partition on Reddit. Using a
support base of 8 documents of 512 tokens, we can discern authors from sets of
up to 1616 authors with at least 80\% accuracy. We share our pre-trained model
at huggingface (https://huggingface.co/AIDA-UPM/star) and our code is available
at (https://github.com/jahuerta92/star) | cs.CL | Understanding writing style in social media with a supervised contrastively pre-trained transformer |
2023-10-17T08:56:04Z | http://arxiv.org/pdf/2310.11079v1 | http://arxiv.org/abs/2310.11079v1 | Hsuan Su, Cheng-Chu Cheng, Hua Farn, Shachi H Kumar, Saurav Sahay, Shang-Tse Chen, Hung-yi Lee | 2023-10-17T08:56:04Z | cs.CL, cs.AI | Recently, researchers have made considerable improvements in dialogue systems
with the progress of large language models (LLMs) such as ChatGPT and GPT-4.
These LLM-based chatbots encode the potential biases while retaining
disparities that can harm humans during interactions. The traditional biases
investigation methods often rely on human-written test cases. However, these
test cases are usually expensive and limited. In this work, we propose a
first-of-its-kind method that automatically generates test cases to detect
LLMs' potential gender bias. We apply our method to three well-known LLMs and
find that the generated test cases effectively identify the presence of biases.
To address the biases identified, we propose a mitigation strategy that uses
the generated test cases as demonstrations for in-context learning to
circumvent the need for parameter fine-tuning. The experimental results show
that LLMs generate fairer responses with the proposed approach. | cs.CL | Learning from Red Teaming: Gender Bias Provocation and Mitigation in Large Language Models |
2023-10-17T08:33:02Z | http://arxiv.org/pdf/2310.11069v4 | http://arxiv.org/abs/2310.11069v4 | Abdul Waheed, Bashar Talafha, Peter Sullivan, AbdelRahim Elmadany, Muhammad Abdul-Mageed | 2023-10-27T13:32:15Z | cs.CL, cs.SD, eess.AS | Arabic is a complex language with many varieties and dialects spoken by over
450 millions all around the world. Due to the linguistic diversity and
variations, it is challenging to build a robust and generalized ASR system for
Arabic. In this work, we address this gap by developing and demoing a system,
dubbed VoxArabica, for dialect identification (DID) as well as automatic speech
recognition (ASR) of Arabic. We train a wide range of models such as HuBERT
(DID), Whisper, and XLS-R (ASR) in a supervised setting for Arabic DID and ASR
tasks. Our DID models are trained to identify 17 different dialects in addition
to MSA. We finetune our ASR models on MSA, Egyptian, Moroccan, and mixed data.
Additionally, for the remaining dialects in ASR, we provide the option to
choose various models such as Whisper and MMS in a zero-shot setting. We
integrate these models into a single web interface with diverse features such
as audio recording, file upload, model selection, and the option to raise flags
for incorrect outputs. Overall, we believe VoxArabica will be useful for a wide
range of audiences concerned with Arabic research. Our system is currently
running at https://cdce-206-12-100-168.ngrok.io/. | cs.CL | VoxArabica: A Robust Dialect-Aware Arabic Speech Recognition System |
2023-10-17T07:42:40Z | http://arxiv.org/pdf/2310.11053v3 | http://arxiv.org/abs/2310.11053v3 | Shitong Duan, Xiaoyuan Yi, Peng Zhang, Tun Lu, Xing Xie, Ning Gu | 2024-03-04T07:14:10Z | cs.CL, cs.AI, cs.CY | Large Language Models (LLMs) have made unprecedented breakthroughs, yet their
increasing integration into everyday life might raise societal risks due to
generated unethical content. Despite extensive study on specific issues like
bias, the intrinsic values of LLMs remain largely unexplored from a moral
philosophy perspective. This work delves into ethical values utilizing Moral
Foundation Theory. Moving beyond conventional discriminative evaluations with
poor reliability, we propose DeNEVIL, a novel prompt generation algorithm
tailored to dynamically exploit LLMs' value vulnerabilities and elicit the
violation of ethics in a generative manner, revealing their underlying value
inclinations. On such a basis, we construct MoralPrompt, a high-quality dataset
comprising 2,397 prompts covering 500+ value principles, and then benchmark the
intrinsic values across a spectrum of LLMs. We discovered that most models are
essentially misaligned, necessitating further ethical value alignment. In
response, we develop VILMO, an in-context alignment method that substantially
enhances the value compliance of LLM outputs by learning to generate
appropriate value instructions, outperforming existing competitors. Our methods
are suitable for black-box and open-source models, offering a promising initial
step in studying the ethical values of LLMs. | cs.CL | Denevil: Towards Deciphering and Navigating the Ethical Values of Large Language Models via Instruction Learning |
2023-10-17T07:35:11Z | http://arxiv.org/pdf/2310.11049v1 | http://arxiv.org/abs/2310.11049v1 | Shubham Kumar Nigam, Aniket Deroy, Noel Shallum, Ayush Kumar Mishra, Anup Roy, Shubham Kumar Mishra, Arnab Bhattacharya, Saptarshi Ghosh, Kripabandhu Ghosh | 2023-10-17T07:35:11Z | cs.CL, cs.AI, cs.IR, cs.LG | This paper describes our submission to the SemEval-2023 for Task 6 on
LegalEval: Understanding Legal Texts. Our submission concentrated on three
subtasks: Legal Named Entity Recognition (L-NER) for Task-B, Legal Judgment
Prediction (LJP) for Task-C1, and Court Judgment Prediction with Explanation
(CJPE) for Task-C2. We conducted various experiments on these subtasks and
presented the results in detail, including data statistics and methodology. It
is worth noting that legal tasks, such as those tackled in this research, have
been gaining importance due to the increasing need to automate legal analysis
and support. Our team obtained competitive rankings of 15$^{th}$, 11$^{th}$,
and 1$^{st}$ in Task-B, Task-C1, and Task-C2, respectively, as reported on the
leaderboard. | cs.CL | Nonet at SemEval-2023 Task 6: Methodologies for Legal Evaluation |
2023-10-17T07:02:26Z | http://arxiv.org/pdf/2310.11035v1 | http://arxiv.org/abs/2310.11035v1 | Mitsuki Morita, Masato Kikuchi, Tadachika Ozono | 2023-10-17T07:02:26Z | cs.SD, cs.CL, eess.AS | Although lyrics represent an essential component of music, few music
information processing studies have been conducted on the characteristics of
lyricists. Because these characteristics may be valuable for musical
applications, such as recommendations, they warrant further study. We
considered a potential method that extracts features representing the
characteristics of lyricists from lyrics. Because these features must be
identified prior to extraction, we focused on lyricists with easily
identifiable features. We believe that it is desirable for singers to perform
unique songs that share certain characteristics specific to the singer.
Accordingly, we hypothesized that lyricists account for the unique
characteristics of the singers they write lyrics for. In other words,
lyric-lyricist classification performance or the ease of capturing the features
of a lyricist from the lyrics may depend on the variety of singers. In this
study, we observed a relationship between lyricist-singer entropy or the
variety of singers associated with a single lyricist and lyric-lyricist
classification performance. As an example, the lyricist-singer entropy is
minimal when the lyricist writes lyrics for only one singer. In our
experiments, we grouped lyricists among five groups in terms of lyricist-singer
entropy and assessed the lyric-lyricist classification performance within each
group. Consequently, the best F1 score was obtained for the group with the
lowest lyricist-singer entropy. Our results suggest that further analyses of
the features contributing to lyric-lyricist classification performance on the
lowest lyricist-singer entropy group may improve the feature extraction task
for lyricists. | cs.SD | Lyricist-Singer Entropy Affects Lyric-Lyricist Classification Performance |
2023-10-17T06:53:00Z | http://arxiv.org/pdf/2310.11026v1 | http://arxiv.org/abs/2310.11026v1 | Tomohito Kasahara, Daisuke Kawahara | 2023-10-17T06:53:00Z | cs.CL | Automatic evaluation of text generation is essential for improving the
accuracy of generation tasks. In light of the current trend towards
increasingly larger decoder-based language models, we investigate automatic
evaluation methods based on such models for text generation. This paper
compares various methods, including tuning with encoder-based models and large
language models under equal conditions, on two different tasks, machine
translation evaluation and semantic textual similarity, in two languages,
Japanese and English. Experimental results show that compared to the tuned
encoder-based models, the tuned decoder-based models perform poorly. The
analysis of the causes for this suggests that the decoder-based models focus on
surface word sequences and do not capture meaning. It is also revealed that
in-context learning of very large decoder-based models such as ChatGPT makes it
difficult to identify fine-grained semantic differences. | cs.CL | Exploring Automatic Evaluation Methods based on a Decoder-based LLM for Text Generation |
2023-10-17T06:08:55Z | http://arxiv.org/pdf/2310.11016v1 | http://arxiv.org/abs/2310.11016v1 | Chong Zhang, Ya Guo, Yi Tu, Huan Chen, Jinyang Tang, Huijia Zhu, Qi Zhang, Tao Gui | 2023-10-17T06:08:55Z | cs.CL | Recent advances in multimodal pre-trained models have significantly improved
information extraction from visually-rich documents (VrDs), in which named
entity recognition (NER) is treated as a sequence-labeling task of predicting
the BIO entity tags for tokens, following the typical setting of NLP. However,
BIO-tagging scheme relies on the correct order of model inputs, which is not
guaranteed in real-world NER on scanned VrDs where text are recognized and
arranged by OCR systems. Such reading order issue hinders the accurate marking
of entities by BIO-tagging scheme, making it impossible for sequence-labeling
methods to predict correct named entities. To address the reading order issue,
we introduce Token Path Prediction (TPP), a simple prediction head to predict
entity mentions as token sequences within documents. Alternative to token
classification, TPP models the document layout as a complete directed graph of
tokens, and predicts token paths within the graph as entities. For better
evaluation of VrD-NER systems, we also propose two revised benchmark datasets
of NER on scanned documents which can reflect real-world scenarios. Experiment
results demonstrate the effectiveness of our method, and suggest its potential
to be a universal solution to various information extraction tasks on
documents. | cs.CL | Reading Order Matters: Information Extraction from Visually-rich Documents by Token Path Prediction |
2023-10-17T05:44:10Z | http://arxiv.org/pdf/2310.11010v1 | http://arxiv.org/abs/2310.11010v1 | Atsunori Ogawa, Takafumi Moriya, Naoyuki Kamo, Naohiro Tawara, Marc Delcroix | 2023-10-17T05:44:10Z | eess.AS, cs.CL | We propose a new shallow fusion (SF) method to exploit an external backward
language model (BLM) for end-to-end automatic speech recognition (ASR). The BLM
has complementary characteristics with a forward language model (FLM), and the
effectiveness of their combination has been confirmed by rescoring ASR
hypotheses as post-processing. In the proposed SF, we iteratively apply the BLM
to partial ASR hypotheses in the backward direction (i.e., from the possible
next token to the start symbol) during decoding, substituting the newly
calculated BLM scores for the scores calculated at the last iteration. To
enhance the effectiveness of this iterative SF (ISF), we train a partial
sentence-aware BLM (PBLM) using reversed text data including partial sentences,
considering the framework of ISF. In experiments using an attention-based
encoder-decoder ASR system, we confirmed that ISF using the PBLM shows
comparable performance with SF using the FLM. By performing ISF, early pruning
of prospective hypotheses can be prevented during decoding, and we can obtain a
performance improvement compared to applying the PBLM as post-processing.
Finally, we confirmed that, by combining SF and ISF, further performance
improvement can be obtained thanks to the complementarity of the FLM and PBLM. | eess.AS | Iterative Shallow Fusion of Backward Language Model for End-to-End Speech Recognition |
2023-10-17T05:10:39Z | http://arxiv.org/pdf/2310.11003v1 | http://arxiv.org/abs/2310.11003v1 | Yingyi Ma, Zhe Liu, Ozlem Kalinli | 2023-10-17T05:10:39Z | cs.CL, cs.LG, cs.SD, eess.AS | Language models (LMs) have been commonly adopted to boost the performance of
automatic speech recognition (ASR) particularly in domain adaptation tasks.
Conventional way of LM training treats all the words in corpora equally,
resulting in suboptimal improvements in ASR performance. In this work, we
introduce a novel correction focused LM training approach which aims to
prioritize ASR fallible words. The word-level ASR fallibility score,
representing the likelihood of ASR mis-recognition, is defined and shaped as a
prior word distribution to guide the LM training. To enable correction focused
training with text-only corpora, large language models (LLMs) are employed as
fallibility score predictors and text generators through multi-task
fine-tuning. Experimental results for domain adaptation tasks demonstrate the
effectiveness of our proposed method. Compared with conventional LMs,
correction focused training achieves up to relatively 5.5% word error rate
(WER) reduction in sufficient text scenarios. In insufficient text scenarios,
LM training with LLM-generated text achieves up to relatively 13% WER
reduction, while correction focused training further obtains up to relatively
6% WER reduction. | cs.CL | Correction Focused Language Model Training for Speech Recognition |
2023-10-17T04:03:00Z | http://arxiv.org/pdf/2310.10981v2 | http://arxiv.org/abs/2310.10981v2 | Bin Wang, Zhengyuan Liu, Nancy F. Chen | 2023-12-09T05:38:43Z | cs.CL | Conventional dialogue summarization methods directly generate summaries and
do not consider user's specific interests. This poses challenges in cases where
the users are more focused on particular topics or aspects. With the
advancement of instruction-finetuned language models, we introduce
instruction-tuning to dialogues to expand the capability set of dialogue
summarization models. To overcome the scarcity of instructive dialogue
summarization data, we propose a three-step approach to synthesize high-quality
query-based summarization triples. This process involves summary-anchored query
generation, query filtering, and query-based summary generation. By training a
unified model called InstructDS (Instructive Dialogue Summarization) on three
summarization datasets with multi-purpose instructive triples, we expand the
capability of dialogue summarization models. We evaluate our method on four
datasets, including dialogue summarization and dialogue reading comprehension.
Experimental results show that our approach outperforms the state-of-the-art
models and even models with larger sizes. Additionally, our model exhibits
higher generalizability and faithfulness, as confirmed by human subjective
evaluations. | cs.CL | Instructive Dialogue Summarization with Query Aggregations |
2023-10-17T03:28:29Z | http://arxiv.org/pdf/2310.10967v1 | http://arxiv.org/abs/2310.10967v1 | Hang Yin, Pinren Lu, Ziang Li, Bin Sun, Kan Li | 2023-10-17T03:28:29Z | cs.CL, cs.AI, cs.HC | The need for high-quality data has been a key issue hindering the research of
dialogue tasks. Recent studies try to build datasets through manual, web
crawling, and large pre-trained models. However, man-made data is expensive and
data collected from the internet often includes generic responses, meaningless
statements, and toxic dialogues. Automatic data generation through large models
is a cost-effective method, but for open-domain multimodal dialogue tasks,
there are still three drawbacks: 1) There is currently no open-source large
model that can accept multimodal input; 2) The content generated by the model
lacks interpretability; 3) The generated data is usually difficult to quality
control and require extensive resource to collect. To alleviate the significant
human and resource expenditure in data collection, we propose a Multimodal Data
Construction Framework (MDCF). MDCF designs proper prompts to spur the
large-scale pre-trained language model to generate well-formed and satisfactory
content. Additionally, MDCF also automatically provides explanation for a given
image and its corresponding dialogue, which can provide a certain degree of
interpretability and facilitate manual follow-up quality inspection. Based on
this, we release an Explanatory Multimodal Open-Domain dialogue dataset
(EXMODD). Experiments indicate a positive correlation between the model's
ability to generate accurate understandings and high-quality responses. Our
code and data can be found at https://github.com/poplpr/EXMODD. | cs.CL | EXMODD: An EXplanatory Multimodal Open-Domain Dialogue dataset |
2023-10-17T03:21:43Z | http://arxiv.org/pdf/2310.10962v2 | http://arxiv.org/abs/2310.10962v2 | Huiming Wang, Zhaodonghui Li, Liying Cheng, Soh De Wen, Lidong Bing | 2024-05-17T06:47:30Z | cs.CL | Recently, large language models (LLMs) have emerged as a groundbreaking
technology and their unparalleled text generation capabilities have sparked
interest in their application to the fundamental sentence representation
learning task. Existing methods have explored utilizing LLMs as data annotators
to generate synthesized data for training contrastive learning based sentence
embedding models such as SimCSE. However, since contrastive learning models are
sensitive to the quality of sentence pairs, the effectiveness of these methods
is largely influenced by the content generated from LLMs, highlighting the need
for more refined generation in the context of sentence representation learning.
Building upon this premise, we propose MultiCSR, a multi-level contrastive
sentence representation learning framework that decomposes the process of
prompting LLMs to generate a corpus for training base sentence embedding models
into three stages (i.e., sentence generation, sentence pair construction,
in-batch training) and refines the generated content at these three distinct
stages, ensuring only high-quality sentence pairs are utilized to train a base
contrastive learning model. Our extensive experiments reveal that MultiCSR
enables a less advanced LLM to surpass the performance of ChatGPT, while
applying it to ChatGPT achieves better state-of-the-art results. Comprehensive
analyses further underscore the potential of our framework in various
application scenarios and achieving better sentence representation learning
with LLMs. | cs.CL | Large Language Models can Contrastively Refine their Generation for Better Sentence Representation Learning |
2023-10-17T03:05:42Z | http://arxiv.org/pdf/2310.10956v1 | http://arxiv.org/abs/2310.10956v1 | Jules Deschamps, Quentin Hubert, Lucas Ryckelynck | 2023-10-17T03:05:42Z | cs.CL, cs.HC | In the context of a group project for the course COMSW4995 002 - Geometric
Data Analysis, we bring our attention to the design of fast-typing keyboards.
Leveraging some geometric tools in an optimization framework allowed us to
propose novel keyboard layouts that offer a faster typing. | cs.CL | Computing the optimal keyboard through a geometric analysis of the English language |
2023-10-17T03:05:06Z | http://arxiv.org/pdf/2310.10955v1 | http://arxiv.org/abs/2310.10955v1 | Esmat Sahak, Zining Zhu, Frank Rudzicz | 2023-10-17T03:05:06Z | cs.CL, cs.AI, cs.LG | The impressive success of recent deep neural network (DNN)-based systems is
significantly influenced by the high-quality datasets used in training.
However, the effects of the datasets, especially how they interact with each
other, remain underexplored. We propose a state-vector framework to enable
rigorous studies in this direction. This framework uses idealized probing test
results as the bases of a vector space. This framework allows us to quantify
the effects of both standalone and interacting datasets. We show that the
significant effects of some commonly-used language understanding datasets are
characteristic and are concentrated on a few linguistic dimensions.
Additionally, we observe some ``spill-over'' effects: the datasets could impact
the models along dimensions that may seem unrelated to the intended tasks. Our
state-vector framework paves the way for a systematic understanding of the
dataset effects, a crucial component in responsible and robust model
development. | cs.CL | A State-Vector Framework for Dataset Effects |
2023-10-17T02:42:34Z | http://arxiv.org/pdf/2310.10944v1 | http://arxiv.org/abs/2310.10944v1 | Wenhua Cheng, Yiyang Cai, Kaokao Lv, Haihao Shen | 2023-10-17T02:42:34Z | cs.CL | As large language models (LLMs) become more prevalent, there is a growing
need for new and improved quantization methods that can meet the
computationalast layer demands of these modern architectures while maintaining
the accuracy. In this paper, we present TEQ, a trainable equivalent
transformation that preserves the FP32 precision of the model output while
taking advantage of low-precision quantization, especially 3 and 4 bits
weight-only quantization. The training process is lightweight, requiring only
1K steps and fewer than 0.1 percent of the original model's trainable
parameters. Furthermore, the transformation does not add any computational
overhead during inference. Our results are on-par with the state-of-the-art
(SOTA) methods on typical LLMs. Our approach can be combined with other methods
to achieve even better performance. The code is available at
https://github.com/intel/neural-compressor. | cs.CL | TEQ: Trainable Equivalent Transformation for Quantization of LLMs |
2023-10-17T02:34:34Z | http://arxiv.org/pdf/2310.10941v1 | http://arxiv.org/abs/2310.10941v1 | Fardin Ahsan Sakib, Ahnaf Atef Choudhury, Ozlem Uzuner | 2023-10-17T02:34:34Z | cs.CL, cs.LG | Depression is a mental health disorder that has a profound impact on people's
lives. Recent research suggests that signs of depression can be detected in the
way individuals communicate, both through spoken words and written texts. In
particular, social media posts are a rich and convenient text source that we
may examine for depressive symptoms. The Beck Depression Inventory (BDI)
Questionnaire, which is frequently used to gauge the severity of depression, is
one instrument that can aid in this study. We can narrow our study to only
those symptoms since each BDI question is linked to a particular depressive
symptom. It's important to remember that not everyone with depression exhibits
all symptoms at once, but rather a combination of them. Therefore, it is
extremely useful to be able to determine if a sentence or a piece of
user-generated content is pertinent to a certain condition. With this in mind,
the eRisk 2023 Task 1 was designed to do exactly that: assess the relevance of
different sentences to the symptoms of depression as outlined in the BDI
questionnaire. This report is all about how our team, Mason-NLP, participated
in this subtask, which involved identifying sentences related to different
depression symptoms. We used a deep learning approach that incorporated
MentalBERT, RoBERTa, and LSTM. Despite our efforts, the evaluation results were
lower than expected, underscoring the challenges inherent in ranking sentences
from an extensive dataset about depression, which necessitates both appropriate
methodological choices and significant computational resources. We anticipate
that future iterations of this shared task will yield improved results as our
understanding and techniques evolve. | cs.CL | MASON-NLP at eRisk 2023: Deep Learning-Based Detection of Depression Symptoms from Social Media Texts |
2023-10-17T02:12:12Z | http://arxiv.org/pdf/2310.10935v1 | http://arxiv.org/abs/2310.10935v1 | Fardin Ahsan Sakib, A H M Rezaul Karim, Saadat Hasan Khan, Md Mushfiqur Rahman | 2023-10-17T02:12:12Z | cs.CL, cs.LG | As voice assistants cement their place in our technologically advanced
society, there remains a need to cater to the diverse linguistic landscape,
including colloquial forms of low-resource languages. Our study introduces the
first-ever comprehensive dataset for intent detection and slot filling in
formal Bangla, colloquial Bangla, and Sylheti languages, totaling 984 samples
across 10 unique intents. Our analysis reveals the robustness of large language
models for tackling downstream tasks with inadequate data. The GPT-3.5 model
achieves an impressive F1 score of 0.94 in intent detection and 0.51 in slot
filling for colloquial Bangla. | cs.CL | Intent Detection and Slot Filling for Home Assistants: Dataset and Analysis for Bangla and Sylheti |
2023-10-17T01:59:07Z | http://arxiv.org/pdf/2310.10930v1 | http://arxiv.org/abs/2310.10930v1 | Woohyeon Moon, Taeyoung Kim, Bumgeun Park, Dongsoo Har | 2023-10-17T01:59:07Z | cs.CL, cs.AI | Transformer is a state-of-the-art model in the field of natural language
processing (NLP). Current NLP models primarily increase the number of
transformers to improve processing performance. However, this technique
requires a lot of training resources such as computing capacity. In this paper,
a novel structure of Transformer is proposed. It is featured by full layer
normalization, weighted residual connection, positional encoding exploiting
reinforcement learning, and zero masked self-attention. The proposed
Transformer model, which is called Enhanced Transformer, is validated by the
bilingual evaluation understudy (BLEU) score obtained with the Multi30k
translation dataset. As a result, the Enhanced Transformer achieves 202.96%
higher BLEU score as compared to the original transformer with the translation
dataset. | cs.CL | Enhanced Transformer Architecture for Natural Language Processing |
2023-10-17T01:31:59Z | http://arxiv.org/pdf/2310.10922v1 | http://arxiv.org/abs/2310.10922v1 | Antoni Dimitriadis, Siqi Pan, Vidhyasaharan Sethu, Beena Ahmed | 2023-10-17T01:31:59Z | cs.CL, cs.SD, eess.AS | Self-supervised learning has been used to leverage unlabelled data, improving
accuracy and generalisation of speech systems through the training of
representation models. While many recent works have sought to produce effective
representations across a variety of acoustic domains, languages, modalities and
even simultaneous speakers, these studies have all been limited to
single-channel audio recordings. This paper presents Spatial HuBERT, a
self-supervised speech representation model that learns both acoustic and
spatial information pertaining to a single speaker in a potentially noisy
environment by using multi-channel audio inputs. Spatial HuBERT learns
representations that outperform state-of-the-art single-channel speech
representations on a variety of spatial downstream tasks, particularly in
reverberant and noisy environments. We also demonstrate the utility of the
representations learned by Spatial HuBERT on a speech localisation downstream
task. Along with this paper, we publicly release a new dataset of 100 000
simulated first-order ambisonics room impulse responses. | cs.CL | Spatial HuBERT: Self-supervised Spatial Speech Representation Learning for a Single Talker from Multi-channel Audio |
2023-10-17T01:31:59Z | http://arxiv.org/pdf/2310.13011v2 | http://arxiv.org/abs/2310.13011v2 | Dongyoung Go, Tomasz Korbak, Germán Kruszewski, Jos Rozen, Marc Dymetman | 2024-03-14T18:07:10Z | cs.CL, cs.LG | As language models (LMs) become more capable, it is increasingly important to
align them with human preferences. However, the dominant paradigm for training
Preference Models (PMs) for that purpose suffers from fundamental limitations,
such as lack of transparency and scalability, along with susceptibility to
overfitting the preference dataset. We propose Compositional Preference Models
(CPMs), a novel PM framework that decomposes one global preference assessment
into several interpretable features, obtains scalar scores for these features
from a prompted LM, and aggregates these scores using a logistic regression
classifier. Through these simple steps, CPMs allow to control which properties
of the preference data are used to train the preference model and to build it
based on features that are believed to underlie the human preference judgment.
Our experiments show that CPMs not only improve generalization and are more
robust to overoptimization than standard PMs, but also that best-of-n samples
obtained using CPMs tend to be preferred over samples obtained using
conventional PMs. Overall, our approach demonstrates the benefits of endowing
PMs with priors about which features determine human preferences while relying
on LM capabilities to extract those features in a scalable and robust way. | cs.CL | Compositional preference models for aligning LMs |
2023-10-17T01:27:20Z | http://arxiv.org/pdf/2310.10920v1 | http://arxiv.org/abs/2310.10920v1 | Anurag Acharya, Sai Munikoti, Aaron Hellinger, Sara Smith, Sridevi Wagle, Sameera Horawalavithana | 2023-10-17T01:27:20Z | cs.CL, cs.AI, I.2.7 | As LLMs have become increasingly popular, they have been used in almost every
field. But as the application for LLMs expands from generic fields to narrow,
focused science domains, there exists an ever-increasing gap in ways to
evaluate their efficacy in those fields. For the benchmarks that do exist, a
lot of them focus on questions that don't require proper understanding of the
subject in question. In this paper, we present NuclearQA, a human-made
benchmark of 100 questions to evaluate language models in the nuclear domain,
consisting of a varying collection of questions that have been specifically
designed by experts to test the abilities of language models. We detail our
approach and show how the mix of several types of questions makes our benchmark
uniquely capable of evaluating models in the nuclear domain. We also present
our own evaluation metric for assessing LLM's performances due to the
limitations of existing ones. Our experiments on state-of-the-art models
suggest that even the best LLMs perform less than satisfactorily on our
benchmark, demonstrating the scientific knowledge gap of existing LLMs. | cs.CL | NuclearQA: A Human-Made Benchmark for Language Models for the Nuclear Domain |
2023-10-17T00:22:10Z | http://arxiv.org/pdf/2310.10903v2 | http://arxiv.org/abs/2310.10903v2 | Sharin Jacob, Tamara Tate, Mark Warschauer | 2023-10-23T17:31:26Z | cs.CL | The rapid proliferation of ChatGPT has incited debates regarding its impact
on human writing. Amid concerns about declining writing standards, this study
investigates the role of ChatGPT in facilitating academic writing, especially
among language learners. Using a case study approach, this study examines the
experiences of Kailing, a doctoral student, who integrates ChatGPT throughout
their academic writing process. The study employs activity theory as a lens for
understanding writing with generative AI tools and data analyzed includes
semi-structured interviews, writing samples, and GPT logs. Results indicate
that Kailing effectively collaborates with ChatGPT across various writing
stages while preserving her distinct authorial voice and agency. This
underscores the potential of AI tools such as ChatGPT to enhance academic
writing for language learners without overshadowing individual authenticity.
This case study offers a critical exploration of how ChatGPT is utilized in the
academic writing process and the preservation of a student's authentic voice
when engaging with the tool. | cs.CL | Emergent AI-Assisted Discourse: Case Study of a Second Language Writer Authoring with ChatGPT |
2023-10-16T22:53:54Z | http://arxiv.org/pdf/2310.10873v2 | http://arxiv.org/abs/2310.10873v2 | Shaokun Zhang, Xiaobo Xia, Zhaoqing Wang, Ling-Hao Chen, Jiale Liu, Qingyun Wu, Tongliang Liu | 2024-01-20T03:58:10Z | cs.CL | In-context learning is a promising paradigm that utilizes in-context examples
as prompts for the predictions of large language models. These prompts are
crucial for achieving strong performance. However, since the prompts need to be
sampled from a large volume of annotated examples, finding the right prompt may
result in high annotation costs. To address this challenge, this paper
introduces an influence-driven selective annotation method that aims to
minimize annotation costs while improving the quality of in-context examples.
The essence of our method is to select a pivotal subset from a large-scale
unlabeled data pool to annotate for the subsequent sampling of prompts.
Specifically, a directed graph is first constructed to represent unlabeled
data. Afterward, the influence of candidate unlabeled subsets is quantified
with a diffusion process. A simple yet effective greedy algorithm for unlabeled
data selection is lastly introduced. It iteratively selects the data if it
provides a maximum marginal gain with respect to quantified influence. Compared
with previous efforts on selective annotations, our influence-driven method
works in an end-to-end manner, avoids an intractable explicit balance between
data diversity and representativeness, and enjoys theoretical support.
Experiments confirm the superiority of the proposed method on various
benchmarks, achieving better performance under lower time consumption during
subset selection. The project page is available at
https://skzhang1.github.io/IDEAL/. | cs.CL | IDEAL: Influence-Driven Selective Annotations Empower In-Context Learners in Large Language Models |
2023-10-16T22:25:09Z | http://arxiv.org/pdf/2310.10865v2 | http://arxiv.org/abs/2310.10865v2 | Christina Chance, Da Yin, Dakuo Wang, Kai-Wei Chang | 2023-11-15T21:32:28Z | cs.CL | Recent studies show that traditional fairytales are rife with harmful gender
biases. To help mitigate these gender biases in fairytales, this work aims to
assess learned biases of language models by evaluating their robustness against
gender perturbations. Specifically, we focus on Question Answering (QA) tasks
in fairytales. Using counterfactual data augmentation to the FairytaleQA
dataset, we evaluate model robustness against swapped gender character
information, and then mitigate learned biases by introducing counterfactual
gender stereotypes during training time. We additionally introduce a novel
approach that utilizes the massive vocabulary of language models to support
text genres beyond fairytales. Our experimental results suggest that models are
sensitive to gender perturbations, with significant performance drops compared
to the original testing set. However, when first fine-tuned on a counterfactual
training dataset, models are less sensitive to the later introduced anti-gender
stereotyped text. | cs.CL | Will the Prince Get True Love's Kiss? On the Model Sensitivity to Gender Perturbation over Fairytale Texts |
2023-10-16T21:37:34Z | http://arxiv.org/pdf/2310.10845v1 | http://arxiv.org/abs/2310.10845v1 | Amirkeivan Mohtashami, Matteo Pagliardini, Martin Jaggi | 2023-10-16T21:37:34Z | cs.CL, cs.LG | The race to continually develop ever larger and deeper foundational models is
underway. However, techniques like the Chain-of-Thought (CoT) method continue
to play a pivotal role in achieving optimal downstream performance. In this
work, we establish an approximate parallel between using chain-of-thought and
employing a deeper transformer. Building on this insight, we introduce
CoTFormer, a transformer variant that employs an implicit CoT-like mechanism to
achieve capacity comparable to a deeper model. Our empirical findings
demonstrate the effectiveness of CoTFormers, as they significantly outperform
larger standard transformers. | cs.CL | CoTFormer: More Tokens With Attention Make Up For Less Depth |
2023-10-16T21:37:24Z | http://arxiv.org/pdf/2310.10844v1 | http://arxiv.org/abs/2310.10844v1 | Erfan Shayegani, Md Abdullah Al Mamun, Yu Fu, Pedram Zaree, Yue Dong, Nael Abu-Ghazaleh | 2023-10-16T21:37:24Z | cs.CL, cs.CR, cs.LG | Large Language Models (LLMs) are swiftly advancing in architecture and
capability, and as they integrate more deeply into complex systems, the urgency
to scrutinize their security properties grows. This paper surveys research in
the emerging interdisciplinary field of adversarial attacks on LLMs, a subfield
of trustworthy ML, combining the perspectives of Natural Language Processing
and Security. Prior work has shown that even safety-aligned LLMs (via
instruction tuning and reinforcement learning through human feedback) can be
susceptible to adversarial attacks, which exploit weaknesses and mislead AI
systems, as evidenced by the prevalence of `jailbreak' attacks on models like
ChatGPT and Bard. In this survey, we first provide an overview of large
language models, describe their safety alignment, and categorize existing
research based on various learning structures: textual-only attacks,
multi-modal attacks, and additional attack methods specifically targeting
complex systems, such as federated learning or multi-agent systems. We also
offer comprehensive remarks on works that focus on the fundamental sources of
vulnerabilities and potential defenses. To make this field more accessible to
newcomers, we present a systematic review of existing works, a structured
typology of adversarial attack concepts, and additional resources, including
slides for presentations on related topics at the 62nd Annual Meeting of the
Association for Computational Linguistics (ACL'24). | cs.CL | Survey of Vulnerabilities in Large Language Models Revealed by Adversarial Attacks |
2023-10-16T21:05:12Z | http://arxiv.org/pdf/2310.10830v1 | http://arxiv.org/abs/2310.10830v1 | Jiaying Wu, Bryan Hooi | 2023-10-16T21:05:12Z | cs.CL | It is commonly perceived that online fake news and reliable news exhibit
stark differences in writing styles, such as the use of sensationalist versus
objective language. However, we emphasize that style-related features can also
be exploited for style-based attacks. Notably, the rise of powerful Large
Language Models (LLMs) has enabled malicious users to mimic the style of
trustworthy news outlets at minimal cost. Our analysis reveals that
LLM-camouflaged fake news content leads to substantial performance degradation
of state-of-the-art text-based detectors (up to 38% decrease in F1 Score),
posing a significant challenge for automated detection in online ecosystems. To
address this, we introduce SheepDog, a style-agnostic fake news detector robust
to news writing styles. SheepDog achieves this adaptability through
LLM-empowered news reframing, which customizes each article to match different
writing styles using style-oriented reframing prompts. By employing
style-agnostic training, SheepDog enhances its resilience to stylistic
variations by maximizing prediction consistency across these diverse
reframings. Furthermore, SheepDog extracts content-focused veracity
attributions from LLMs, where the news content is evaluated against a set of
fact-checking rationales. These attributions provide supplementary information
and potential interpretability that assist veracity prediction. On three
benchmark datasets, empirical results show that SheepDog consistently yields
significant improvements over competitive baselines and enhances robustness
against LLM-empowered style attacks. | cs.CL | Fake News in Sheep's Clothing: Robust Fake News Detection Against LLM-Empowered Style Attacks |
2023-10-16T20:05:36Z | http://arxiv.org/pdf/2310.10803v2 | http://arxiv.org/abs/2310.10803v2 | Cheol Jun Cho, Abdelrahman Mohamed, Shang-Wen Li, Alan W Black, Gopala K. Anumanchipalli | 2024-01-16T05:54:49Z | cs.CL, eess.AS | Data-driven unit discovery in self-supervised learning (SSL) of speech has
embarked on a new era of spoken language processing. Yet, the discovered units
often remain in phonetic space and the units beyond phonemes are largely
underexplored. Here, we demonstrate that a syllabic organization emerges in
learning sentence-level representation of speech. In particular, we adopt
"self-distillation" objective to fine-tune the pretrained HuBERT with an
aggregator token that summarizes the entire sentence. Without any supervision,
the resulting model draws definite boundaries in speech, and the
representations across frames exhibit salient syllabic structures. We
demonstrate that this emergent structure largely corresponds to the ground
truth syllables. Furthermore, we propose a new benchmark task, Spoken Speech
ABX, for evaluating sentence-level representation of speech. When compared to
previous models, our model outperforms in both unsupervised syllable discovery
and learning sentence-level representation. Together, we demonstrate that the
self-distillation of HuBERT gives rise to syllabic organization without relying
on external labels or modalities, and potentially provides novel data-driven
units for spoken language modeling. | cs.CL | SD-HuBERT: Sentence-Level Self-Distillation Induces Syllabic Organization in HuBERT |
2023-10-16T19:50:01Z | http://arxiv.org/pdf/2310.10788v2 | http://arxiv.org/abs/2310.10788v2 | Cheol Jun Cho, Abdelrahman Mohamed, Alan W Black, Gopala K. Anumanchipalli | 2024-01-16T08:09:15Z | eess.AS, cs.CL | Self-Supervised Learning (SSL) based models of speech have shown remarkable
performance on a range of downstream tasks. These state-of-the-art models have
remained blackboxes, but many recent studies have begun "probing" models like
HuBERT, to correlate their internal representations to different aspects of
speech. In this paper, we show "inference of articulatory kinematics" as
fundamental property of SSL models, i.e., the ability of these models to
transform acoustics into the causal articulatory dynamics underlying the speech
signal. We also show that this abstraction is largely overlapping across the
language of the data used to train the model, with preference to the language
with similar phonological system. Furthermore, we show that with simple affine
transformations, Acoustic-to-Articulatory inversion (AAI) is transferrable
across speakers, even across genders, languages, and dialects, showing the
generalizability of this property. Together, these results shed new light on
the internals of SSL models that are critical to their superior performance,
and open up new avenues into language-agnostic universal models for speech
engineering, that are interpretable and grounded in speech science. | eess.AS | Self-Supervised Models of Speech Infer Universal Articulatory Kinematics |
2023-10-16T19:35:04Z | http://arxiv.org/pdf/2310.10781v1 | http://arxiv.org/abs/2310.10781v1 | Saumajit Saha, Albert Nanda | 2023-10-16T19:35:04Z | cs.CL | This paper presents the system that we have developed while solving this
shared task on violence inciting text detection in Bangla. We explain both the
traditional and the recent approaches that we have used to make our models
learn. Our proposed system helps to classify if the given text contains any
threat. We studied the impact of data augmentation when there is a limited
dataset available. Our quantitative results show that finetuning a
multilingual-e5-base model performed the best in our task compared to other
transformer-based architectures. We obtained a macro F1 of 68.11\% in the test
set and our performance in this shared task is ranked at 23 in the leaderboard. | cs.CL | BanglaNLP at BLP-2023 Task 1: Benchmarking different Transformer Models for Violence Inciting Text Detection in Bengali |
2023-10-16T18:59:31Z | http://arxiv.org/pdf/2310.10765v3 | http://arxiv.org/abs/2310.10765v3 | Yu Gu, Jianwei Yang, Naoto Usuyama, Chunyuan Li, Sheng Zhang, Matthew P. Lungren, Jianfeng Gao, Hoifung Poon | 2023-10-21T02:59:47Z | cs.CV, cs.AI, cs.CL | Rapid progress has been made in instruction-learning for image editing with
natural-language instruction, as exemplified by InstructPix2Pix. In
biomedicine, such methods can be applied to counterfactual image generation,
which helps differentiate causal structure from spurious correlation and
facilitate robust image interpretation for disease progression modeling.
However, generic image-editing models are ill-suited for the biomedical domain,
and counterfactual biomedical image generation is largely underexplored. In
this paper, we present BiomedJourney, a novel method for counterfactual
biomedical image generation by instruction-learning from multimodal patient
journeys. Given a patient with two biomedical images taken at different time
points, we use GPT-4 to process the corresponding imaging reports and generate
a natural language description of disease progression. The resulting triples
(prior image, progression description, new image) are then used to train a
latent diffusion model for counterfactual biomedical image generation. Given
the relative scarcity of image time series data, we introduce a two-stage
curriculum that first pretrains the denoising network using the much more
abundant single image-report pairs (with dummy prior image), and then continues
training using the counterfactual triples. Experiments using the standard
MIMIC-CXR dataset demonstrate the promise of our method. In a comprehensive
battery of tests on counterfactual medical image generation, BiomedJourney
substantially outperforms prior state-of-the-art methods in instruction image
editing and medical image generation such as InstructPix2Pix and RoentGen. To
facilitate future study in counterfactual medical generation, we plan to
release our instruction-learning code and pretrained models. | cs.CV | BiomedJourney: Counterfactual Biomedical Image Generation by Instruction-Learning from Multimodal Patient Journeys |
2023-10-16T18:45:38Z | http://arxiv.org/pdf/2310.10760v1 | http://arxiv.org/abs/2310.10760v1 | Bhaskarjit Sarmah, Tianjie Zhu, Dhagash Mehta, Stefano Pasquali | 2023-10-16T18:45:38Z | cs.CL, q-fin.PM, q-fin.ST, stat.AP | For a financial analyst, the question and answer (Q\&A) segment of the
company financial report is a crucial piece of information for various analysis
and investment decisions. However, extracting valuable insights from the Q\&A
section has posed considerable challenges as the conventional methods such as
detailed reading and note-taking lack scalability and are susceptible to human
errors, and Optical Character Recognition (OCR) and similar techniques
encounter difficulties in accurately processing unstructured transcript text,
often missing subtle linguistic nuances that drive investor decisions. Here, we
demonstrate the utilization of Large Language Models (LLMs) to efficiently and
rapidly extract information from earnings report transcripts while ensuring
high accuracy transforming the extraction process as well as reducing
hallucination by combining retrieval-augmented generation technique as well as
metadata. We evaluate the outcomes of various LLMs with and without using our
proposed approach based on various objective metrics for evaluating Q\&A
systems, and empirically demonstrate superiority of our method. | cs.CL | Towards reducing hallucination in extracting information from financial reports using Large Language Models |
2023-10-16T18:05:54Z | http://arxiv.org/pdf/2310.10735v1 | http://arxiv.org/abs/2310.10735v1 | Ryan Shea, Zhou Yu | 2023-10-16T18:05:54Z | cs.CL | Maintaining a consistent persona is a key quality for any open domain
dialogue system. Current state-of-the-art systems do this by training agents
with supervised learning or online reinforcement learning (RL). However,
systems trained with supervised learning often lack consistency as they are
never punished for uttering contradictions. Additional training with RL can
alleviate some of these issues, however the training process is expensive.
Instead, we propose an offline RL framework to improve the persona consistency
of dialogue systems. Our framework allows us to combine the advantages of
previous methods as we can inexpensively train our model on existing data as in
supervised learning, while punishing and rewarding specific utterances as in
RL. We also introduce a simple importance sampling method to reduce the
variance of importance weights in offline RL training which we call
Variance-Reducing MLE-Initialized (VaRMI) importance sampling. Our automatic
and human evaluations show that our framework improves both the persona
consistency and dialogue quality of a state-of-the-art social chatbot. | cs.CL | Building Persona Consistent Dialogue Agents with Offline Reinforcement Learning |
2023-10-16T17:59:50Z | http://arxiv.org/pdf/2310.10648v3 | http://arxiv.org/abs/2310.10648v3 | Rose E. Wang, Qingyang Zhang, Carly Robinson, Susanna Loeb, Dorottya Demszky | 2024-04-06T16:15:27Z | cs.CL, cs.AI | Scaling high-quality tutoring remains a major challenge in education. Due to
growing demand, many platforms employ novice tutors who, unlike experienced
educators, struggle to address student mistakes and thus fail to seize prime
learning opportunities. Our work explores the potential of large language
models (LLMs) to close the novice-expert knowledge gap in remediating math
mistakes. We contribute Bridge, a method that uses cognitive task analysis to
translate an expert's latent thought process into a decision-making model for
remediation. This involves an expert identifying (A) the student's error, (B) a
remediation strategy, and (C) their intention before generating a response. We
construct a dataset of 700 real tutoring conversations, annotated by experts
with their decisions. We evaluate state-of-the-art LLMs on our dataset and find
that the expert's decision-making model is critical for LLMs to close the gap:
responses from GPT4 with expert decisions (e.g., "simplify the problem") are
+76% more preferred than without. Additionally, context-sensitive decisions are
critical to closing pedagogical gaps: random decisions decrease GPT4's response
quality by -97% than expert decisions. Our work shows the potential of
embedding expert thought processes in LLM generations to enhance their
capability to bridge novice-expert knowledge gaps. Our dataset and code can be
found at: \url{https://github.com/rosewang2008/bridge}. | cs.CL | Bridging the Novice-Expert Gap via Models of Decision-Making: A Case Study on Remediating Math Mistakes |
2023-10-16T17:59:12Z | http://arxiv.org/pdf/2310.10645v1 | http://arxiv.org/abs/2310.10645v1 | Boyi Li, Philipp Wu, Pieter Abbeel, Jitendra Malik | 2023-10-16T17:59:12Z | cs.RO, cs.AI, cs.CL, cs.HC | An interactive robot framework accomplishes long-horizon task planning and
can easily generalize to new goals or distinct tasks, even during execution.
However, most traditional methods require predefined module design, which makes
it hard to generalize to different goals. Recent large language model based
approaches can allow for more open-ended planning but often require heavy
prompt engineering or domain-specific pretrained models. To tackle this, we
propose a simple framework that achieves interactive task planning with
language models. Our system incorporates both high-level planning and low-level
function execution via language. We verify the robustness of our system in
generating novel high-level instructions for unseen objectives and its ease of
adaptation to different tasks by merely substituting the task guidelines,
without the need for additional complex prompt engineering. Furthermore, when
the user sends a new request, our system is able to replan accordingly with
precision based on the new request, task guidelines and previously executed
steps. Please check more details on our https://wuphilipp.github.io/itp_site
and https://youtu.be/TrKLuyv26_g. | cs.RO | Interactive Task Planning with Language Models |
2023-10-16T17:57:12Z | http://arxiv.org/pdf/2310.10638v6 | http://arxiv.org/abs/2310.10638v6 | Weijia Shi, Sewon Min, Maria Lomeli, Chunting Zhou, Margaret Li, Gergely Szilvasy, Rich James, Xi Victoria Lin, Noah A. Smith, Luke Zettlemoyer, Scott Yih, Mike Lewis | 2024-06-24T06:28:42Z | cs.CL, cs.AI, cs.LG | Large language models (LMs) are currently trained to predict tokens given
document prefixes, enabling them to directly perform long-form generation and
prompting-style tasks which can be reduced to document completion. Existing
pretraining pipelines train LMs by concatenating random sets of short documents
to create input contexts but the prior documents provide no signal for
predicting the next document. We instead present In-Context Pretraining, a new
approach where language models are pretrained on a sequence of related
documents, thereby explicitly encouraging them to read and reason across
document boundaries. We can do In-Context Pretraining by simply changing the
document ordering so that each context contains related documents, and directly
applying existing pretraining pipelines. However, this document sorting problem
is challenging. There are billions of documents and we would like the sort to
maximize contextual similarity for every document without repeating any data.
To do this, we introduce approximate algorithms for finding related documents
with efficient nearest neighbor search and constructing coherent input contexts
with a graph traversal algorithm. Our experiments show In-Context Pretraining
offers a simple and scalable approach to significantly enhance LMs'performance:
we see notable improvements in tasks that require more complex contextual
reasoning, including in-context learning (+8%), reading comprehension (+15%),
faithfulness to previous contexts (+16%), long-context reasoning (+5%), and
retrieval augmentation (+9%). | cs.CL | In-context Pretraining: Language Modeling Beyond Document Boundaries |
2023-10-16T17:56:07Z | http://arxiv.org/pdf/2310.10637v1 | http://arxiv.org/abs/2310.10637v1 | Kunal Handa, Margaret Clapper, Jessica Boyle, Rose E Wang, Diyi Yang, David S Yeager, Dorottya Demszky | 2023-10-16T17:56:07Z | cs.CL | Teachers' growth mindset supportive language (GMSL)--rhetoric emphasizing
that one's skills can be improved over time--has been shown to significantly
reduce disparities in academic achievement and enhance students' learning
outcomes. Although teachers espouse growth mindset principles, most find it
difficult to adopt GMSL in their practice due the lack of effective coaching in
this area. We explore whether large language models (LLMs) can provide
automated, personalized coaching to support teachers' use of GMSL. We establish
an effective coaching tool to reframe unsupportive utterances to GMSL by
developing (i) a parallel dataset containing GMSL-trained teacher reframings of
unsupportive statements with an accompanying annotation guide, (ii) a GMSL
prompt framework to revise teachers' unsupportive language, and (iii) an
evaluation framework grounded in psychological theory for evaluating GMSL with
the help of students and teachers. We conduct a large-scale evaluation
involving 174 teachers and 1,006 students, finding that both teachers and
students perceive GMSL-trained teacher and model reframings as more effective
in fostering a growth mindset and promoting challenge-seeking behavior, among
other benefits. We also find that model-generated reframings outperform those
from the GMSL-trained teachers. These results show promise for harnessing LLMs
to provide automated GMSL feedback for teachers and, more broadly, LLMs'
potentiality for supporting students' learning in the classroom. Our findings
also demonstrate the benefit of large-scale human evaluations when applying
LLMs in educational domains. | cs.CL | "Mistakes Help Us Grow": Facilitating and Evaluating Growth Mindset Supportive Language in Classrooms |
2023-10-16T17:54:53Z | http://arxiv.org/pdf/2310.10634v1 | http://arxiv.org/abs/2310.10634v1 | Tianbao Xie, Fan Zhou, Zhoujun Cheng, Peng Shi, Luoxuan Weng, Yitao Liu, Toh Jing Hua, Junning Zhao, Qian Liu, Che Liu, Leo Z. Liu, Yiheng Xu, Hongjin Su, Dongchan Shin, Caiming Xiong, Tao Yu | 2023-10-16T17:54:53Z | cs.CL, cs.AI | Language agents show potential in being capable of utilizing natural language
for varied and intricate tasks in diverse environments, particularly when built
upon large language models (LLMs). Current language agent frameworks aim to
facilitate the construction of proof-of-concept language agents while
neglecting the non-expert user access to agents and paying little attention to
application-level designs. We present OpenAgents, an open platform for using
and hosting language agents in the wild of everyday life. OpenAgents includes
three agents: (1) Data Agent for data analysis with Python/SQL and data tools;
(2) Plugins Agent with 200+ daily API tools; (3) Web Agent for autonomous web
browsing. OpenAgents enables general users to interact with agent
functionalities through a web user interface optimized for swift responses and
common failures while offering developers and researchers a seamless deployment
experience on local setups, providing a foundation for crafting innovative
language agents and facilitating real-world evaluations. We elucidate the
challenges and opportunities, aspiring to set a foundation for future research
and development of real-world language agents. | cs.CL | OpenAgents: An Open Platform for Language Agents in the Wild |
2023-10-16T17:54:20Z | http://arxiv.org/pdf/2310.10632v1 | http://arxiv.org/abs/2310.10632v1 | Odhran O'Donoghue, Aleksandar Shtedritski, John Ginger, Ralph Abboud, Ali Essa Ghareeb, Justin Booth, Samuel G Rodriques | 2023-10-16T17:54:20Z | cs.CL, cs.AI, cs.RO | The ability to automatically generate accurate protocols for scientific
experiments would represent a major step towards the automation of science.
Large Language Models (LLMs) have impressive capabilities on a wide range of
tasks, such as question answering and the generation of coherent text and code.
However, LLMs can struggle with multi-step problems and long-term planning,
which are crucial for designing scientific experiments. Moreover, evaluation of
the accuracy of scientific protocols is challenging, because experiments can be
described correctly in many different ways, require expert knowledge to
evaluate, and cannot usually be executed automatically. Here we present an
automatic evaluation framework for the task of planning experimental protocols,
and we introduce BioProt: a dataset of biology protocols with corresponding
pseudocode representations. To measure performance on generating scientific
protocols, we use an LLM to convert a natural language protocol into
pseudocode, and then evaluate an LLM's ability to reconstruct the pseudocode
from a high-level description and a list of admissible pseudocode functions. We
evaluate GPT-3 and GPT-4 on this task and explore their robustness. We
externally validate the utility of pseudocode representations of text by
generating accurate novel protocols using retrieved pseudocode, and we run a
generated protocol successfully in our biological laboratory. Our framework is
extensible to the evaluation and improvement of language model planning
abilities in other areas of science or other areas that lack automatic
evaluation. | cs.CL | BioPlanner: Automatic Evaluation of LLMs on Protocol Planning in Biology |
2023-10-16T17:54:07Z | http://arxiv.org/pdf/2310.10631v3 | http://arxiv.org/abs/2310.10631v3 | Zhangir Azerbayev, Hailey Schoelkopf, Keiran Paster, Marco Dos Santos, Stephen McAleer, Albert Q. Jiang, Jia Deng, Stella Biderman, Sean Welleck | 2024-03-15T19:14:39Z | cs.CL, cs.AI, cs.LO | We present Llemma, a large language model for mathematics. We continue
pretraining Code Llama on the Proof-Pile-2, a mixture of scientific papers, web
data containing mathematics, and mathematical code, yielding Llemma. On the
MATH benchmark Llemma outperforms all known open base models, as well as the
unreleased Minerva model suite on an equi-parameter basis. Moreover, Llemma is
capable of tool use and formal theorem proving without any further finetuning.
We openly release all artifacts, including 7 billion and 34 billion parameter
models, the Proof-Pile-2, and code to replicate our experiments. | cs.CL | Llemma: An Open Language Model For Mathematics |
2023-10-16T17:51:29Z | http://arxiv.org/pdf/2310.10628v1 | http://arxiv.org/abs/2310.10628v1 | Manley Roberts, Himanshu Thakur, Christine Herlihy, Colin White, Samuel Dooley | 2023-10-16T17:51:29Z | cs.CL | Recent claims about the impressive abilities of large language models (LLMs)
are often supported by evaluating publicly available benchmarks. Since LLMs
train on wide swaths of the internet, this practice raises concerns of data
contamination, i.e., evaluating on examples that are explicitly or implicitly
included in the training data. Data contamination remains notoriously
challenging to measure and mitigate, even with partial attempts like controlled
experimentation of training data, canary strings, or embedding similarities. In
this work, we conduct the first thorough longitudinal analysis of data
contamination in LLMs by using the natural experiment of training cutoffs in
GPT models to look at benchmarks released over time. Specifically, we consider
two code/mathematical problem-solving datasets, Codeforces and Project Euler,
and find statistically significant trends among LLM pass rate vs. GitHub
popularity and release date that provide strong evidence of contamination. By
open-sourcing our dataset, raw results, and evaluation framework, our work
paves the way for rigorous analyses of data contamination in modern models. We
conclude with a discussion of best practices and future steps for publicly
releasing benchmarks in the age of LLMs that train on webscale data. | cs.CL | Data Contamination Through the Lens of Time |
2023-10-16T17:51:17Z | http://arxiv.org/pdf/2310.10627v1 | http://arxiv.org/abs/2310.10627v1 | Charlie George, Andreas Stuhlmüller | 2023-10-16T17:51:17Z | cs.CL, cs.AI | Hallucination plagues even frontier LLMs--but how bad is it really for
summarizing academic papers? We evaluate Factored Verification, a simple
automated method for detecting hallucinations in abstractive summaries. This
method sets a new SotA on hallucination detection in the summarization task of
the HaluEval benchmark, achieving 76.2% accuracy. We then use this method to
estimate how often language models hallucinate when summarizing across multiple
academic papers and find 0.62 hallucinations in the average ChatGPT (16k)
summary, 0.84 for GPT-4, and 1.55 for Claude 2. We ask models to self-correct
using Factored Critiques and find that this lowers the number of hallucinations
to 0.49 for ChatGPT, 0.46 for GPT-4, and 0.95 for Claude 2. The hallucinations
we find are often subtle, so we advise caution when using models to synthesize
academic papers. | cs.CL | Factored Verification: Detecting and Reducing Hallucination in Summaries of Academic Papers |
2023-10-16T17:46:26Z | http://arxiv.org/pdf/2310.10623v1 | http://arxiv.org/abs/2310.10623v1 | Leonardo F. R. Ribeiro, Mohit Bansal, Markus Dreyer | 2023-10-16T17:46:26Z | cs.CL, cs.AI, cs.LG | Readability refers to how easily a reader can understand a written text.
Several factors affect the readability level, such as the complexity of the
text, its subject matter, and the reader's background knowledge. Generating
summaries based on different readability levels is critical for enabling
knowledge consumption by diverse audiences. However, current text generation
approaches lack refined control, resulting in texts that are not customized to
readers' proficiency levels. In this work, we bridge this gap and study
techniques to generate summaries at specified readability levels. Unlike
previous methods that focus on a specific readability level (e.g., lay
summarization), we generate summaries with fine-grained control over their
readability. We develop three text generation techniques for controlling
readability: (1) instruction-based readability control, (2) reinforcement
learning to minimize the gap between requested and observed readability and (3)
a decoding approach that uses lookahead to estimate the readability of upcoming
decoding steps. We show that our generation methods significantly improve
readability control on news summarization (CNN/DM dataset), as measured by
various readability metrics and human judgement, establishing strong baselines
for controllable readability in summarization. | cs.CL | Generating Summaries with Controllable Readability Levels |
2023-10-16T17:31:34Z | http://arxiv.org/pdf/2310.10605v3 | http://arxiv.org/abs/2310.10605v3 | Bo Ni, David L. Kaplan, Markus J. Buehler | 2023-12-16T01:39:22Z | cond-mat.mtrl-sci, cond-mat.mes-hall, cs.CL, cs.LG, q-bio.BM | Through evolution, nature has presented a set of remarkable protein
materials, including elastins, silks, keratins and collagens with superior
mechanical performances that play crucial roles in mechanobiology. However,
going beyond natural designs to discover proteins that meet specified
mechanical properties remains challenging. Here we report a generative model
that predicts protein designs to meet complex nonlinear mechanical
property-design objectives. Our model leverages deep knowledge on protein
sequences from a pre-trained protein language model and maps mechanical
unfolding responses to create novel proteins. Via full-atom molecular
simulations for direct validation, we demonstrate that the designed proteins
are novel, and fulfill the targeted mechanical properties, including unfolding
energy and mechanical strength, as well as the detailed unfolding
force-separation curves. Our model offers rapid pathways to explore the
enormous mechanobiological protein sequence space unconstrained by biological
synthesis, using mechanical features as target to enable the discovery of
protein materials with superior mechanical properties. | cond-mat.mtrl-sci | ForceGen: End-to-end de novo protein generation based on nonlinear mechanical unfolding responses using a protein language diffusion model |
2023-10-16T17:16:32Z | http://arxiv.org/pdf/2310.10594v2 | http://arxiv.org/abs/2310.10594v2 | Karim Radouane, Andon Tchechmedjiev, Julien Lagarde, Sylvie Ranwez | 2023-12-13T17:29:15Z | cs.CV, cs.CL | In this paper, we investigate building a sequence to sequence architecture
for motion to language translation and synchronization. The aim is to translate
motion capture inputs into English natural-language descriptions, such that the
descriptions are generated synchronously with the actions performed, enabling
semantic segmentation as a byproduct, but without requiring synchronized
training data. We propose a new recurrent formulation of local attention that
is suited for synchronous/live text generation, as well as an improved motion
encoder architecture better suited to smaller data and for synchronous
generation. We evaluate both contributions in individual experiments, using the
standard BLEU4 metric, as well as a simple semantic equivalence measure, on the
KIT motion language dataset. In a follow-up experiment, we assess the quality
of the synchronization of generated text in our proposed approaches through
multiple evaluation metrics. We find that both contributions to the attention
mechanism and the encoder architecture additively improve the quality of
generated text (BLEU and semantic equivalence), but also of synchronization.
Our code is available at
https://github.com/rd20karim/M2T-Segmentation/tree/main | cs.CV | Motion2Language, unsupervised learning of synchronized semantic motion segmentation |
2023-10-16T17:11:42Z | http://arxiv.org/pdf/2310.10590v1 | http://arxiv.org/abs/2310.10590v1 | Ji Qi, Kaixuan Ji, Xiaozhi Wang, Jifan Yu, Kaisheng Zeng, Lei Hou, Juanzi Li, Bin Xu | 2023-10-16T17:11:42Z | cs.CL | Open Information Extraction (OIE) aims to extract objective structured
knowledge from natural texts, which has attracted growing attention to build
dedicated models with human experience. As the large language models (LLMs)
have exhibited remarkable in-context learning capabilities, a question arises
as to whether the task of OIE can be effectively tackled with this paradigm? In
this paper, we explore solving the OIE problem by constructing an appropriate
reasoning environment for LLMs. Specifically, we first propose a method to
effectively estimate the discrepancy of syntactic distribution between a LLM
and test samples, which can serve as correlation evidence for preparing
positive demonstrations. Upon the evidence, we introduce a simple yet effective
mechanism to establish the reasoning environment for LLMs on specific tasks.
Without bells and whistles, experimental results on the standard CaRB benchmark
demonstrate that our $6$-shot approach outperforms state-of-the-art supervised
method, achieving an $55.3$ $F_1$ score. Further experiments on TACRED and
ACE05 show that our method can naturally generalize to other information
extraction tasks, resulting in improvements of $5.7$ and $6.8$ $F_1$ scores,
respectively. | cs.CL | Mastering the Task of Open Information Extraction with Large Language Models and Consistent Reasoning Environment |
2023-10-16T17:05:56Z | http://arxiv.org/pdf/2310.10586v2 | http://arxiv.org/abs/2310.10586v2 | Ji Qi, Kaixuan Ji, Jifan Yu, Duokang Wang, Bin Xu, Lei Hou, Juanzi Li | 2024-04-27T08:41:37Z | cs.CV, cs.CL | Building models that comprehends videos and responds specific user
instructions is a practical and challenging topic, as it requires mastery of
both vision understanding and knowledge reasoning. Compared to language and
image modalities, training efficiency remains a serious problem as existing
studies train models on massive sparse videos paired with brief descriptions.
In this paper, we introduce \textbf{VidCoM}, a fast adaptive framework that
leverages Large Language Models (LLMs) to reason about videos using lightweight
visual tools. Specifically, we reveal that the key to responding to specific
instructions is focusing on relevant video events, and utilize two visual
tools, structured scene graph generation and descriptive image caption
generation, to gather and represent the event information. Thus, a LLM enriched
with world knowledge is adopted as the reasoning agent to achieve the responses
by performing multiple reasoning steps on specific video events. To address the
difficulty of LLMs identifying video events, we further propose an
Instruction-oriented Video Events Recognition (InsOVER) algorithm. This
algorithm locates the corresponding video events based on an efficient
Hungarian matching between decompositions of linguistic instructions and video
events, thereby enabling LLMs to interact effectively with extended videos.
Extensive experiments on two typical video comprehension tasks show that the
proposed tuning-free framework outperforms the pre-trained models including
Flamingo-80B, to achieve the state-of-the-art performance. Our source code and
system will be publicly available. | cs.CV | VidCoM: Fast Video Comprehension through Large Language Models with Multimodal Tools |
2023-10-16T16:57:55Z | http://arxiv.org/pdf/2310.10583v1 | http://arxiv.org/abs/2310.10583v1 | Sagi Shaier, Lawrence E. Hunter, Katharina von der Wense | 2023-10-16T16:57:55Z | cs.CL, cs.LG | Both standalone language models (LMs) as well as LMs within downstream-task
systems have been shown to generate statements which are factually untrue. This
problem is especially severe for low-resource languages, where training data is
scarce and of worse quality than for high-resource languages. In this opinion
piece, we argue that LMs in their current state will never be fully trustworthy
in critical settings and suggest a possible novel strategy to handle this
issue: by building LMs such that can cite their sources - i.e., point a user to
the parts of their training data that back up their outputs. We first discuss
which current NLP tasks would or would not benefit from such models. We then
highlight the expected benefits such models would bring, e.g., quick
verifiability of statements. We end by outlining the individual tasks that
would need to be solved on the way to developing LMs with the ability to cite.
We hope to start a discussion about the field's current approach to building
LMs, especially for low-resource languages, and the role of the training data
in explaining model generations. | cs.CL | Who Are All The Stochastic Parrots Imitating? They Should Tell Us! |
2023-10-16T16:45:52Z | http://arxiv.org/pdf/2310.10571v1 | http://arxiv.org/abs/2310.10571v1 | Sagi Shaier, Kevin Bennett, Lawrence Hunter, Katharina von der Wense | 2023-10-16T16:45:52Z | cs.CL, cs.LG | State-of-the-art question answering (QA) models exhibit a variety of social
biases (e.g., with respect to sex or race), generally explained by similar
issues in their training data. However, what has been overlooked so far is that
in the critical domain of biomedicine, any unjustified change in model output
due to patient demographics is problematic: it results in the unfair treatment
of patients. Selecting only questions on biomedical topics whose answers do not
depend on ethnicity, sex, or sexual orientation, we ask the following research
questions: (RQ1) Do the answers of QA models change when being provided with
irrelevant demographic information? (RQ2) Does the answer of RQ1 differ between
knowledge graph (KG)-grounded and text-based QA systems? We find that
irrelevant demographic information change up to 15% of the answers of a
KG-grounded system and up to 23% of the answers of a text-based system,
including changes that affect accuracy. We conclude that unjustified answer
changes caused by patient demographics are a frequent phenomenon, which raises
fairness concerns and should be paid more attention to. | cs.CL | Emerging Challenges in Personalized Medicine: Assessing Demographic Effects on Biomedical Question Answering Systems |
2023-10-16T16:45:12Z | http://arxiv.org/pdf/2310.10570v5 | http://arxiv.org/abs/2310.10570v5 | Mathieu Ravaut, Aixin Sun, Nancy F. Chen, Shafiq Joty | 2024-06-14T07:26:19Z | cs.CL | Large language models (LLMs) excel in abstractive summarization tasks,
delivering fluent and pertinent summaries. Recent advancements have extended
their capabilities to handle long-input contexts, exceeding 100k tokens.
However, in question answering, language models exhibit uneven utilization of
their input context. They tend to favor the initial and final segments,
resulting in a U-shaped performance pattern concerning where the answer is
located within the input. This bias raises concerns, particularly in
summarization where crucial content may be dispersed throughout the source
document(s). Besides, in summarization, mapping facts from the source to the
summary is not trivial as salient content is usually re-phrased. In this paper,
we conduct the first comprehensive study on context utilization and position
bias in summarization. Our analysis encompasses 6 LLMs, 10 datasets, and 5
evaluation metrics. We introduce a new evaluation benchmark called MiddleSum on
the which we benchmark two alternative inference methods to alleviate position
bias: hierarchical summarization and incremental summarization. Our code and
data can be found here: https://github.com/ntunlp/MiddleSum. | cs.CL | On Context Utilization in Summarization with Large Language Models |
2023-10-16T16:42:01Z | http://arxiv.org/pdf/2310.10567v2 | http://arxiv.org/abs/2310.10567v2 | Jingcheng Deng, Liang Pang, Huawei Shen, Xueqi Cheng | 2023-10-23T12:16:44Z | cs.CL | Retrieval-augmented language models show promise in addressing issues like
outdated information and hallucinations in language models (LMs). However,
current research faces two main problems: 1) determining what information to
retrieve, and 2) effectively combining retrieved information during generation.
We argue that valuable retrieved information should not only be related to the
current source text but also consider the future target text, given the nature
of LMs that model future tokens. Moreover, we propose that aggregation using
latent variables derived from a compact latent space is more efficient than
utilizing explicit raw text, which is limited by context length and susceptible
to noise. Therefore, we introduce RegaVAE, a retrieval-augmented language model
built upon the variational auto-encoder (VAE). It encodes the text corpus into
a latent space, capturing current and future information from both source and
target text. Additionally, we leverage the VAE to initialize the latent space
and adopt the probabilistic form of the retrieval generation paradigm by
expanding the Gaussian prior distribution into a Gaussian mixture distribution.
Theoretical analysis provides an optimizable upper bound for RegaVAE.
Experimental results on various datasets demonstrate significant improvements
in text generation quality and hallucination removal. | cs.CL | RegaVAE: A Retrieval-Augmented Gaussian Mixture Variational Auto-Encoder for Language Modeling |
2023-10-16T16:18:55Z | http://arxiv.org/pdf/2310.10707v2 | http://arxiv.org/abs/2310.10707v2 | Anirudh Som, Karan Sikka, Helen Gent, Ajay Divakaran, Andreas Kathol, Dimitra Vergyri | 2024-06-09T18:22:33Z | cs.CL, cs.AI | Paraphrasing of offensive content is a better alternative to content removal
and helps improve civility in a communication environment. Supervised
paraphrasers; however, rely heavily on large quantities of labelled data to
help preserve meaning and intent. They also often retain a large portion of the
offensiveness of the original content, which raises questions on their overall
usability. In this paper we aim to assist practitioners in developing usable
paraphrasers by exploring In-Context Learning (ICL) with large language models
(LLMs), i.e., using a limited number of input-label demonstration pairs to
guide the model in generating desired outputs for specific queries. Our study
focuses on key factors such as - number and order of demonstrations, exclusion
of prompt instruction, and reduction in measured toxicity. We perform
principled evaluation on three datasets, including our proposed Context-Aware
Polite Paraphrase (CAPP) dataset, comprising of dialogue-style rude utterances,
polite paraphrases, and additional dialogue context. We evaluate our approach
using four closed source and one open source LLM. Our results reveal that ICL
is comparable to supervised methods in generation quality, while being
qualitatively better by 25% on human evaluation and attaining lower toxicity by
76%. Also, ICL-based paraphrasers only show a slight reduction in performance
even with just 10% training data. | cs.CL | Demonstrations Are All You Need: Advancing Offensive Content Paraphrasing using In-Context Learning |
2023-10-16T16:14:20Z | http://arxiv.org/pdf/2310.10543v1 | http://arxiv.org/abs/2310.10543v1 | Hassan Shahmohammadi, Adhiraj Ghosh, Hendrik P. A. Lensch | 2023-10-16T16:14:20Z | cs.CL, cs.CV | Figurative and non-literal expressions are profoundly integrated in human
communication. Visualising such expressions allow us to convey our creative
thoughts, and evoke nuanced emotions. Recent text-to-image models like Stable
Diffusion, on the other hand, struggle to depict non-literal expressions.
Recent works primarily deal with this issue by compiling humanly annotated
datasets on a small scale, which not only demands specialised expertise but
also proves highly inefficient. To address this issue, we introduce ViPE:
Visualise Pretty-much Everything. ViPE offers a series of lightweight and
robust language models that have been trained on a large-scale set of lyrics
with noisy visual descriptions that represent their implicit meaning. The
synthetic visual descriptions are generated by GPT3.5 relying on neither human
annotations nor images. ViPE effectively expresses any arbitrary piece of text
into a visualisable description, enabling meaningful and high-quality image
generation. We provide compelling evidence that ViPE is more robust than GPT3.5
in synthesising visual elaborations. ViPE also exhibits an understanding of
figurative expressions comparable to human experts, providing a powerful and
open-source backbone to many downstream applications such as music video and
caption generation. | cs.CL | ViPE: Visualise Pretty-much Everything |
2023-10-16T15:50:34Z | http://arxiv.org/pdf/2310.10532v1 | http://arxiv.org/abs/2310.10532v1 | Fabian David Schmidt, Ivan Vulić, Goran Glavaš | 2023-10-16T15:50:34Z | cs.CL | Multilingual language models enable zero-shot cross-lingual transfer
(ZS-XLT): fine-tuned on sizable source-language task data, they perform the
task in target languages without labeled instances. The effectiveness of ZS-XLT
hinges on the linguistic proximity between languages and the amount of
pretraining data for a language. Because of this, model selection based on
source-language validation is unreliable: it picks model snapshots with
suboptimal target-language performance. As a remedy, some work optimizes ZS-XLT
by extensively tuning hyperparameters: the follow-up work then routinely
struggles to replicate the original results. Other work searches over narrower
hyperparameter grids, reporting substantially lower performance. In this work,
we therefore propose an unsupervised evaluation protocol for ZS-XLT that
decouples performance maximization from hyperparameter tuning. As a robust and
more transparent alternative to extensive hyperparameter tuning, we propose to
accumulatively average snapshots from different runs into a single model. We
run broad ZS-XLT experiments on both higher-level semantic tasks (NLI,
extractive QA) and a lower-level token classification task (NER) and find that
conventional model selection based on source-language validation quickly
plateaus to suboptimal ZS-XLT performance. On the other hand, our accumulative
run-by-run averaging of models trained with different hyperparameters boosts
ZS-XLT performance and closely correlates with "oracle" ZS-XLT, i.e., model
selection based on target-language validation performance. | cs.CL | One For All & All For One: Bypassing Hyperparameter Tuning with Model Averaging For Cross-Lingual Transfer |
2023-10-16T15:38:02Z | http://arxiv.org/pdf/2310.10520v3 | http://arxiv.org/abs/2310.10520v3 | Yuxiang Wu, Guanting Dong, Weiran Xu | 2023-11-25T02:09:35Z | cs.CL, cs.AI, cs.LG | Zero-shot Dialogue State Tracking (DST) addresses the challenge of acquiring
and annotating task-oriented dialogues, which can be time-consuming and costly.
However, DST extends beyond simple slot-filling and requires effective updating
strategies for tracking dialogue state as conversations progress. In this
paper, we propose ParsingDST, a new In-Context Learning (ICL) method, to
introduce additional intricate updating strategies in zero-shot DST. Our
approach reformulates the DST task by leveraging powerful Large Language Models
(LLMs) and translating the original dialogue text to JSON through semantic
parsing as an intermediate state. We also design a novel framework that
includes more modules to ensure the effectiveness of updating strategies in the
text-to-JSON process. Experimental results demonstrate that our approach
outperforms existing zero-shot DST methods on MultiWOZ, exhibiting significant
improvements in Joint Goal Accuracy (JGA) and slot accuracy compared to
existing ICL methods. Our code has been released. | cs.CL | Semantic Parsing by Large Language Models for Intricate Updating Strategies of Zero-Shot Dialogue State Tracking |
2023-10-16T15:20:30Z | http://arxiv.org/pdf/2310.10501v1 | http://arxiv.org/abs/2310.10501v1 | Traian Rebedea, Razvan Dinu, Makesh Sreedhar, Christopher Parisien, Jonathan Cohen | 2023-10-16T15:20:30Z | cs.CL, cs.AI | NeMo Guardrails is an open-source toolkit for easily adding programmable
guardrails to LLM-based conversational systems. Guardrails (or rails for short)
are a specific way of controlling the output of an LLM, such as not talking
about topics considered harmful, following a predefined dialogue path, using a
particular language style, and more. There are several mechanisms that allow
LLM providers and developers to add guardrails that are embedded into a
specific model at training, e.g. using model alignment. Differently, using a
runtime inspired from dialogue management, NeMo Guardrails allows developers to
add programmable rails to LLM applications - these are user-defined,
independent of the underlying LLM, and interpretable. Our initial results show
that the proposed approach can be used with several LLM providers to develop
controllable and safe LLM applications using programmable rails. | cs.CL | NeMo Guardrails: A Toolkit for Controllable and Safe LLM Applications with Programmable Rails |
2023-10-16T15:17:22Z | http://arxiv.org/pdf/2310.10495v1 | http://arxiv.org/abs/2310.10495v1 | Grant C. Forbes, Parth Katlana, Zeydy Ortiz | 2023-10-16T15:17:22Z | cs.CL | Abstractive text summarization has garnered increased interest as of late, in
part due to the proliferation of large language models (LLMs). One of the most
pressing problems related to generation of abstractive summaries is the need to
reduce "hallucinations," information that was not included in the document
being summarized, and which may be wholly incorrect. Due to this need, a wide
array of metrics estimating consistency with the text being summarized have
been proposed. We examine in particular a suite of unsupervised metrics for
summary consistency, and measure their correlations with each other and with
human evaluation scores in the wiki_bio_gpt3_hallucination dataset. We then
compare these evaluations to models made from a simple linear ensemble of these
metrics. We find that LLM-based methods outperform other unsupervised metrics
for hallucination detection. We also find that ensemble methods can improve
these scores even further, provided that the metrics in the ensemble have
sufficiently similar and uncorrelated error rates. Finally, we present an
ensemble method for LLM-based evaluations that we show improves over this
previous SOTA. | cs.CL | Metric Ensembles For Hallucination Detection |
2023-10-16T15:16:16Z | http://arxiv.org/pdf/2310.10492v2 | http://arxiv.org/abs/2310.10492v2 | Chuang Li, Yan Zhang, Min-Yen Kan, Haizhou Li | 2024-04-03T06:05:56Z | cs.CL | Previous zero-shot dialogue state tracking (DST) methods only apply transfer
learning, ignoring unlabelled data in the target domain. We transform zero-shot
DST into few-shot DST by utilising such unlabelled data via joint and
self-training methods. Our method incorporates auxiliary tasks that generate
slot types as inverse prompts for main tasks, creating slot values during joint
training. Cycle consistency between these two tasks enables the generation and
selection of quality samples in unknown target domains for subsequent
fine-tuning. This approach also facilitates automatic label creation, thereby
optimizing the training and fine-tuning of DST models. We demonstrate this
method's effectiveness on general language models in zero-shot scenarios,
improving average joint goal accuracy by 8% across all domains in MultiWOZ. | cs.CL | UNO-DST: Leveraging Unlabelled Data in Zero-Shot Dialogue State Tracking |
2023-10-16T15:11:01Z | http://arxiv.org/pdf/2310.10706v2 | http://arxiv.org/abs/2310.10706v2 | Zijian Ding, Alison Smith-Renner, Wenjuan Zhang, Joel R. Tetreault, Alejandro Jaimes | 2023-10-18T00:55:57Z | cs.CL, cs.AI | To explore how humans can best leverage LLMs for writing and how interacting
with these models affects feelings of ownership and trust in the writing
process, we compared common human-AI interaction types (e.g., guiding system,
selecting from system outputs, post-editing outputs) in the context of
LLM-assisted news headline generation. While LLMs alone can generate
satisfactory news headlines, on average, human control is needed to fix
undesirable model outputs. Of the interaction methods, guiding and selecting
model output added the most benefit with the lowest cost (in time and effort).
Further, AI assistance did not harm participants' perception of control
compared to freeform editing. | cs.CL | Harnessing the Power of LLMs: Evaluating Human-AI Text Co-Creation through the Lens of News Headline Generation |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.