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-22T05:43:23Z | http://arxiv.org/pdf/2310.14192v1 | http://arxiv.org/abs/2310.14192v1 | Gaurav Sahu, Olga Vechtomova, Dzmitry Bahdanau, Issam H. Laradji | 2023-10-22T05:43:23Z | cs.CL, cs.AI | Data augmentation is a widely used technique to address the problem of text
classification when there is a limited amount of training data. Recent work
often tackles this problem using large language models (LLMs) like GPT3 that
can generate new examples given already available ones. In this work, we
propose a method to generate more helpful augmented data by utilizing the LLM's
abilities to follow instructions and perform few-shot classifications. Our
specific PromptMix method consists of two steps: 1) generate challenging text
augmentations near class boundaries; however, generating borderline examples
increases the risk of false positives in the dataset, so we 2) relabel the text
augmentations using a prompting-based LLM classifier to enhance the correctness
of labels in the generated data. We evaluate the proposed method in challenging
2-shot and zero-shot settings on four text classification datasets: Banking77,
TREC6, Subjectivity (SUBJ), and Twitter Complaints. Our experiments show that
generating and, crucially, relabeling borderline examples facilitates the
transfer of knowledge of a massive LLM like GPT3.5-turbo into smaller and
cheaper classifiers like DistilBERT$_{base}$ and BERT$_{base}$. Furthermore,
2-shot PromptMix outperforms multiple 5-shot data augmentation methods on the
four datasets. Our code is available at
https://github.com/ServiceNow/PromptMix-EMNLP-2023. | cs.CL | PromptMix: A Class Boundary Augmentation Method for Large Language Model Distillation |
2023-10-22T04:19:17Z | http://arxiv.org/pdf/2310.14174v2 | http://arxiv.org/abs/2310.14174v2 | Yantao Liu, Zixuan Li, Xiaolong Jin, Yucan Guo, Long Bai, Saiping Guan, Jiafeng Guo, Xueqi Cheng | 2024-02-10T06:18:59Z | cs.CL | The Knowledge Base Question Answering (KBQA) task aims to answer natural
language questions based on a given knowledge base. Recently, Large Language
Models (LLMs) have shown strong capabilities in language understanding and can
be used to solve this task. In doing so, a major challenge for LLMs is to
overcome the immensity and heterogeneity of knowledge base schemas.Existing
methods bypass this challenge by initially employing LLMs to generate drafts of
logic forms without schema-specific details.Then, an extra module is used to
inject schema information to these drafts.In contrast, in this paper, we
propose a simple In-Context Schema Understanding (ICSU) method that enables
LLMs to directly understand schemas by leveraging in-context learning.
Specifically, ICSU provides schema information to LLMs using schema-related
annotated examples. We investigate three example retrieval strategies based on
raw questions, anonymized questions, and generated SPARQL queries. Experimental
results show that ICSU demonstrates competitive performance compared to
baseline methods on both the KQA Pro and WebQSP datasets. | cs.CL | An In-Context Schema Understanding Method for Knowledge Base Question Answering |
2023-10-22T03:01:38Z | http://arxiv.org/pdf/2310.14159v3 | http://arxiv.org/abs/2310.14159v3 | Dayoon Ko, Sangho Lee, Gunhee Kim | 2024-03-31T10:51:06Z | cs.CL, cs.CV | As short-form funny videos on social networks are gaining popularity, it
becomes demanding for AI models to understand them for better communication
with humans. Unfortunately, previous video humor datasets target specific
domains, such as speeches or sitcoms, and mostly focus on verbal cues. We
curate a user-generated dataset of 10K multimodal funny videos from YouTube,
called ExFunTube. Using a video filtering pipeline with GPT-3.5, we verify both
verbal and visual elements contributing to humor. After filtering, we annotate
each video with timestamps and text explanations for funny moments. Our
ExFunTube is unique over existing datasets in that our videos cover a wide
range of domains with various types of humor that necessitate a multimodal
understanding of the content. Also, we develop a zero-shot video-to-text
prompting to maximize video humor understanding of large language models
(LLMs). With three different evaluation methods using automatic scores,
rationale quality experiments, and human evaluations, we show that our
prompting significantly improves LLMs' ability for humor explanation. | cs.CL | Can Language Models Laugh at YouTube Short-form Videos? |
2023-10-22T02:32:53Z | http://arxiv.org/pdf/2310.18340v2 | http://arxiv.org/abs/2310.18340v2 | Yibo Yan, Haomin Wen, Siru Zhong, Wei Chen, Haodong Chen, Qingsong Wen, Roger Zimmermann, Yuxuan Liang | 2024-03-24T09:09:00Z | cs.CL, cs.AI | Urban region profiling from web-sourced data is of utmost importance for
urban planning and sustainable development. We are witnessing a rising trend of
LLMs for various fields, especially dealing with multi-modal data research such
as vision-language learning, where the text modality serves as a supplement
information for the image. Since textual modality has never been introduced
into modality combinations in urban region profiling, we aim to answer two
fundamental questions in this paper: i) Can textual modality enhance urban
region profiling? ii) and if so, in what ways and with regard to which aspects?
To answer the questions, we leverage the power of Large Language Models (LLMs)
and introduce the first-ever LLM-enhanced framework that integrates the
knowledge of textual modality into urban imagery profiling, named LLM-enhanced
Urban Region Profiling with Contrastive Language-Image Pretraining (UrbanCLIP).
Specifically, it first generates a detailed textual description for each
satellite image by an open-source Image-to-Text LLM. Then, the model is trained
on the image-text pairs, seamlessly unifying natural language supervision for
urban visual representation learning, jointly with contrastive loss and
language modeling loss. Results on predicting three urban indicators in four
major Chinese metropolises demonstrate its superior performance, with an
average improvement of 6.1% on R^2 compared to the state-of-the-art methods.
Our code and the image-language dataset will be released upon paper
notification. | cs.CL | UrbanCLIP: Learning Text-enhanced Urban Region Profiling with Contrastive Language-Image Pretraining from the Web |
2023-10-22T02:23:44Z | http://arxiv.org/pdf/2310.14152v1 | http://arxiv.org/abs/2310.14152v1 | Xiao Wang, Tianze Chen, Qiming Ge, Han Xia, Rong Bao, Rui Zheng, Qi Zhang, Tao Gui, Xuanjing Huang | 2023-10-22T02:23:44Z | cs.CL, cs.LG | Benefiting from massive corpora and advanced hardware, large language models
(LLMs) exhibit remarkable capabilities in language understanding and
generation. However, their performance degrades in scenarios where multiple
tasks are encountered sequentially, also known as catastrophic forgetting. In
this paper, we propose orthogonal low-rank adaptation (O-LoRA), a simple and
efficient approach for continual learning in language models, effectively
mitigating catastrophic forgetting while learning new tasks. Specifically,
O-LoRA learns tasks in different (low-rank) vector subspaces that are kept
orthogonal to each other in order to minimize interference. Our method induces
only marginal additional parameter costs and requires no user data storage for
replay. Experimental results on continual learning benchmarks show that our
method outperforms state-of-the-art methods. Furthermore, compared to previous
approaches, our method excels in preserving the generalization ability of LLMs
on unseen tasks. | cs.CL | Orthogonal Subspace Learning for Language Model Continual Learning |
2023-10-22T02:20:38Z | http://arxiv.org/pdf/2310.14151v1 | http://arxiv.org/abs/2310.14151v1 | Wei Zhu, Xiaoling Wang, Huanran Zheng, Mosha Chen, Buzhou Tang | 2023-10-22T02:20:38Z | cs.CL | Biomedical language understanding benchmarks are the driving forces for
artificial intelligence applications with large language model (LLM) back-ends.
However, most current benchmarks: (a) are limited to English which makes it
challenging to replicate many of the successes in English for other languages,
or (b) focus on knowledge probing of LLMs and neglect to evaluate how LLMs
apply these knowledge to perform on a wide range of bio-medical tasks, or (c)
have become a publicly available corpus and are leaked to LLMs during
pre-training. To facilitate the research in medical LLMs, we re-build the
Chinese Biomedical Language Understanding Evaluation (CBLUE) benchmark into a
large scale prompt-tuning benchmark, PromptCBLUE. Our benchmark is a suitable
test-bed and an online platform for evaluating Chinese LLMs' multi-task
capabilities on a wide range bio-medical tasks including medical entity
recognition, medical text classification, medical natural language inference,
medical dialogue understanding and medical content/dialogue generation. To
establish evaluation on these tasks, we have experimented and report the
results with the current 9 Chinese LLMs fine-tuned with differtent fine-tuning
techniques. | cs.CL | PromptCBLUE: A Chinese Prompt Tuning Benchmark for the Medical Domain |
2023-10-21T22:19:19Z | http://arxiv.org/pdf/2310.14126v1 | http://arxiv.org/abs/2310.14126v1 | Yuxiang Liu, Jie Huang, Kevin Chen-Chuan Chang | 2023-10-21T22:19:19Z | cs.CL, cs.AI | We introduce a new task called *entity-centric question generation* (ECQG),
motivated by real-world applications such as topic-specific learning, assisted
reading, and fact-checking. The task aims to generate questions from an entity
perspective. To solve ECQG, we propose a coherent PLM-based framework GenCONE
with two novel modules: content focusing and question verification. The content
focusing module first identifies a focus as "what to ask" to form draft
questions, and the question verification module refines the questions
afterwards by verifying the answerability. We also construct a large-scale
open-domain dataset from SQuAD to support this task. Our extensive experiments
demonstrate that GenCONE significantly and consistently outperforms various
baselines, and two modules are effective and complementary in generating
high-quality questions. | cs.CL | Ask To The Point: Open-Domain Entity-Centric Question Generation |
2023-10-21T21:51:25Z | http://arxiv.org/pdf/2310.14124v1 | http://arxiv.org/abs/2310.14124v1 | Alban Petit, Caio Corro, François Yvon | 2023-10-21T21:51:25Z | cs.CL | In many Natural Language Processing applications, neural networks have been
found to fail to generalize on out-of-distribution examples. In particular,
several recent semantic parsing datasets have put forward important limitations
of neural networks in cases where compositional generalization is required. In
this work, we extend a neural graph-based semantic parsing framework in several
ways to alleviate this issue. Notably, we propose: (1) the introduction of a
supertagging step with valency constraints, expressed as an integer linear
program; (2) a reduction of the graph prediction problem to the maximum
matching problem; (3) the design of an incremental early-stopping training
strategy to prevent overfitting. Experimentally, our approach significantly
improves results on examples that require structural generalization in the COGS
dataset, a known challenging benchmark for compositional generalization.
Overall, our results confirm that structural constraints are important for
generalization in semantic parsing. | cs.CL | Structural generalization in COGS: Supertagging is (almost) all you need |
2023-10-21T21:38:06Z | http://arxiv.org/pdf/2310.14120v1 | http://arxiv.org/abs/2310.14120v1 | Saurav K. Aryal, Howard Prioleau, Surakshya Aryal | 2023-10-21T21:38:06Z | cs.CL, cs.AI | Sentiment analysis is a fundamental and valuable task in NLP. However, due to
limitations in data and technological availability, research into sentiment
analysis of African languages has been fragmented and lacking. With the recent
release of the AfriSenti-SemEval Shared Task 12, hosted as a part of The 17th
International Workshop on Semantic Evaluation, an annotated sentiment analysis
of 14 African languages was made available. We benchmarked and compared current
state-of-art transformer models across 12 languages and compared the
performance of training one-model-per-language versus
single-model-all-languages. We also evaluated the performance of standard
multilingual models and their ability to learn and transfer cross-lingual
representation from non-African to African languages. Our results show that
despite work in low resource modeling, more data still produces better models
on a per-language basis. Models explicitly developed for African languages
outperform other models on all tasks. Additionally, no one-model-fits-all
solution exists for a per-language evaluation of the models evaluated.
Moreover, for some languages with a smaller sample size, a larger multilingual
model may perform better than a dedicated per-language model for sentiment
classification. | cs.CL | Sentiment Analysis Across Multiple African Languages: A Current Benchmark |
2023-10-21T20:28:26Z | http://arxiv.org/pdf/2310.14110v1 | http://arxiv.org/abs/2310.14110v1 | Minh Nguyen, Nancy F. Chen | 2023-10-21T20:28:26Z | cs.CL | NLP models excel on tasks with clean inputs, but are less accurate with noisy
inputs. In particular, character-level noise such as human-written typos and
adversarially-engineered realistic-looking misspellings often appears in text
and can easily trip up NLP models. Prior solutions to address character-level
noise often alter the content of the inputs (low fidelity), thus inadvertently
lowering model accuracy on clean inputs. We proposed FiRo, an approach to boost
NLP model performance on noisy inputs without sacrificing performance on clean
inputs. FiRo sanitizes the input text while preserving its fidelity by
inferring the noise-free form for each token in the input. FiRo uses
finite-context aggregation to obtain contextual embeddings which is then used
to find the noise-free form within a restricted output space. The output space
is restricted to a small cluster of probable candidates in order to predict the
noise-free tokens more accurately. Although the clusters are small, FiRo's
effective vocabulary (union of all clusters) can be scaled up to better
preserve the input content. Experimental results show NLP models that use FiRo
outperforming baselines on six classification tasks and one sequence labeling
task at various degrees of noise. | cs.CL | Finite-context Indexing of Restricted Output Space for NLP Models Facing Noisy Input |
2023-10-21T20:19:51Z | http://arxiv.org/pdf/2310.14107v1 | http://arxiv.org/abs/2310.14107v1 | Yanpeng Zhao, Ivan Titov | 2023-10-21T20:19:51Z | cs.CL, cs.AI | There has been a significant surge of interest in visually grounded grammar
induction in recent times. While a variety of models have been developed for
the task and have demonstrated impressive performance, they have not been
evaluated on text domains that are different from the training domain, so it is
unclear if the improvements brought by visual groundings are transferable. Our
study aims to fill this gap and assess the degree of transferability. We start
by extending VC-PCFG (short for Visually-grounded Compound
PCFG~\citep{zhao-titov-2020-visually}) in such a way that it can transfer
across text domains. We consider a zero-shot transfer learning setting where a
model is trained on the source domain and is directly applied to target
domains, without any further training. Our experimental results suggest that:
the benefits from using visual groundings transfer to text in a domain similar
to the training domain but fail to transfer to remote domains. Further, we
conduct data and result analysis; we find that the lexicon overlap between the
source domain and the target domain is the most important factor in the
transferability of VC-PCFG. | cs.CL | On the Transferability of Visually Grounded PCFGs |
2023-10-21T20:04:55Z | http://arxiv.org/pdf/2310.14103v1 | http://arxiv.org/abs/2310.14103v1 | Manuel Faysse, Gautier Viaud, Céline Hudelot, Pierre Colombo | 2023-10-21T20:04:55Z | cs.LG, cs.AI, cs.CL | Instruction Fine-Tuning (IFT) is a powerful paradigm that strengthens the
zero-shot capabilities of Large Language Models (LLMs), but in doing so induces
new evaluation metric requirements. We show LLM-based metrics to be well
adapted to these requirements, and leverage them to conduct an investigation of
task-specialization strategies, quantifying the trade-offs that emerge in
practical industrial settings. Our findings offer practitioners actionable
insights for real-world IFT model deployment. | cs.LG | Revisiting Instruction Fine-tuned Model Evaluation to Guide Industrial Applications |
2023-10-21T19:10:30Z | http://arxiv.org/pdf/2310.14093v1 | http://arxiv.org/abs/2310.14093v1 | Aagam Bakliwal, Shubham Manish Gandhi, Yashodhara Haribhakta | 2023-10-21T19:10:30Z | cs.CL | Significant challenges are posed in talent acquisition and recruitment by
processing and analyzing unstructured data, particularly resumes. This research
presents a novel approach for orphan entity allocation in resume processing
using knowledge graphs. Techniques of association mining, concept extraction,
external knowledge linking, named entity recognition, and knowledge graph
construction are integrated into our pipeline. By leveraging these techniques,
the aim is to automate and enhance the efficiency of the job screening process
by successfully bucketing orphan entities within resumes. This allows for more
effective matching between candidates and job positions, streamlining the
resume screening process, and enhancing the accuracy of candidate-job matching.
The approach's exceptional effectiveness and resilience are highlighted through
extensive experimentation and evaluation, ensuring that alternative measures
can be relied upon for seamless processing and orphan entity allocation in case
of any component failure. The capabilities of knowledge graphs in generating
valuable insights through intelligent information extraction and
representation, specifically in the domain of categorizing orphan entities, are
highlighted by the results of our research. | cs.CL | Leveraging Knowledge Graphs for Orphan Entity Allocation in Resume Processing |
2023-10-21T18:59:41Z | http://arxiv.org/pdf/2310.14088v3 | http://arxiv.org/abs/2310.14088v3 | Zexue He, Yu Wang, An Yan, Yao Liu, Eric Y. Chang, Amilcare Gentili, Julian McAuley, Chun-Nan Hsu | 2023-11-14T21:59:56Z | cs.CL | Curated datasets for healthcare are often limited due to the need of human
annotations from experts. In this paper, we present MedEval, a multi-level,
multi-task, and multi-domain medical benchmark to facilitate the development of
language models for healthcare. MedEval is comprehensive and consists of data
from several healthcare systems and spans 35 human body regions from 8
examination modalities. With 22,779 collected sentences and 21,228 reports, we
provide expert annotations at multiple levels, offering a granular potential
usage of the data and supporting a wide range of tasks. Moreover, we
systematically evaluated 10 generic and domain-specific language models under
zero-shot and finetuning settings, from domain-adapted baselines in healthcare
to general-purposed state-of-the-art large language models (e.g., ChatGPT). Our
evaluations reveal varying effectiveness of the two categories of language
models across different tasks, from which we notice the importance of
instruction tuning for few-shot usage of large language models. Our
investigation paves the way toward benchmarking language models for healthcare
and provides valuable insights into the strengths and limitations of adopting
large language models in medical domains, informing their practical
applications and future advancements. | cs.CL | MedEval: A Multi-Level, Multi-Task, and Multi-Domain Medical Benchmark for Language Model Evaluation |
2023-10-21T17:18:09Z | http://arxiv.org/pdf/2310.18339v2 | http://arxiv.org/abs/2310.18339v2 | Qidong Liu, Xian Wu, Xiangyu Zhao, Yuanshao Zhu, Derong Xu, Feng Tian, Yefeng Zheng | 2024-05-31T07:56:08Z | cs.CL, cs.AI | The recent surge in Large Language Models (LLMs) has garnered significant
attention across numerous fields. Fine-tuning is often required to fit general
LLMs for a specific domain, like the web-based healthcare system. However, two
problems arise during fine-tuning LLMs for medical applications. One is the
task variety problem, which involves distinct tasks in real-world medical
scenarios. The variety often leads to sub-optimal fine-tuning for data
imbalance and seesaw problems. Besides, the large amount of parameters in LLMs
leads to huge time and computation consumption by fine-tuning. To address these
two problems, we propose a novel parameter efficient fine-tuning framework for
multi-task medical applications, dubbed as MOELoRA. The designed framework aims
to absorb both the benefits of mixture-of-expert (MOE) for multi-task learning
and low-rank adaptation (LoRA) for parameter efficient fine-tuning. For
unifying MOE and LoRA, we devise multiple experts as the trainable parameters,
where each expert consists of a pair of low-rank matrices to retain the small
size of trainable parameters. Then, a task-motivated gate function for all
MOELoRA layers is proposed, which can control the contributions of each expert
and produce distinct parameters for various tasks. We conduct experiments on a
multi-task medical dataset, indicating MOELoRA outperforms the existing
parameter efficient fine-tuning methods. The code is available online. | cs.CL | When MOE Meets LLMs: Parameter Efficient Fine-tuning for Multi-task Medical Applications |
2023-10-21T16:14:56Z | http://arxiv.org/pdf/2310.14053v3 | http://arxiv.org/abs/2310.14053v3 | Marcus J. Min, Yangruibo Ding, Luca Buratti, Saurabh Pujar, Gail Kaiser, Suman Jana, Baishakhi Ray | 2024-02-26T18:56:08Z | cs.LG, cs.CL, cs.SE, 68, I.2; D.2 | Code Large Language Models (Code LLMs) are being increasingly employed in
real-life applications, so evaluating them is critical. While the conventional
accuracy evaluates the performance of Code LLMs on a set of individual tasks,
their self-consistency across different tasks is overlooked. Intuitively, a
trustworthy model should be self-consistent when generating natural language
specifications for its own code and generating code for its own specifications.
Failure to preserve self-consistency reveals a lack of understanding of the
shared semantics underlying natural language and programming language, and
therefore undermines the trustworthiness of a model. In this paper, we first
formally define the self-consistency of Code LLMs and then design a framework,
IdentityChain, which effectively and efficiently evaluates the self-consistency
and conventional accuracy of a model at the same time. We study eleven Code
LLMs and show that they fail to preserve self-consistency, which is indeed a
distinct aspect from conventional accuracy. Furthermore, we show that
IdentityChain can be used as a model debugging tool to expose weaknesses of
Code LLMs by demonstrating three major weaknesses that we identify in current
models using IdentityChain. Our code is available at
https://github.com/marcusm117/IdentityChain. | cs.LG | Beyond Accuracy: Evaluating Self-Consistency of Code Large Language Models with IdentityChain |
2023-10-21T16:13:01Z | http://arxiv.org/pdf/2310.14050v1 | http://arxiv.org/abs/2310.14050v1 | Vivek Iyer, Edoardo Barba, Alexandra Birch, Jeff Z. Pan, Roberto Navigli | 2023-10-21T16:13:01Z | cs.CL | Lexical ambiguity is a significant and pervasive challenge in Neural Machine
Translation (NMT), with many state-of-the-art (SOTA) NMT systems struggling to
handle polysemous words (Campolungo et al., 2022). The same holds for the NMT
pretraining paradigm of denoising synthetic "code-switched" text (Pan et al.,
2021; Iyer et al., 2023), where word senses are ignored in the noising stage --
leading to harmful sense biases in the pretraining data that are subsequently
inherited by the resulting models. In this work, we introduce Word Sense
Pretraining for Neural Machine Translation (WSP-NMT) - an end-to-end approach
for pretraining multilingual NMT models leveraging word sense-specific
information from Knowledge Bases. Our experiments show significant improvements
in overall translation quality. Then, we show the robustness of our approach to
scale to various challenging data and resource-scarce scenarios and, finally,
report fine-grained accuracy improvements on the DiBiMT disambiguation
benchmark. Our studies yield interesting and novel insights into the merits and
challenges of integrating word sense information and structured knowledge in
multilingual pretraining for NMT. | cs.CL | Code-Switching with Word Senses for Pretraining in Neural Machine Translation |
2023-10-21T16:07:16Z | http://arxiv.org/pdf/2310.14047v1 | http://arxiv.org/abs/2310.14047v1 | Chengwei Dai, Minxuan Lv, Kun Li, Wei Zhou | 2023-10-21T16:07:16Z | cs.CL | We study model extraction attacks in natural language processing (NLP) where
attackers aim to steal victim models by repeatedly querying the open
Application Programming Interfaces (APIs). Recent works focus on limited-query
budget settings and adopt random sampling or active learning-based sampling
strategies on publicly available, unannotated data sources. However, these
methods often result in selected queries that lack task relevance and data
diversity, leading to limited success in achieving satisfactory results with
low query costs. In this paper, we propose MeaeQ (Model extraction attack with
efficient Queries), a straightforward yet effective method to address these
issues. Specifically, we initially utilize a zero-shot sequence inference
classifier, combined with API service information, to filter task-relevant data
from a public text corpus instead of a problem domain-specific dataset.
Furthermore, we employ a clustering-based data reduction technique to obtain
representative data as queries for the attack. Extensive experiments conducted
on four benchmark datasets demonstrate that MeaeQ achieves higher functional
similarity to the victim model than baselines while requiring fewer queries.
Our code is available at https://github.com/C-W-D/MeaeQ. | cs.CL | MeaeQ: Mount Model Extraction Attacks with Efficient Queries |
2023-10-21T15:23:20Z | http://arxiv.org/pdf/2310.18338v2 | http://arxiv.org/abs/2310.18338v2 | Gurusha Juneja, Subhabrata Dutta, Soumen Chakrabarti, Sunny Manchanda, Tanmoy Chakraborty | 2024-02-27T13:24:06Z | cs.CL, cs.AI | Large Language Models (LLMs) prompted to generate chain-of-thought (CoT)
exhibit impressive reasoning capabilities. Recent attempts at prompt
decomposition toward solving complex, multi-step reasoning problems depend on
the ability of the LLM to simultaneously decompose and solve the problem. A
significant disadvantage is that foundational LLMs are typically not available
for fine-tuning, making adaptation computationally prohibitive. We believe (and
demonstrate) that problem decomposition and solution generation are distinct
capabilites, better addressed in separate modules, than by one monolithic LLM.
We introduce DaSLaM, which uses a decomposition generator to decompose complex
problems into subproblems that require fewer reasoning steps. These subproblems
are answered by a solver. We use a relatively small (13B parameters) LM as the
decomposition generator, which we train using policy gradient optimization to
interact with a solver LM (regarded as black-box) and guide it through
subproblems, thereby rendering our method solver-agnostic. Evaluation on
multiple different reasoning datasets reveal that with our method, a 175
billion parameter LM (text-davinci-003) can produce competitive or even better
performance, compared to its orders-of-magnitude larger successor, GPT-4.
Additionally, we show that DaSLaM is not limited by the solver's capabilities
as a function of scale; e.g., solver LMs with diverse sizes give significant
performance improvement with our solver-agnostic decomposition technique.
Exhaustive ablation studies evince the superiority of our modular finetuning
technique over exorbitantly large decomposer LLMs, based on prompting alone. | cs.CL | Small Language Models Fine-tuned to Coordinate Larger Language Models improve Complex Reasoning |
2023-10-21T15:18:22Z | http://arxiv.org/pdf/2310.14034v1 | http://arxiv.org/abs/2310.14034v1 | John X. Morris, Chandan Singh, Alexander M. Rush, Jianfeng Gao, Yuntian Deng | 2023-10-21T15:18:22Z | cs.CL, cs.LG | Prompting language models (LMs) is the main interface for applying them to
new tasks. However, for smaller LMs, prompting provides low accuracy compared
to gradient-based finetuning. Tree Prompting is an approach to prompting which
builds a decision tree of prompts, linking multiple LM calls together to solve
a task. At inference time, each call to the LM is determined by efficiently
routing the outcome of the previous call using the tree. Experiments on
classification datasets show that Tree Prompting improves accuracy over
competing methods and is competitive with fine-tuning. We also show that
variants of Tree Prompting allow inspection of a model's decision-making
process. | cs.CL | Tree Prompting: Efficient Task Adaptation without Fine-Tuning |
2023-10-21T15:00:27Z | http://arxiv.org/pdf/2310.14032v1 | http://arxiv.org/abs/2310.14032v1 | Freddy Heppell, Kalina Bontcheva, Carolina Scarton | 2023-10-21T15:00:27Z | cs.CL | This paper analyses two hitherto unstudied sites sharing state-backed
disinformation, Reliable Recent News (rrn.world) and WarOnFakes
(waronfakes.com), which publish content in Arabic, Chinese, English, French,
German, and Spanish. We describe our content acquisition methodology and
perform cross-site unsupervised topic clustering on the resulting multilingual
dataset. We also perform linguistic and temporal analysis of the web page
translations and topics over time, and investigate articles with false
publication dates. We make publicly available this new dataset of 14,053
articles, annotated with each language version, and additional metadata such as
links and images. The main contribution of this paper for the NLP community is
in the novel dataset which enables studies of disinformation networks, and the
training of NLP tools for disinformation detection. | cs.CL | Analysing State-Backed Propaganda Websites: a New Dataset and Linguistic Study |
2023-10-21T14:49:58Z | http://arxiv.org/pdf/2310.14029v1 | http://arxiv.org/abs/2310.14029v1 | Andre Niyongabo Rubungo, Craig Arnold, Barry P. Rand, Adji Bousso Dieng | 2023-10-21T14:49:58Z | cs.CL, cond-mat.mtrl-sci | The prediction of crystal properties plays a crucial role in the crystal
design process. Current methods for predicting crystal properties focus on
modeling crystal structures using graph neural networks (GNNs). Although GNNs
are powerful, accurately modeling the complex interactions between atoms and
molecules within a crystal remains a challenge. Surprisingly, predicting
crystal properties from crystal text descriptions is understudied, despite the
rich information and expressiveness that text data offer. One of the main
reasons is the lack of publicly available data for this task. In this paper, we
develop and make public a benchmark dataset (called TextEdge) that contains
text descriptions of crystal structures with their properties. We then propose
LLM-Prop, a method that leverages the general-purpose learning capabilities of
large language models (LLMs) to predict the physical and electronic properties
of crystals from their text descriptions. LLM-Prop outperforms the current
state-of-the-art GNN-based crystal property predictor by about 4% in predicting
band gap, 3% in classifying whether the band gap is direct or indirect, and 66%
in predicting unit cell volume. LLM-Prop also outperforms a finetuned MatBERT,
a domain-specific pre-trained BERT model, despite having 3 times fewer
parameters. Our empirical results may highlight the current inability of GNNs
to capture information pertaining to space group symmetry and Wyckoff sites for
accurate crystal property prediction. | cs.CL | LLM-Prop: Predicting Physical And Electronic Properties Of Crystalline Solids From Their Text Descriptions |
2023-10-21T14:45:26Z | http://arxiv.org/pdf/2310.14028v1 | http://arxiv.org/abs/2310.14028v1 | Vibhor Agarwal, Yu Chen, Nishanth Sastry | 2023-10-21T14:45:26Z | cs.CL | Online conversation understanding is an important yet challenging NLP problem
which has many useful applications (e.g., hate speech detection). However,
online conversations typically unfold over a series of posts and replies to
those posts, forming a tree structure within which individual posts may refer
to semantic context from higher up the tree. Such semantic cross-referencing
makes it difficult to understand a single post by itself; yet considering the
entire conversation tree is not only difficult to scale but can also be
misleading as a single conversation may have several distinct threads or
points, not all of which are relevant to the post being considered. In this
paper, we propose a Graph-based Attentive Semantic COntext Modeling (GASCOM)
framework for online conversation understanding. Specifically, we design two
novel algorithms that utilise both the graph structure of the online
conversation as well as the semantic information from individual posts for
retrieving relevant context nodes from the whole conversation. We further
design a token-level multi-head graph attention mechanism to pay different
attentions to different tokens from different selected context utterances for
fine-grained conversation context modeling. Using this semantic conversational
context, we re-examine two well-studied problems: polarity prediction and hate
speech detection. Our proposed framework significantly outperforms
state-of-the-art methods on both tasks, improving macro-F1 scores by 4.5% for
polarity prediction and by 5% for hate speech detection. The GASCOM context
weights also enhance interpretability. | cs.CL | GASCOM: Graph-based Attentive Semantic Context Modeling for Online Conversation Understanding |
2023-10-21T14:35:42Z | http://arxiv.org/pdf/2310.14025v1 | http://arxiv.org/abs/2310.14025v1 | Anastasia Kritharoula, Maria Lymperaiou, Giorgos Stamou | 2023-10-21T14:35:42Z | cs.CL | Visual Word Sense Disambiguation (VWSD) is a novel challenging task with the
goal of retrieving an image among a set of candidates, which better represents
the meaning of an ambiguous word within a given context. In this paper, we make
a substantial step towards unveiling this interesting task by applying a
varying set of approaches. Since VWSD is primarily a text-image retrieval task,
we explore the latest transformer-based methods for multimodal retrieval.
Additionally, we utilize Large Language Models (LLMs) as knowledge bases to
enhance the given phrases and resolve ambiguity related to the target word. We
also study VWSD as a unimodal problem by converting to text-to-text and
image-to-image retrieval, as well as question-answering (QA), to fully explore
the capabilities of relevant models. To tap into the implicit knowledge of
LLMs, we experiment with Chain-of-Thought (CoT) prompting to guide explainable
answer generation. On top of all, we train a learn to rank (LTR) model in order
to combine our different modules, achieving competitive ranking results.
Extensive experiments on VWSD demonstrate valuable insights to effectively
drive future directions. | cs.CL | Large Language Models and Multimodal Retrieval for Visual Word Sense Disambiguation |
2023-10-21T13:01:29Z | http://arxiv.org/pdf/2310.14001v1 | http://arxiv.org/abs/2310.14001v1 | Pierre Colombo, Marine Picot, Nathan Noiry, Guillaume Staerman, Pablo Piantanida | 2023-10-21T13:01:29Z | cs.CL | The landscape of available textual adversarial attacks keeps growing, posing
severe threats and raising concerns regarding the deep NLP system's integrity.
However, the crucial problem of defending against malicious attacks has only
drawn the attention of the NLP community. The latter is nonetheless
instrumental in developing robust and trustworthy systems. This paper makes two
important contributions in this line of search: (i) we introduce LAROUSSE, a
new framework to detect textual adversarial attacks and (ii) we introduce
STAKEOUT, a new benchmark composed of nine popular attack methods, three
datasets, and two pre-trained models. LAROUSSE is ready-to-use in production as
it is unsupervised, hyperparameter-free, and non-differentiable, protecting it
against gradient-based methods. Our new benchmark STAKEOUT allows for a robust
evaluation framework: we conduct extensive numerical experiments which
demonstrate that LAROUSSE outperforms previous methods, and which allows to
identify interesting factors of detection rate variations. | cs.CL | Toward Stronger Textual Attack Detectors |
2023-10-21T12:47:10Z | http://arxiv.org/pdf/2310.13998v1 | http://arxiv.org/abs/2310.13998v1 | Pierre Colombo, Victor Pellegrain, Malik Boudiaf, Victor Storchan, Myriam Tami, Ismail Ben Ayed, Celine Hudelot, Pablo Piantanida | 2023-10-21T12:47:10Z | cs.CL | Proprietary and closed APIs are becoming increasingly common to process
natural language, and are impacting the practical applications of natural
language processing, including few-shot classification. Few-shot classification
involves training a model to perform a new classification task with a handful
of labeled data. This paper presents three contributions. First, we introduce a
scenario where the embedding of a pre-trained model is served through a gated
API with compute-cost and data-privacy constraints. Second, we propose a
transductive inference, a learning paradigm that has been overlooked by the NLP
community. Transductive inference, unlike traditional inductive learning,
leverages the statistics of unlabeled data. We also introduce a new
parameter-free transductive regularizer based on the Fisher-Rao loss, which can
be used on top of the gated API embeddings. This method fully utilizes
unlabeled data, does not share any label with the third-party API provider and
could serve as a baseline for future research. Third, we propose an improved
experimental setting and compile a benchmark of eight datasets involving
multiclass classification in four different languages, with up to 151 classes.
We evaluate our methods using eight backbone models, along with an episodic
evaluation over 1,000 episodes, which demonstrate the superiority of
transductive inference over the standard inductive setting. | cs.CL | Transductive Learning for Textual Few-Shot Classification in API-based Embedding Models |
2023-10-21T12:45:11Z | http://arxiv.org/pdf/2310.13996v1 | http://arxiv.org/abs/2310.13996v1 | Mohammad Hossein Khojasteh, Najmeh Torabian, Ali Farjami, Saeid Hosseini, Behrouz Minaei-Bidgoli | 2023-10-21T12:45:11Z | cs.CL | Link prediction is an important task in addressing the incompleteness problem
of knowledge graphs (KG). Previous link prediction models suffer from issues
related to either performance or explanatory capability. Furthermore, models
that are capable of generating explanations, often struggle with erroneous
paths or reasoning leading to the correct answer. To address these challenges,
we introduce a novel Neural-Symbolic model named FaSt-FLiP (stands for Fast and
Slow Thinking with Filtered rules for Link Prediction task), inspired by two
distinct aspects of human cognition: "commonsense reasoning" and "thinking,
fast and slow." Our objective is to combine a logical and neural model for
enhanced link prediction. To tackle the challenge of dealing with incorrect
paths or rules generated by the logical model, we propose a semi-supervised
method to convert rules into sentences. These sentences are then subjected to
assessment and removal of incorrect rules using an NLI (Natural Language
Inference) model. Our approach to combining logical and neural models involves
first obtaining answers from both the logical and neural models. These answers
are subsequently unified using an Inference Engine module, which has been
realized through both algorithmic implementation and a novel neural model
architecture. To validate the efficacy of our model, we conducted a series of
experiments. The results demonstrate the superior performance of our model in
both link prediction metrics and the generation of more reliable explanations. | cs.CL | Emulating the Human Mind: A Neural-symbolic Link Prediction Model with Fast and Slow Reasoning and Filtered Rules |
2023-10-21T12:43:27Z | http://arxiv.org/pdf/2310.13995v2 | http://arxiv.org/abs/2310.13995v2 | Yaoyiran Li, Anna Korhonen, Ivan Vulić | 2024-02-25T22:34:50Z | cs.CL, cs.AI, cs.IR, cs.LG | Bilingual Lexicon Induction (BLI) is a core task in multilingual NLP that
still, to a large extent, relies on calculating cross-lingual word
representations. Inspired by the global paradigm shift in NLP towards Large
Language Models (LLMs), we examine the potential of the latest generation of
LLMs for the development of bilingual lexicons. We ask the following research
question: Is it possible to prompt and fine-tune multilingual LLMs (mLLMs) for
BLI, and how does this approach compare against and complement current BLI
approaches? To this end, we systematically study 1) zero-shot prompting for
unsupervised BLI and 2) few-shot in-context prompting with a set of seed
translation pairs, both without any LLM fine-tuning, as well as 3) standard
BLI-oriented fine-tuning of smaller LLMs. We experiment with 18 open-source
text-to-text mLLMs of different sizes (from 0.3B to 13B parameters) on two
standard BLI benchmarks covering a range of typologically diverse languages.
Our work is the first to demonstrate strong BLI capabilities of text-to-text
mLLMs. The results reveal that few-shot prompting with in-context examples from
nearest neighbours achieves the best performance, establishing new
state-of-the-art BLI scores for many language pairs. We also conduct a series
of in-depth analyses and ablation studies, providing more insights on BLI with
(m)LLMs, also along with their limitations. | cs.CL | On Bilingual Lexicon Induction with Large Language Models |
2023-10-21T12:35:48Z | http://arxiv.org/pdf/2310.13990v1 | http://arxiv.org/abs/2310.13990v1 | Pierre Colombo, Nathan Noiry, Guillaume Staerman, Pablo Piantanida | 2023-10-21T12:35:48Z | cs.LG, cs.CL | One of the pursued objectives of deep learning is to provide tools that learn
abstract representations of reality from the observation of multiple contextual
situations. More precisely, one wishes to extract disentangled representations
which are (i) low dimensional and (ii) whose components are independent and
correspond to concepts capturing the essence of the objects under consideration
(Locatello et al., 2019b). One step towards this ambitious project consists in
learning disentangled representations with respect to a predefined (sensitive)
attribute, e.g., the gender or age of the writer. Perhaps one of the main
application for such disentangled representations is fair classification.
Existing methods extract the last layer of a neural network trained with a loss
that is composed of a cross-entropy objective and a disentanglement
regularizer. In this work, we adopt an information-theoretic view of this
problem which motivates a novel family of regularizers that minimizes the
mutual information between the latent representation and the sensitive
attribute conditional to the target. The resulting set of losses, called
CLINIC, is parameter free and thus, it is easier and faster to train. CLINIC
losses are studied through extensive numerical experiments by training over 2k
neural networks. We demonstrate that our methods offer a better
disentanglement/accuracy trade-off than previous techniques, and generalize
better than training with cross-entropy loss solely provided that the
disentanglement task is not too constraining. | cs.LG | A Novel Information-Theoretic Objective to Disentangle Representations for Fair Classification |
2023-10-21T12:30:33Z | http://arxiv.org/pdf/2310.13988v1 | http://arxiv.org/abs/2310.13988v1 | Tom Kocmi, Christian Federmann | 2023-10-21T12:30:33Z | cs.CL | This paper introduces GEMBA-MQM, a GPT-based evaluation metric designed to
detect translation quality errors, specifically for the quality estimation
setting without the need for human reference translations. Based on the power
of large language models (LLM), GEMBA-MQM employs a fixed three-shot prompting
technique, querying the GPT-4 model to mark error quality spans. Compared to
previous works, our method has language-agnostic prompts, thus avoiding the
need for manual prompt preparation for new languages.
While preliminary results indicate that GEMBA-MQM achieves state-of-the-art
accuracy for system ranking, we advise caution when using it in academic works
to demonstrate improvements over other methods due to its dependence on the
proprietary, black-box GPT model. | cs.CL | GEMBA-MQM: Detecting Translation Quality Error Spans with GPT-4 |
2023-10-21T12:18:29Z | http://arxiv.org/pdf/2310.13985v1 | http://arxiv.org/abs/2310.13985v1 | Vibhor Agarwal, Yu Chen, Nishanth Sastry | 2023-10-21T12:18:29Z | cs.CL | Hate speech has become pervasive in today's digital age. Although there has
been considerable research to detect hate speech or generate counter speech to
combat hateful views, these approaches still cannot completely eliminate the
potential harmful societal consequences of hate speech -- hate speech, even
when detected, can often not be taken down or is often not taken down enough;
and hate speech unfortunately spreads quickly, often much faster than any
generated counter speech.
This paper investigates a relatively new yet simple and effective approach of
suggesting a rephrasing of potential hate speech content even before the post
is made. We show that Large Language Models (LLMs) perform well on this task,
outperforming state-of-the-art baselines such as BART-Detox. We develop 4
different prompts based on task description, hate definition, few-shot
demonstrations and chain-of-thoughts for comprehensive experiments and conduct
experiments on open-source LLMs such as LLaMA-1, LLaMA-2 chat, Vicuna as well
as OpenAI's GPT-3.5. We propose various evaluation metrics to measure the
efficacy of the generated text and ensure the generated text has reduced hate
intensity without drastically changing the semantic meaning of the original
text.
We find that LLMs with a few-shot demonstrations prompt work the best in
generating acceptable hate-rephrased text with semantic meaning similar to the
original text. Overall, we find that GPT-3.5 outperforms the baseline and
open-source models for all the different kinds of prompts. We also perform
human evaluations and interestingly, find that the rephrasings generated by
GPT-3.5 outperform even the human-generated ground-truth rephrasings in the
dataset. We also conduct detailed ablation studies to investigate why LLMs work
satisfactorily on this task and conduct a failure analysis to understand the
gaps. | cs.CL | HateRephrase: Zero- and Few-Shot Reduction of Hate Intensity in Online Posts using Large Language Models |
2023-10-21T11:26:24Z | http://arxiv.org/pdf/2310.13974v1 | http://arxiv.org/abs/2310.13974v1 | Yassine El Kheir, Ahmed Ali, Shammur Absar Chowdhury | 2023-10-21T11:26:24Z | cs.CL, cs.SD, eess.AS | Pronunciation assessment and its application in computer-aided pronunciation
training (CAPT) have seen impressive progress in recent years. With the rapid
growth in language processing and deep learning over the past few years, there
is a need for an updated review. In this paper, we review methods employed in
pronunciation assessment for both phonemic and prosodic. We categorize the main
challenges observed in prominent research trends, and highlight existing
limitations, and available resources. This is followed by a discussion of the
remaining challenges and possible directions for future work. | cs.CL | Automatic Pronunciation Assessment -- A Review |
2023-10-21T10:27:22Z | http://arxiv.org/pdf/2310.18336v1 | http://arxiv.org/abs/2310.18336v1 | Osama Bsher, Ameer Sabri | 2023-10-21T10:27:22Z | cs.CL, cs.LG | Morality is a fundamental aspect of human behavior and ethics, influencing
how we interact with each other and the world around us. When faced with a
moral dilemma, a person's ability to make clear moral judgments can be clouded.
Due to many factors such as personal biases, emotions and situational factors
people can find it difficult to decide their best course of action. The
AmITheAsshole (AITA) subreddit is a forum on the social media platform Reddit
that helps people get clarity and objectivity on their predicaments. In the
forum people post anecdotes about moral dilemmas they are facing in their
lives, seeking validation for their actions or advice on how to navigate the
situation from the community. The morality of the actions in each post is
classified based on the collective opinion of the community into mainly two
labels, "Not The Asshole" (NTA) and "You Are The Asshole" (YTA). This project
aims to generate comments with moral reasoning for stories with moral dilemmas
using the AITA subreddit as a dataset. While past literature has explored the
classification of posts into labels (Alhassan et al., 2022), the generation of
comments remains a novel and challenging task. It involves understanding the
complex social and ethical considerations in each situation. To address this
challenge, we will leverage the vast amount of data on the forum with the goal
of generating coherent comments that align with the norms and values of the
AITA community. In this endeavor, we aim to evaluate state-of-the-art seq2seq
text generation models for their ability to make moral judgments similarly to
humans, ultimately producing concise comments providing clear moral stances and
advice for the poster. | cs.CL | AITA Generating Moral Judgements of the Crowd with Reasoning |
2023-10-21T10:21:17Z | http://arxiv.org/pdf/2310.13961v1 | http://arxiv.org/abs/2310.13961v1 | Young-Suk Lee, Md Arafat Sultan, Yousef El-Kurdi, Tahira Naseem Asim Munawar, Radu Florian, Salim Roukos, Ramón Fernandez Astudillo | 2023-10-21T10:21:17Z | cs.CL, cs.AI | Using in-context learning (ICL) for data generation, techniques such as
Self-Instruct (Wang et al., 2023) or the follow-up Alpaca (Taori et al., 2023)
can train strong conversational agents with only a small amount of human
supervision. One limitation of these approaches is that they resort to very
large language models (around 175B parameters) that are also proprietary and
non-public. Here we explore the application of such techniques to language
models that are much smaller (around 10B--40B parameters) and have permissive
licenses. We find the Self-Instruct approach to be less effective at these
sizes and propose new ICL methods that draw on two main ideas: (a)
Categorization and simplification of the ICL templates to make prompt learning
easier for the LM, and (b) Ensembling over multiple LM outputs to help select
high-quality synthetic examples. Our algorithm leverages the 175 Self-Instruct
seed tasks and employs separate pipelines for instructions that require an
input and instructions that do not. Empirical investigations with different LMs
show that: (1) Our proposed method yields higher-quality instruction tuning
data than Self-Instruct, (2) It improves performances of both vanilla and
instruction-tuned LMs by significant margins, and (3) Smaller instruction-tuned
LMs generate more useful outputs than their larger un-tuned counterparts. Our
codebase is available at https://github.com/IBM/ensemble-instruct. | cs.CL | Ensemble-Instruct: Generating Instruction-Tuning Data with a Heterogeneous Mixture of LMs |
2023-10-21T10:09:34Z | http://arxiv.org/pdf/2310.13960v2 | http://arxiv.org/abs/2310.13960v2 | Amit Moryossef, Zifan Jiang, Mathias Müller, Sarah Ebling, Yoav Goldberg | 2023-10-30T13:51:39Z | cs.CL, cs.CV | Sign language segmentation is a crucial task in sign language processing
systems. It enables downstream tasks such as sign recognition, transcription,
and machine translation. In this work, we consider two kinds of segmentation:
segmentation into individual signs and segmentation into phrases, larger units
comprising several signs. We propose a novel approach to jointly model these
two tasks.
Our method is motivated by linguistic cues observed in sign language corpora.
We replace the predominant IO tagging scheme with BIO tagging to account for
continuous signing. Given that prosody plays a significant role in phrase
boundaries, we explore the use of optical flow features. We also provide an
extensive analysis of hand shapes and 3D hand normalization.
We find that introducing BIO tagging is necessary to model sign boundaries.
Explicitly encoding prosody by optical flow improves segmentation in shallow
models, but its contribution is negligible in deeper models. Careful tuning of
the decoding algorithm atop the models further improves the segmentation
quality.
We demonstrate that our final models generalize to out-of-domain video
content in a different signed language, even under a zero-shot setting. We
observe that including optical flow and 3D hand normalization enhances the
robustness of the model in this context. | cs.CL | Linguistically Motivated Sign Language Segmentation |
2023-10-21T06:04:10Z | http://arxiv.org/pdf/2310.13915v1 | http://arxiv.org/abs/2310.13915v1 | Karina Vida, Judith Simon, Anne Lauscher | 2023-10-21T06:04:10Z | cs.CL, cs.CY | With language technology increasingly affecting individuals' lives, many
recent works have investigated the ethical aspects of NLP. Among other topics,
researchers focused on the notion of morality, investigating, for example,
which moral judgements language models make. However, there has been little to
no discussion of the terminology and the theories underpinning those efforts
and their implications. This lack is highly problematic, as it hides the works'
underlying assumptions and hinders a thorough and targeted scientific debate of
morality in NLP. In this work, we address this research gap by (a) providing an
overview of some important ethical concepts stemming from philosophy and (b)
systematically surveying the existing literature on moral NLP w.r.t. their
philosophical foundation, terminology, and data basis. For instance, we analyse
what ethical theory an approach is based on, how this decision is justified,
and what implications it entails. Our findings surveying 92 papers show that,
for instance, most papers neither provide a clear definition of the terms they
use nor adhere to definitions from philosophy. Finally, (c) we give three
recommendations for future research in the field. We hope our work will lead to
a more informed, careful, and sound discussion of morality in language
technology. | cs.CL | Values, Ethics, Morals? On the Use of Moral Concepts in NLP Research |
2023-10-21T02:46:03Z | http://arxiv.org/pdf/2310.13895v2 | http://arxiv.org/abs/2310.13895v2 | Seonglae Cho, Yonggi Cho, HoonJae Lee, Myungha Jang, Jinyoung Yeo, Dongha Lee | 2024-03-25T13:41:32Z | cs.CL, cs.LG | In this paper, we present RTSUM, an unsupervised summarization framework that
utilizes relation triples as the basic unit for summarization. Given an input
document, RTSUM first selects salient relation triples via multi-level salience
scoring and then generates a concise summary from the selected relation triples
by using a text-to-text language model. On the basis of RTSUM, we also develop
a web demo for an interpretable summarizing tool, providing fine-grained
interpretations with the output summary. With support for customization
options, our tool visualizes the salience for textual units at three distinct
levels: sentences, relation triples, and phrases. The codes,are publicly
available. | cs.CL | RTSUM: Relation Triple-based Interpretable Summarization with Multi-level Salience Visualization |
2023-10-21T00:05:32Z | http://arxiv.org/pdf/2310.13864v1 | http://arxiv.org/abs/2310.13864v1 | Wenjun Hou, Yi Cheng, Kaishuai Xu, Wenjie Li, Jiang Liu | 2023-10-21T00:05:32Z | cs.CL | Automating radiology report generation can significantly alleviate
radiologists' workloads. Previous research has primarily focused on realizing
highly concise observations while neglecting the precise attributes that
determine the severity of diseases (e.g., small pleural effusion). Since
incorrect attributes will lead to imprecise radiology reports, strengthening
the generation process with precise attribute modeling becomes necessary.
Additionally, the temporal information contained in the historical records,
which is crucial in evaluating a patient's current condition (e.g., heart size
is unchanged), has also been largely disregarded. To address these issues, we
propose RECAP, which generates precise and accurate radiology reports via
dynamic disease progression reasoning. Specifically, RECAP first predicts the
observations and progressions (i.e., spatiotemporal information) given two
consecutive radiographs. It then combines the historical records,
spatiotemporal information, and radiographs for report generation, where a
disease progression graph and dynamic progression reasoning mechanism are
devised to accurately select the attributes of each observation and
progression. Extensive experiments on two publicly available datasets
demonstrate the effectiveness of our model. | cs.CL | RECAP: Towards Precise Radiology Report Generation via Dynamic Disease Progression Reasoning |
2023-10-20T23:47:01Z | http://arxiv.org/pdf/2310.13859v2 | http://arxiv.org/abs/2310.13859v2 | Yoo Yeon Sung, Jordan Boyd-Graber, Naeemul Hassan | 2023-12-14T20:34:32Z | cs.CL, cs.CV | Polarization and the marketplace for impressions have conspired to make
navigating information online difficult for users, and while there has been a
significant effort to detect false or misleading text, multimodal datasets have
received considerably less attention. To complement existing resources, we
present multimodal Video Misleading Headline (VMH), a dataset that consists of
videos and whether annotators believe the headline is representative of the
video's contents. After collecting and annotating this dataset, we analyze
multimodal baselines for detecting misleading headlines. Our annotation process
also focuses on why annotators view a video as misleading, allowing us to
better understand the interplay of annotators' background and the content of
the videos. | cs.CL | Not all Fake News is Written: A Dataset and Analysis of Misleading Video Headlines |
2023-10-20T23:19:35Z | http://arxiv.org/pdf/2310.13856v1 | http://arxiv.org/abs/2310.13856v1 | Sagnik Ray Choudhury, Jushaan Kalra | 2023-10-20T23:19:35Z | cs.CL, I.2.7 | Edge probing tests are classification tasks that test for grammatical
knowledge encoded in token representations coming from contextual encoders such
as large language models (LLMs). Many LLM encoders have shown high performance
in EP tests, leading to conjectures about their ability to encode linguistic
knowledge. However, a large body of research claims that the tests necessarily
do not measure the LLM's capacity to encode knowledge, but rather reflect the
classifiers' ability to learn the problem. Much of this criticism stems from
the fact that often the classifiers have very similar accuracy when an LLM vs a
random encoder is used. Consequently, several modifications to the tests have
been suggested, including information theoretic probes. We show that commonly
used edge probing test datasets have various biases including memorization.
When these biases are removed, the LLM encoders do show a significant
difference from the random ones, even with the simple non-information theoretic
probes. | cs.CL | Implications of Annotation Artifacts in Edge Probing Test Datasets |
2023-10-20T23:15:59Z | http://arxiv.org/pdf/2310.13855v1 | http://arxiv.org/abs/2310.13855v1 | Xinyu Hu, Pengfei Tang, Simiao Zuo, Zihan Wang, Bowen Song, Qiang Lou, Jian Jiao, Denis Charles | 2023-10-20T23:15:59Z | cs.CL, cs.AI | Large language models (LLMs) have made impressive progress in natural
language processing. These models rely on proper human instructions (or
prompts) to generate suitable responses. However, the potential of LLMs are not
fully harnessed by commonly-used prompting methods: many human-in-the-loop
algorithms employ ad-hoc procedures for prompt selection; while auto prompt
generation approaches are essentially searching all possible prompts randomly
and inefficiently. We propose Evoke, an automatic prompt refinement framework.
In Evoke, there are two instances of a same LLM: one as a reviewer
(LLM-Reviewer), it scores the current prompt; the other as an author
(LLM-Author), it edits the prompt by considering the edit history and the
reviewer's feedback. Such an author-reviewer feedback loop ensures that the
prompt is refined in each iteration. We further aggregate a data selection
approach to Evoke, where only the hard samples are exposed to the LLM. The hard
samples are more important because the LLM can develop deeper understanding of
the tasks out of them, while the model may already know how to solve the easier
cases. Experimental results show that Evoke significantly outperforms existing
methods. For instance, in the challenging task of logical fallacy detection,
Evoke scores above 80, while all other baseline methods struggle to reach 20. | cs.CL | Evoke: Evoking Critical Thinking Abilities in LLMs via Reviewer-Author Prompt Editing |
2023-10-20T22:52:19Z | http://arxiv.org/pdf/2310.13850v1 | http://arxiv.org/abs/2310.13850v1 | Nan-Jiang Jiang, Chenhao Tan, Marie-Catherine de Marneffe | 2023-10-20T22:52:19Z | cs.CL | Human label variation, or annotation disagreement, exists in many natural
language processing (NLP) tasks, including natural language inference (NLI). To
gain direct evidence of how NLI label variation arises, we build LiveNLI, an
English dataset of 1,415 ecologically valid explanations (annotators explain
the NLI labels they chose) for 122 MNLI items (at least 10 explanations per
item). The LiveNLI explanations confirm that people can systematically vary on
their interpretation and highlight within-label variation: annotators sometimes
choose the same label for different reasons. This suggests that explanations
are crucial for navigating label interpretations in general. We few-shot prompt
large language models to generate explanations but the results are
inconsistent: they sometimes produces valid and informative explanations, but
it also generates implausible ones that do not support the label, highlighting
directions for improvement. | cs.CL | Ecologically Valid Explanations for Label Variation in NLI |
2023-10-20T22:20:50Z | http://arxiv.org/pdf/2310.13836v2 | http://arxiv.org/abs/2310.13836v2 | Max Vargas, Adam Tsou, Andrew Engel, Tony Chiang | 2024-02-02T18:07:37Z | cs.LG, cs.CL | Sampling biases can cause distribution shifts between train and test datasets
for supervised learning tasks, obscuring our ability to understand the
generalization capacity of a model. This is especially important considering
the wide adoption of pre-trained foundational neural networks -- whose behavior
remains poorly understood -- for transfer learning (TL) tasks. We present a
case study for TL on the Sentiment140 dataset and show that many pre-trained
foundation models encode different representations of Sentiment140's manually
curated test set $M$ from the automatically labeled training set $P$,
confirming that a distribution shift has occurred. We argue training on $P$ and
measuring performance on $M$ is a biased measure of generalization. Experiments
on pre-trained GPT-2 show that the features learnable from $P$ do not improve
(and in fact hamper) performance on $M$. Linear probes on pre-trained GPT-2's
representations are robust and may even outperform overall fine-tuning,
implying a fundamental importance for discerning distribution shift in
train/test splits for model interpretation. | cs.LG | Foundation Model's Embedded Representations May Detect Distribution Shift |
2023-10-20T21:31:19Z | http://arxiv.org/pdf/2310.13824v1 | http://arxiv.org/abs/2310.13824v1 | Soo Hyun Ryu | 2023-10-20T21:31:19Z | cs.CL | The goal of this paper is to explore how Transformer language models process
semantic knowledge, especially regarding the plausibility of noun-verb
relations. First, I demonstrate GPT2 exhibits a higher degree of similarity
with humans in plausibility processing compared to other Transformer language
models. Next, I delve into how knowledge of plausibility is contained within
attention heads of GPT2 and how these heads causally contribute to GPT2's
plausibility processing ability. Through several experiments, it was found
that: i) GPT2 has a number of attention heads that detect plausible noun-verb
relationships; ii) these heads collectively contribute to the Transformer's
ability to process plausibility, albeit to varying degrees; and iii) attention
heads' individual performance in detecting plausibility does not necessarily
correlate with how much they contribute to GPT2's plausibility processing
ability. | cs.CL | Plausibility Processing in Transformer Language Models: Focusing on the Role of Attention Heads in GPT |
2023-10-20T20:58:45Z | http://arxiv.org/pdf/2310.13812v1 | http://arxiv.org/abs/2310.13812v1 | Ajinkya Kulkarni, Hanan Aldarmaki | 2023-10-20T20:58:45Z | cs.CL, cs.SD, eess.AS | In this paper, we describe a spoken Arabic dialect identification (ADI) model
for Arabic that consistently outperforms previously published results on two
benchmark datasets: ADI-5 and ADI-17. We explore two architectural variations:
ResNet and ECAPA-TDNN, coupled with two types of acoustic features: MFCCs and
features exratected from the pre-trained self-supervised model UniSpeech-SAT
Large, as well as a fusion of all four variants. We find that individually,
ECAPA-TDNN network outperforms ResNet, and models with UniSpeech-SAT features
outperform models with MFCCs by a large margin. Furthermore, a fusion of all
four variants consistently outperforms individual models. Our best models
outperform previously reported results on both datasets, with accuracies of
84.7% and 96.9% on ADI-5 and ADI-17, respectively. | cs.CL | Yet Another Model for Arabic Dialect Identification |
2023-10-20T20:17:09Z | http://arxiv.org/pdf/2310.13800v1 | http://arxiv.org/abs/2310.13800v1 | Andrea Sottana, Bin Liang, Kai Zou, Zheng Yuan | 2023-10-20T20:17:09Z | cs.CL | Large Language Models (LLMs) evaluation is a patchy and inconsistent
landscape, and it is becoming clear that the quality of automatic evaluation
metrics is not keeping up with the pace of development of generative models. We
aim to improve the understanding of current models' performance by providing a
preliminary and hybrid evaluation on a range of open and closed-source
generative LLMs on three NLP benchmarks: text summarisation, text
simplification and grammatical error correction (GEC), using both automatic and
human evaluation. We also explore the potential of the recently released GPT-4
to act as an evaluator. We find that ChatGPT consistently outperforms many
other popular models according to human reviewers on the majority of metrics,
while scoring much more poorly when using classic automatic evaluation metrics.
We also find that human reviewers rate the gold reference as much worse than
the best models' outputs, indicating the poor quality of many popular
benchmarks. Finally, we find that GPT-4 is capable of ranking models' outputs
in a way which aligns reasonably closely to human judgement despite
task-specific variations, with a lower alignment in the GEC task. | cs.CL | Evaluation Metrics in the Era of GPT-4: Reliably Evaluating Large Language Models on Sequence to Sequence Tasks |
2023-10-20T20:12:45Z | http://arxiv.org/pdf/2310.13798v1 | http://arxiv.org/abs/2310.13798v1 | Sandipan Kundu, Yuntao Bai, Saurav Kadavath, Amanda Askell, Andrew Callahan, Anna Chen, Anna Goldie, Avital Balwit, Azalia Mirhoseini, Brayden McLean, Catherine Olsson, Cassie Evraets, Eli Tran-Johnson, Esin Durmus, Ethan Perez, Jackson Kernion, Jamie Kerr, Kamal Ndousse, Karina Nguyen, Nelson Elhage, Newton Cheng, Nicholas Schiefer, Nova DasSarma, Oliver Rausch, Robin Larson, Shannon Yang, Shauna Kravec, Timothy Telleen-Lawton, Thomas I. Liao, Tom Henighan, Tristan Hume, Zac Hatfield-Dodds, Sören Mindermann, Nicholas Joseph, Sam McCandlish, Jared Kaplan | 2023-10-20T20:12:45Z | cs.CL, cs.AI | Human feedback can prevent overtly harmful utterances in conversational
models, but may not automatically mitigate subtle problematic behaviors such as
a stated desire for self-preservation or power. Constitutional AI offers an
alternative, replacing human feedback with feedback from AI models conditioned
only on a list of written principles. We find this approach effectively
prevents the expression of such behaviors. The success of simple principles
motivates us to ask: can models learn general ethical behaviors from only a
single written principle? To test this, we run experiments using a principle
roughly stated as "do what's best for humanity". We find that the largest
dialogue models can generalize from this short constitution, resulting in
harmless assistants with no stated interest in specific motivations like power.
A general principle may thus partially avoid the need for a long list of
constitutions targeting potentially harmful behaviors. However, more detailed
constitutions still improve fine-grained control over specific types of harms.
This suggests both general and specific principles have value for steering AI
safely. | cs.CL | Specific versus General Principles for Constitutional AI |
2023-10-20T20:02:02Z | http://arxiv.org/pdf/2310.13793v1 | http://arxiv.org/abs/2310.13793v1 | Yunmo Chen, William Gantt, Tongfei Chen, Aaron Steven White, Benjamin Van Durme | 2023-10-20T20:02:02Z | cs.CL, cs.LG | We present a conceptual framework that unifies a variety of evaluation
metrics for different structured prediction tasks (e.g. event and relation
extraction, syntactic and semantic parsing). Our framework requires
representing the outputs of these tasks as objects of certain data types, and
derives metrics through matching of common substructures, possibly followed by
normalization. We demonstrate how commonly used metrics for a number of tasks
can be succinctly expressed by this framework, and show that new metrics can be
naturally derived in a bottom-up way based on an output structure. We release a
library that enables this derivation to create new metrics. Finally, we
consider how specific characteristics of tasks motivate metric design
decisions, and suggest possible modifications to existing metrics in line with
those motivations. | cs.CL | A Unified View of Evaluation Metrics for Structured Prediction |
2023-10-20T19:28:06Z | http://arxiv.org/pdf/2310.13781v1 | http://arxiv.org/abs/2310.13781v1 | Jacob K. Johnson, Ana Marasović | 2023-10-20T19:28:06Z | cs.CL | Contrast set consistency is a robustness measurement that evaluates the rate
at which a model correctly responds to all instances in a bundle of minimally
different examples relying on the same knowledge. To draw additional insights,
we propose to complement consistency with relative consistency -- the
probability that an equally accurate model would surpass the consistency of the
proposed model, given a distribution over possible consistencies. Models with
100% relative consistency have reached a consistency peak for their accuracy.
We reflect on prior work that reports consistency in contrast sets and observe
that relative consistency can alter the assessment of a model's consistency
compared to another. We anticipate that our proposed measurement and insights
will influence future studies aiming to promote consistent behavior in models. | cs.CL | How Much Consistency Is Your Accuracy Worth? |
2023-10-20T19:17:22Z | http://arxiv.org/pdf/2310.13774v1 | http://arxiv.org/abs/2310.13774v1 | Wenzheng Zhang, Sam Wiseman, Karl Stratos | 2023-10-20T19:17:22Z | cs.CL | Existing works on coreference resolution suggest that task-specific models
are necessary to achieve state-of-the-art performance. In this work, we present
compelling evidence that such models are not necessary. We finetune a
pretrained seq2seq transformer to map an input document to a tagged sequence
encoding the coreference annotation. Despite the extreme simplicity, our model
outperforms or closely matches the best coreference systems in the literature
on an array of datasets. We also propose an especially simple seq2seq approach
that generates only tagged spans rather than the spans interleaved with the
original text. Our analysis shows that the model size, the amount of
supervision, and the choice of sequence representations are key factors in
performance. | cs.CL | Seq2seq is All You Need for Coreference Resolution |
2023-10-20T19:14:59Z | http://arxiv.org/pdf/2310.13771v1 | http://arxiv.org/abs/2310.13771v1 | Antonia Karamolegkou, Jiaang Li, Li Zhou, Anders Søgaard | 2023-10-20T19:14:59Z | cs.CL, cs.AI | Language models may memorize more than just facts, including entire chunks of
texts seen during training. Fair use exemptions to copyright laws typically
allow for limited use of copyrighted material without permission from the
copyright holder, but typically for extraction of information from copyrighted
materials, rather than {\em verbatim} reproduction. This work explores the
issue of copyright violations and large language models through the lens of
verbatim memorization, focusing on possible redistribution of copyrighted text.
We present experiments with a range of language models over a collection of
popular books and coding problems, providing a conservative characterization of
the extent to which language models can redistribute these materials. Overall,
this research highlights the need for further examination and the potential
impact on future developments in natural language processing to ensure
adherence to copyright regulations. Code is at
\url{https://github.com/coastalcph/CopyrightLLMs}. | cs.CL | Copyright Violations and Large Language Models |
2023-10-20T18:43:49Z | http://arxiv.org/pdf/2310.13760v2 | http://arxiv.org/abs/2310.13760v2 | Hwanjun Song, Igor Shalyminov, Hang Su, Siffi Singh, Kaisheng Yao, Saab Mansour | 2023-12-04T06:47:21Z | cs.CL | Sequence-level knowledge distillation reduces the size of Seq2Seq models for
more efficient abstractive summarization. However, it often leads to a loss of
abstractiveness in summarization. In this paper, we propose a novel approach
named DisCal to enhance the level of abstractiveness (measured by n-gram
overlap) without sacrificing the informativeness (measured by ROUGE) of
generated summaries. DisCal exposes diverse pseudo summaries with two
supervision to the student model. Firstly, the best pseudo summary is
identified in terms of abstractiveness and informativeness and used for
sequence-level distillation. Secondly, their ranks are used to ensure the
student model to assign higher prediction scores to summaries with higher
ranks. Our experiments show that DisCal outperforms prior methods in
abstractive summarization distillation, producing highly abstractive and
informative summaries. | cs.CL | Enhancing Abstractiveness of Summarization Models through Calibrated Distillation |
2023-10-20T18:07:39Z | http://arxiv.org/pdf/2310.13747v1 | http://arxiv.org/abs/2310.13747v1 | Amr Keleg, Sharon Goldwater, Walid Magdy | 2023-10-20T18:07:39Z | cs.CL | Transcribed speech and user-generated text in Arabic typically contain a
mixture of Modern Standard Arabic (MSA), the standardized language taught in
schools, and Dialectal Arabic (DA), used in daily communications. To handle
this variation, previous work in Arabic NLP has focused on Dialect
Identification (DI) on the sentence or the token level. However, DI treats the
task as binary, whereas we argue that Arabic speakers perceive a spectrum of
dialectness, which we operationalize at the sentence level as the Arabic Level
of Dialectness (ALDi), a continuous linguistic variable. We introduce the
AOC-ALDi dataset (derived from the AOC dataset), containing 127,835 sentences
(17% from news articles and 83% from user comments on those articles) which are
manually labeled with their level of dialectness. We provide a detailed
analysis of AOC-ALDi and show that a model trained on it can effectively
identify levels of dialectness on a range of other corpora (including dialects
and genres not included in AOC-ALDi), providing a more nuanced picture than
traditional DI systems. Through case studies, we illustrate how ALDi can reveal
Arabic speakers' stylistic choices in different situations, a useful property
for sociolinguistic analyses. | cs.CL | ALDi: Quantifying the Arabic Level of Dialectness of Text |
2023-10-20T17:45:30Z | http://arxiv.org/pdf/2310.13686v1 | http://arxiv.org/abs/2310.13686v1 | Jordan Kodner, Salam Khalifa, Sarah Payne | 2023-10-20T17:45:30Z | cs.CL | Modern work on the cross-linguistic computational modeling of morphological
inflection has typically employed language-independent data splitting
algorithms. In this paper, we supplement that approach with language-specific
probes designed to test aspects of morphological generalization. Testing these
probes on three morphologically distinct languages, English, Spanish, and
Swahili, we find evidence that three leading morphological inflection systems
employ distinct generalization strategies over conjugational classes and
feature sets on both orthographic and phonologically transcribed inputs. | cs.CL | Exploring Linguistic Probes for Morphological Generalization |
2023-10-20T17:41:36Z | http://arxiv.org/pdf/2310.13682v2 | http://arxiv.org/abs/2310.13682v2 | Moshe Berchansky, Peter Izsak, Avi Caciularu, Ido Dagan, Moshe Wasserblat | 2023-11-05T06:31:55Z | cs.CL, cs.AI, cs.LG | Fusion-in-Decoder (FiD) is an effective retrieval-augmented language model
applied across a variety of open-domain tasks, such as question answering, fact
checking, etc. In FiD, supporting passages are first retrieved and then
processed using a generative model (Reader), which can cause a significant
bottleneck in decoding time, particularly with long outputs. In this work, we
analyze the contribution and necessity of all the retrieved passages to the
performance of reader models, and propose eliminating some of the retrieved
information, at the token level, that might not contribute essential
information to the answer generation process. We demonstrate that our method
can reduce run-time by up to 62.2%, with only a 2% reduction in performance,
and in some cases, even improve the performance results. | cs.CL | Optimizing Retrieval-augmented Reader Models via Token Elimination |
2023-10-20T17:31:39Z | http://arxiv.org/pdf/2310.13678v2 | http://arxiv.org/abs/2310.13678v2 | Arya D. McCarthy, Hao Zhang, Shankar Kumar, Felix Stahlberg, Ke Wu | 2023-10-23T15:25:55Z | cs.CL, cs.AI, cs.LG | One challenge in speech translation is that plenty of spoken content is
long-form, but short units are necessary for obtaining high-quality
translations. To address this mismatch, we adapt large language models (LLMs)
to split long ASR transcripts into segments that can be independently
translated so as to maximize the overall translation quality. We overcome the
tendency of hallucination in LLMs by incorporating finite-state constraints
during decoding; these eliminate invalid outputs without requiring additional
training. We discover that LLMs are adaptable to transcripts containing ASR
errors through prompt-tuning or fine-tuning. Relative to a state-of-the-art
automatic punctuation baseline, our best LLM improves the average BLEU by 2.9
points for English-German, English-Spanish, and English-Arabic TED talk
translation in 9 test sets, just by improving segmentation. | cs.CL | Long-Form Speech Translation through Segmentation with Finite-State Decoding Constraints on Large Language Models |
2023-10-20T17:25:36Z | http://arxiv.org/pdf/2310.13676v1 | http://arxiv.org/abs/2310.13676v1 | Mario Giulianelli, Sarenne Wallbridge, Raquel Fernández | 2023-10-20T17:25:36Z | cs.CL | We present information value, a measure which quantifies the predictability
of an utterance relative to a set of plausible alternatives. We introduce a
method to obtain interpretable estimates of information value using neural text
generators, and exploit their psychometric predictive power to investigate the
dimensions of predictability that drive human comprehension behaviour.
Information value is a stronger predictor of utterance acceptability in written
and spoken dialogue than aggregates of token-level surprisal and it is
complementary to surprisal for predicting eye-tracked reading times. | cs.CL | Information Value: Measuring Utterance Predictability as Distance from Plausible Alternatives |
2023-10-20T17:24:12Z | http://arxiv.org/pdf/2310.13675v1 | http://arxiv.org/abs/2310.13675v1 | Jiahao Xu, Yubin Ruan, Wei Bi, Guoping Huang, Shuming Shi, Lihui Chen, Lemao Liu | 2023-10-20T17:24:12Z | cs.CL | Back translation (BT) is one of the most significant technologies in NMT
research fields. Existing attempts on BT share a common characteristic: they
employ either beam search or random sampling to generate synthetic data with a
backward model but seldom work studies the role of synthetic data in the
performance of BT. This motivates us to ask a fundamental question: {\em what
kind of synthetic data contributes to BT performance?} Through both theoretical
and empirical studies, we identify two key factors on synthetic data
controlling the back-translation NMT performance, which are quality and
importance. Furthermore, based on our findings, we propose a simple yet
effective method to generate synthetic data to better trade off both factors so
as to yield a better performance for BT. We run extensive experiments on WMT14
DE-EN, EN-DE, and RU-EN benchmark tasks. By employing our proposed method to
generate synthetic data, our BT model significantly outperforms the standard BT
baselines (i.e., beam and sampling based methods for data generation), which
proves the effectiveness of our proposed methods. | cs.CL | On Synthetic Data for Back Translation |
2023-10-20T17:22:30Z | http://arxiv.org/pdf/2310.13673v2 | http://arxiv.org/abs/2310.13673v2 | Sullam Jeoung, Yubin Ge, Jana Diesner | 2023-10-31T16:41:31Z | cs.CL | Large Language Models (LLMs) have been observed to encode and perpetuate
harmful associations present in the training data. We propose a theoretically
grounded framework called StereoMap to gain insights into their perceptions of
how demographic groups have been viewed by society. The framework is grounded
in the Stereotype Content Model (SCM); a well-established theory from
psychology. According to SCM, stereotypes are not all alike. Instead, the
dimensions of Warmth and Competence serve as the factors that delineate the
nature of stereotypes. Based on the SCM theory, StereoMap maps LLMs'
perceptions of social groups (defined by socio-demographic features) using the
dimensions of Warmth and Competence. Furthermore, the framework enables the
investigation of keywords and verbalizations of reasoning of LLMs' judgments to
uncover underlying factors influencing their perceptions. Our results show that
LLMs exhibit a diverse range of perceptions towards these groups, characterized
by mixed evaluations along the dimensions of Warmth and Competence.
Furthermore, analyzing the reasonings of LLMs, our findings indicate that LLMs
demonstrate an awareness of social disparities, often stating statistical data
and research findings to support their reasoning. This study contributes to the
understanding of how LLMs perceive and represent social groups, shedding light
on their potential biases and the perpetuation of harmful associations. | cs.CL | StereoMap: Quantifying the Awareness of Human-like Stereotypes in Large Language Models |
2023-10-20T17:14:25Z | http://arxiv.org/pdf/2310.13671v1 | http://arxiv.org/abs/2310.13671v1 | Ruida Wang, Wangchunshu Zhou, Mrinmaya Sachan | 2023-10-20T17:14:25Z | cs.CL, cs.AI | *Data Synthesis* is a promising way to train a small model with very little
labeled data. One approach for data synthesis is to leverage the rich knowledge
from large language models to synthesize pseudo training examples for small
models, making it possible to achieve both data and compute efficiency at the
same time. However, a key challenge in data synthesis is that the synthesized
dataset often suffers from a large distributional discrepancy from the *real
task* data distribution. Thus, in this paper, we propose *Synthesis Step by
Step* (**S3**), a data synthesis framework that shrinks this distribution gap
by iteratively extrapolating the errors made by a small model trained on the
synthesized dataset on a small real-world validation dataset using a large
language model. Extensive experiments on multiple NLP tasks show that our
approach improves the performance of a small model by reducing the gap between
the synthetic dataset and the real data, resulting in significant improvement
compared to several baselines: 9.48% improvement compared to ZeroGen and 2.73%
compared to GoldGen, and at most 15.17% improvement compared to the small model
trained on human-annotated data. | cs.CL | Let's Synthesize Step by Step: Iterative Dataset Synthesis with Large Language Models by Extrapolating Errors from Small Models |
2023-10-20T17:13:16Z | http://arxiv.org/pdf/2310.13669v1 | http://arxiv.org/abs/2310.13669v1 | Philip John Gorinski, Matthieu Zimmer, Gerasimos Lampouras, Derrick Goh Xin Deik, Ignacio Iacobacci | 2023-10-20T17:13:16Z | cs.LG, cs.AI, cs.CL, cs.PL | The advent of large pre-trained language models in the domain of Code
Synthesis has shown remarkable performance on various benchmarks, treating the
problem of Code Generation in a fashion similar to Natural Language Generation,
trained with a Language Modelling (LM) objective. In addition, the property of
programming language code being precisely evaluable with respect to its
semantics -- through the use of Unit Tests to check its functional correctness
-- lends itself to using Reinforcement Learning (RL) as a further training
paradigm. Previous work has shown that RL can be applied as such to improve
models' coding capabilities; however, such RL-based methods rely on a reward
signal based on defined Unit Tests, which are much harder to obtain compared to
the huge crawled code datasets used in LM objectives. In this work, we present
a novel approach to automatically obtain data consisting of function signatures
and associated Unit Tests, suitable for RL training of Code Synthesis models.
We also introduce a straightforward, simple yet effective Actor-Critic RL
training scheme and show that it, in conjunction with automatically generated
training data, leads to improvement of a pre-trained code language model's
performance by up to 9.9% improvement over the original underlying code
synthesis LM, and up to 4.3% over RL-based models trained with standard PPO or
CodeRL. | cs.LG | Automatic Unit Test Data Generation and Actor-Critic Reinforcement Learning for Code Synthesis |
2023-10-20T17:05:27Z | http://arxiv.org/pdf/2310.13664v2 | http://arxiv.org/abs/2310.13664v2 | Eliseo Bao Souto, Anxo Pérez, Javier Parapar | 2023-10-23T08:31:50Z | cs.CL | Users of social platforms often perceive these sites as supportive spaces to
post about their mental health issues. Those conversations contain important
traces about individuals' health risks. Recently, researchers have exploited
this online information to construct mental health detection models, which aim
to identify users at risk on platforms like Twitter, Reddit or Facebook. Most
of these models are centred on achieving good classification results, ignoring
the explainability and interpretability of the decisions. Recent research has
pointed out the importance of using clinical markers, such as the use of
symptoms, to improve trust in the computational models by health professionals.
In this paper, we propose using transformer-based architectures to detect and
explain the appearance of depressive symptom markers in the users' writings. We
present two approaches: i) train a model to classify, and another one to
explain the classifier's decision separately and ii) unify the two tasks
simultaneously using a single model. Additionally, for this latter manner, we
also investigated the performance of recent conversational LLMs when using
in-context learning. Our natural language explanations enable clinicians to
interpret the models' decisions based on validated symptoms, enhancing trust in
the automated process. We evaluate our approach using recent symptom-based
datasets, employing both offline and expert-in-the-loop metrics to assess the
quality of the explanations generated by our models. The experimental results
show that it is possible to achieve good classification results while
generating interpretable symptom-based explanations. | cs.CL | Explainable Depression Symptom Detection in Social Media |
2023-10-20T17:04:22Z | http://arxiv.org/pdf/2310.13661v1 | http://arxiv.org/abs/2310.13661v1 | Amr Keleg, Walid Magdy | 2023-10-20T17:04:22Z | cs.CL | Automatic Arabic Dialect Identification (ADI) of text has gained great
popularity since it was introduced in the early 2010s. Multiple datasets were
developed, and yearly shared tasks have been running since 2018. However, ADI
systems are reported to fail in distinguishing between the micro-dialects of
Arabic. We argue that the currently adopted framing of the ADI task as a
single-label classification problem is one of the main reasons for that. We
highlight the limitation of the incompleteness of the Dialect labels and
demonstrate how it impacts the evaluation of ADI systems. A manual error
analysis for the predictions of an ADI, performed by 7 native speakers of
different Arabic dialects, revealed that $\approx$ 66% of the validated errors
are not true errors. Consequently, we propose framing ADI as a multi-label
classification task and give recommendations for designing new ADI datasets. | cs.CL | Arabic Dialect Identification under Scrutiny: Limitations of Single-label Classification |
2023-10-20T17:00:53Z | http://arxiv.org/pdf/2310.13659v1 | http://arxiv.org/abs/2310.13659v1 | Adithya Bhaskar, Tushar Tomar, Ashutosh Sathe, Sunita Sarawagi | 2023-10-20T17:00:53Z | cs.CL | Research in Text-to-SQL conversion has been largely benchmarked against
datasets where each text query corresponds to one correct SQL. However, natural
language queries over real-life databases frequently involve significant
ambiguity about the intended SQL due to overlapping schema names and multiple
confusing relationship paths. To bridge this gap, we develop a novel benchmark
called AmbiQT with over 3000 examples where each text is interpretable as two
plausible SQLs due to lexical and/or structural ambiguity.
When faced with ambiguity, an ideal top-$k$ decoder should generate all valid
interpretations for possible disambiguation by the user. We evaluate several
Text-to-SQL systems and decoding algorithms, including those employing
state-of-the-art LLMs, and find them to be far from this ideal. The primary
reason is that the prevalent beam search algorithm and its variants, treat SQL
queries as a string and produce unhelpful token-level diversity in the top-$k$.
We propose LogicalBeam, a new decoding algorithm that navigates the SQL logic
space using a blend of plan-based template generation and constrained
infilling. Counterfactually generated plans diversify templates while
in-filling with a beam-search that branches solely on schema names provides
value diversity. LogicalBeam is up to $2.5$ times more effective than
state-of-the-art models at generating all candidate SQLs in the top-$k$ ranked
outputs. It also enhances the top-$5$ Exact and Execution Match Accuracies on
SPIDER and Kaggle DBQA. | cs.CL | Benchmarking and Improving Text-to-SQL Generation under Ambiguity |
2023-10-20T16:53:51Z | http://arxiv.org/pdf/2310.13650v1 | http://arxiv.org/abs/2310.13650v1 | Haodong Duan, Jueqi Wei, Chonghua Wang, Hongwei Liu, Yixiao Fang, Songyang Zhang, Dahua Lin, Kai Chen | 2023-10-20T16:53:51Z | cs.CL | Interacting with human via high-quality multi-turn dialogues is a key feature
of large language models (LLMs). However, human-based evaluation of such
capability involves intensive manual labor. This report provides a preliminary
evaluation of existing large language models for human-style multi-turn
chatting, through an LLM-based approach. We start from real-world human
dialogues and keep the very first utterances as the ChatSEED. Then we prompt
LLMs to generate a full multi-turn dialogue (tens of utterances) based on the
ChatSEED, utterance by utterance. Finally, we adopt state-of-the-art LLMs
(GPT-4, \etc) as the judge to evaluate the generated dialogues. With different
evaluation protocols, we come to substantially identical conclusions. We find
that GPT-4 can generate human-style multi-turn dialogues with impressive
quality, significantly outperforms its counterparts. It's difficult for a
discriminator to distinguish between GPT-4 generated dialogues and human
dialogues. In contrast, other LLMs struggle to generate multi-turn dialogues of
satisfactory quality due to poor instruction-following capability, tendency to
generate lengthy utterances, or limited general capability. All data and codes
will be provided in https://github.com/open-compass/BotChat/ and we hope they
can serve as a valuable resource for evaluating multi-turn chatting
capabilities of LLMs. | cs.CL | BotChat: Evaluating LLMs' Capabilities of Having Multi-Turn Dialogues |
2023-10-20T16:12:13Z | http://arxiv.org/pdf/2310.13620v2 | http://arxiv.org/abs/2310.13620v2 | Emily Cheng, Corentin Kervadec, Marco Baroni | 2023-11-09T14:03:46Z | cs.CL | For a language model (LM) to faithfully model human language, it must
compress vast, potentially infinite information into relatively few dimensions.
We propose analyzing compression in (pre-trained) LMs from two points of view:
geometric and information-theoretic. We demonstrate that the two views are
highly correlated, such that the intrinsic geometric dimension of linguistic
data predicts their coding length under the LM. We then show that, in turn,
high compression of a linguistic dataset predicts rapid adaptation to that
dataset, confirming that being able to compress linguistic information is an
important part of successful LM performance. As a practical byproduct of our
analysis, we evaluate a battery of intrinsic dimension estimators for the first
time on linguistic data, showing that only some encapsulate the relationship
between information-theoretic compression, geometric compression, and
ease-of-adaptation. | cs.CL | Bridging Information-Theoretic and Geometric Compression in Language Models |
2023-10-20T16:10:14Z | http://arxiv.org/pdf/2310.13619v1 | http://arxiv.org/abs/2310.13619v1 | Arushi Goel, Basura Fernando, Frank Keller, Hakan Bilen | 2023-10-20T16:10:14Z | cs.CL, cs.CV | In this paper, we study multimodal coreference resolution, specifically where
a longer descriptive text, i.e., a narration is paired with an image. This
poses significant challenges due to fine-grained image-text alignment, inherent
ambiguity present in narrative language, and unavailability of large annotated
training sets. To tackle these challenges, we present a data efficient
semi-supervised approach that utilizes image-narration pairs to resolve
coreferences and narrative grounding in a multimodal context. Our approach
incorporates losses for both labeled and unlabeled data within a cross-modal
framework. Our evaluation shows that the proposed approach outperforms strong
baselines both quantitatively and qualitatively, for the tasks of coreference
resolution and narrative grounding. | cs.CL | Semi-supervised multimodal coreference resolution in image narrations |
2023-10-20T16:05:35Z | http://arxiv.org/pdf/2310.13615v1 | http://arxiv.org/abs/2310.13615v1 | An-Zi Yen, Wei-Ling Hsu | 2023-10-20T16:05:35Z | cs.CL | Due to the remarkable language understanding and generation abilities of
large language models (LLMs), their use in educational applications has been
explored. However, little work has been done on investigating the pedagogical
ability of LLMs in helping students to learn mathematics. In this position
paper, we discuss the challenges associated with employing LLMs to enhance
students' mathematical problem-solving skills by providing adaptive feedback.
Apart from generating the wrong reasoning processes, LLMs can misinterpret the
meaning of the question, and also exhibit difficulty in understanding the given
questions' rationales when attempting to correct students' answers. Three
research questions are formulated. | cs.CL | Three Questions Concerning the Use of Large Language Models to Facilitate Mathematics Learning |
2023-10-20T16:03:33Z | http://arxiv.org/pdf/2310.13613v2 | http://arxiv.org/abs/2310.13613v2 | Nasser Almousa, Nasser Alzamil, Abdullah Alshehri, Ahmad Sait | 2023-10-25T17:41:39Z | cs.CL, cs.AI | This project introduces an advanced English-to-Arabic translator surpassing
conventional tools. Leveraging the Helsinki transformer (MarianMT), our
approach involves fine-tuning on a self-scraped, purely literary Arabic
dataset. Evaluations against Google Translate show consistent outperformance in
qualitative assessments. Notably, it excels in cultural sensitivity and context
accuracy. This research underscores the Helsinki transformer's superiority for
English-to-Arabic translation using a Fusha dataset. | cs.CL | Hunayn: Elevating Translation Beyond the Literal |
2023-10-20T15:59:57Z | http://arxiv.org/pdf/2310.13610v1 | http://arxiv.org/abs/2310.13610v1 | Yanrui Du, Sendong Zhao, Haochun Wang, Yuhan Chen, Rui Bai, Zewen Qiang, Muzhen Cai, Bing Qin | 2023-10-20T15:59:57Z | cs.CL, cs.AI | Explaining black-box model behavior with natural language has achieved
impressive results in various NLP tasks. Recent research has explored the
utilization of subsequences from the input text as a rationale, providing users
with evidence to support the model decision. Although existing frameworks excel
in generating high-quality rationales while achieving high task performance,
they neglect to account for the unreliable link between the generated rationale
and model decision. In simpler terms, a model may make correct decisions while
attributing wrong rationales, or make poor decisions while attributing correct
rationales. To mitigate this issue, we propose a unified two-stage framework
known as Self-Attribution and Decision-Making (SADM). Through extensive
experiments on five reasoning datasets from the ERASER benchmark, we
demonstrate that our framework not only establishes a more reliable link
between the generated rationale and model decision but also achieves
competitive results in task performance and the quality of rationale.
Furthermore, we explore the potential of our framework in semi-supervised
scenarios. | cs.CL | Make Your Decision Convincing! A Unified Two-Stage Framework: Self-Attribution and Decision-Making |
2023-10-20T15:57:17Z | http://arxiv.org/pdf/2310.13606v1 | http://arxiv.org/abs/2310.13606v1 | Dominik Macko, Robert Moro, Adaku Uchendu, Jason Samuel Lucas, Michiharu Yamashita, Matúš Pikuliak, Ivan Srba, Thai Le, Dongwon Lee, Jakub Simko, Maria Bielikova | 2023-10-20T15:57:17Z | cs.CL, cs.AI | There is a lack of research into capabilities of recent LLMs to generate
convincing text in languages other than English and into performance of
detectors of machine-generated text in multilingual settings. This is also
reflected in the available benchmarks which lack authentic texts in languages
other than English and predominantly cover older generators. To fill this gap,
we introduce MULTITuDE, a novel benchmarking dataset for multilingual
machine-generated text detection comprising of 74,081 authentic and
machine-generated texts in 11 languages (ar, ca, cs, de, en, es, nl, pt, ru,
uk, and zh) generated by 8 multilingual LLMs. Using this benchmark, we compare
the performance of zero-shot (statistical and black-box) and fine-tuned
detectors. Considering the multilinguality, we evaluate 1) how these detectors
generalize to unseen languages (linguistically similar as well as dissimilar)
and unseen LLMs and 2) whether the detectors improve their performance when
trained on multiple languages. | cs.CL | MULTITuDE: Large-Scale Multilingual Machine-Generated Text Detection Benchmark |
2023-10-20T15:45:39Z | http://arxiv.org/pdf/2310.13596v1 | http://arxiv.org/abs/2310.13596v1 | Ziqiang Zheng, Jipeng Zhang, Tuan-Anh Vu, Shizhe Diao, Yue Him Wong Tim, Sai-Kit Yeung | 2023-10-20T15:45:39Z | cs.CL, cs.AI | Large language models (LLMs), such as ChatGPT/GPT-4, have proven to be
powerful tools in promoting the user experience as an AI assistant. The
continuous works are proposing multi-modal large language models (MLLM),
empowering LLMs with the ability to sense multiple modality inputs through
constructing a joint semantic space (e.g. visual-text space). Though
significant success was achieved in LLMs and MLLMs, exploring LLMs and MLLMs in
domain-specific applications that required domain-specific knowledge and
expertise has been less conducted, especially for \textbf{marine domain}.
Different from general-purpose MLLMs, the marine-specific MLLM is required to
yield much more \textbf{sensitive}, \textbf{informative}, and
\textbf{scientific} responses. In this work, we demonstrate that the existing
MLLMs optimized on huge amounts of readily available general-purpose training
data show a minimal ability to understand domain-specific intents and then
generate informative and satisfactory responses. To address these issues, we
propose \textbf{MarineGPT}, the first vision-language model specially designed
for the marine domain, unlocking the secrets of the ocean to the public. We
present our \textbf{Marine-5M} dataset with more than 5 million marine
image-text pairs to inject domain-specific marine knowledge into our model and
achieve better marine vision and language alignment. Our MarineGPT not only
pushes the boundaries of marine understanding to the general public but also
offers a standard protocol for adapting a general-purpose assistant to
downstream domain-specific experts. We pave the way for a wide range of marine
applications while setting valuable data and pre-trained models for future
research in both academic and industrial communities. | cs.CL | MarineGPT: Unlocking Secrets of Ocean to the Public |
2023-10-20T15:32:26Z | http://arxiv.org/pdf/2310.13588v2 | http://arxiv.org/abs/2310.13588v2 | Shoutao Guo, Shaolei Zhang, Yang Feng | 2023-10-26T03:17:37Z | cs.CL | Simultaneous machine translation (SiMT) generates translation while reading
the whole source sentence. However, existing SiMT models are typically trained
using the same reference disregarding the varying amounts of available source
information at different latency. Training the model with ground-truth at low
latency may introduce forced anticipations, whereas utilizing reference
consistent with the source word order at high latency results in performance
degradation. Consequently, it is crucial to train the SiMT model with
appropriate reference that avoids forced anticipations during training while
maintaining high quality. In this paper, we propose a novel method that
provides tailored reference for the SiMT models trained at different latency by
rephrasing the ground-truth. Specifically, we introduce the tailor, induced by
reinforcement learning, to modify ground-truth to the tailored reference. The
SiMT model is trained with the tailored reference and jointly optimized with
the tailor to enhance performance. Importantly, our method is applicable to a
wide range of current SiMT approaches. Experiments on three translation tasks
demonstrate that our method achieves state-of-the-art performance in both fixed
and adaptive policies. | cs.CL | Simultaneous Machine Translation with Tailored Reference |
2023-10-20T15:25:53Z | http://arxiv.org/pdf/2310.13583v1 | http://arxiv.org/abs/2310.13583v1 | Ofir Arviv, Dmitry Nikolaev, Taelin Karidi, Omri Abend | 2023-10-20T15:25:53Z | cs.CL, cs.LG | Despite the impressive growth of the abilities of multilingual language
models, such as XLM-R and mT5, it has been shown that they still face
difficulties when tackling typologically-distant languages, particularly in the
low-resource setting. One obstacle for effective cross-lingual transfer is
variability in word-order patterns. It can be potentially mitigated via source-
or target-side word reordering, and numerous approaches to reordering have been
proposed. However, they rely on language-specific rules, work on the level of
POS tags, or only target the main clause, leaving subordinate clauses intact.
To address these limitations, we present a new powerful reordering method,
defined in terms of Universal Dependencies, that is able to learn fine-grained
word-order patterns conditioned on the syntactic context from a small amount of
annotated data and can be applied at all levels of the syntactic tree. We
conduct experiments on a diverse set of tasks and show that our method
consistently outperforms strong baselines over different language pairs and
model architectures. This performance advantage holds true in both zero-shot
and few-shot scenarios. | cs.CL | Improving Cross-Lingual Transfer through Subtree-Aware Word Reordering |
2023-10-20T15:13:34Z | http://arxiv.org/pdf/2310.13575v1 | http://arxiv.org/abs/2310.13575v1 | Ben Eyal, Amir Bachar, Ophir Haroche, Moran Mahabi, Michael Elhadad | 2023-10-20T15:13:34Z | cs.CL | Text-to-SQL semantic parsing faces challenges in generalizing to cross-domain
and complex queries. Recent research has employed a question decomposition
strategy to enhance the parsing of complex SQL queries. However, this strategy
encounters two major obstacles: (1) existing datasets lack question
decomposition; (2) due to the syntactic complexity of SQL, most complex queries
cannot be disentangled into sub-queries that can be readily recomposed. To
address these challenges, we propose a new modular Query Plan Language (QPL)
that systematically decomposes SQL queries into simple and regular sub-queries.
We develop a translator from SQL to QPL by leveraging analysis of SQL server
query optimization plans, and we augment the Spider dataset with QPL programs.
Experimental results demonstrate that the modular nature of QPL benefits
existing semantic-parsing architectures, and training text-to-QPL parsers is
more effective than text-to-SQL parsing for semantically equivalent queries.
The QPL approach offers two additional advantages: (1) QPL programs can be
paraphrased as simple questions, which allows us to create a dataset of
(complex question, decomposed questions). Training on this dataset, we obtain a
Question Decomposer for data retrieval that is sensitive to database schemas.
(2) QPL is more accessible to non-experts for complex queries, leading to more
interpretable output from the semantic parser. | cs.CL | Semantic Decomposition of Question and SQL for Text-to-SQL Parsing |
2023-10-20T15:09:46Z | http://arxiv.org/pdf/2310.13571v4 | http://arxiv.org/abs/2310.13571v4 | Rasul Tutunov, Antoine Grosnit, Juliusz Ziomek, Jun Wang, Haitham Bou-Ammar | 2024-06-06T12:18:56Z | cs.CL | This paper delves into the capabilities of large language models (LLMs),
specifically focusing on advancing the theoretical comprehension of
chain-of-thought prompting. We investigate how LLMs can be effectively induced
to generate a coherent chain of thoughts. To achieve this, we introduce a
two-level hierarchical graphical model tailored for natural language
generation. Within this framework, we establish a compelling geometrical
convergence rate that gauges the likelihood of an LLM-generated chain of
thoughts compared to those originating from the true language. Our findings
provide a theoretical justification for the ability of LLMs to produce the
correct sequence of thoughts (potentially) explaining performance gains in
tasks demanding reasoning skills. | cs.CL | Why Can Large Language Models Generate Correct Chain-of-Thoughts? |
2023-10-20T15:05:18Z | http://arxiv.org/pdf/2310.13566v1 | http://arxiv.org/abs/2310.13566v1 | Nicholas Thomas Walker, Stefan Ultes, Pierre Lison | 2023-10-20T15:05:18Z | cs.CL, cs.AI | Constructing responses in task-oriented dialogue systems typically relies on
information sources such the current dialogue state or external databases. This
paper presents a novel approach to knowledge-grounded response generation that
combines retrieval-augmented language models with logical reasoning. The
approach revolves around a knowledge graph representing the current dialogue
state and background information, and proceeds in three steps. The knowledge
graph is first enriched with logically derived facts inferred using
probabilistic logical programming. A neural model is then employed at each turn
to score the conversational relevance of each node and edge of this extended
graph. Finally, the elements with highest relevance scores are converted to a
natural language form, and are integrated into the prompt for the neural
conversational model employed to generate the system response.
We investigate the benefits of the proposed approach on two datasets (KVRET
and GraphWOZ) along with a human evaluation. Experimental results show that the
combination of (probabilistic) logical reasoning with conversational relevance
scoring does increase both the factuality and fluency of the responses. | cs.CL | Retrieval-Augmented Neural Response Generation Using Logical Reasoning and Relevance Scoring |
2023-10-20T15:01:55Z | http://arxiv.org/pdf/2310.13561v1 | http://arxiv.org/abs/2310.13561v1 | Guillem Ramírez, Matthias Lindemann, Alexandra Birch, Ivan Titov | 2023-10-20T15:01:55Z | cs.CL, cs.LG | Large-scale deployment of generative AI tools often depends on costly API
calls to a Large Language Model (LLM) to fulfil user queries. To curtail the
frequency of these calls, one can employ a smaller language model -- a student
-- which is continuously trained on the responses of the LLM. This student
gradually gains proficiency in independently handling an increasing number of
user requests, a process we term neural caching. The crucial element in neural
caching is a policy that decides which requests should be processed by the
student alone and which should be redirected to the LLM, subsequently aiding
the student's learning. In this study, we focus on classification tasks, and we
consider a range of classic active learning-based selection criteria as the
policy. Our experiments suggest that Margin Sampling and Query by Committee
bring consistent benefits across tasks and budgets. | cs.CL | Cache & Distil: Optimising API Calls to Large Language Models |
2023-10-20T14:51:10Z | http://arxiv.org/pdf/2310.13552v2 | http://arxiv.org/abs/2310.13552v2 | Jinyuan Wang, Junlong Li, Hai Zhao | 2023-10-23T05:42:42Z | cs.CL, cs.AI | In open-domain question-answering (ODQA), most existing questions require
single-hop reasoning on commonsense. To further extend this task, we officially
introduce open-domain multi-hop reasoning (ODMR) by answering multi-hop
questions with explicit reasoning steps in open-domain setting. Recently, large
language models (LLMs) have found significant utility in facilitating ODQA
without external corpus. Furthermore, chain-of-thought (CoT) prompting boosts
the reasoning capability of LLMs to a greater extent with manual or automated
paradigms. However, existing automated methods lack of quality assurance, while
manual approaches suffer from limited scalability and poor diversity, hindering
the capabilities of LLMs. In this paper, we propose Self-prompted
Chain-of-Thought (SP-CoT), an automated framework to mass-produce high quality
CoTs of LLMs, by LLMs and for LLMs. SP-CoT introduces an automated generation
pipeline of high quality ODMR datasets, an adaptive sampler for in-context CoT
selection and self-prompted inference via in-context learning. Extensive
experiments on four multi-hop question-answering benchmarks show that our
proposed SP-CoT not only significantly surpasses the previous SOTA methods on
large-scale (175B) LLMs, but also nearly doubles the zero-shot performance of
small-scale (13B) LLMs. Further analysis reveals the remarkable capability of
SP-CoT to elicit direct and concise intermediate reasoning steps by recalling
$\sim$50\% of intermediate answers on MuSiQue-Ans dataset. | cs.CL | Self-prompted Chain-of-Thought on Large Language Models for Open-domain Multi-hop Reasoning |
2023-10-20T14:49:47Z | http://arxiv.org/pdf/2310.13549v2 | http://arxiv.org/abs/2310.13549v2 | Dorian Quelle, Alexandre Bovet | 2024-02-07T12:01:49Z | cs.CL, cs.CY, cs.HC | Automated fact-checking, using machine learning to verify claims, has grown
vital as misinformation spreads beyond human fact-checking capacity. Large
Language Models (LLMs) like GPT-4 are increasingly trusted to write academic
papers, lawsuits, and news articles and to verify information, emphasizing
their role in discerning truth from falsehood and the importance of being able
to verify their outputs. Understanding the capacities and limitations of LLMs
in fact-checking tasks is therefore essential for ensuring the health of our
information ecosystem. Here, we evaluate the use of LLM agents in fact-checking
by having them phrase queries, retrieve contextual data, and make decisions.
Importantly, in our framework, agents explain their reasoning and cite the
relevant sources from the retrieved context. Our results show the enhanced
prowess of LLMs when equipped with contextual information. GPT-4 outperforms
GPT-3, but accuracy varies based on query language and claim veracity. While
LLMs show promise in fact-checking, caution is essential due to inconsistent
accuracy. Our investigation calls for further research, fostering a deeper
comprehension of when agents succeed and when they fail. | cs.CL | The Perils & Promises of Fact-checking with Large Language Models |
2023-10-20T14:46:48Z | http://arxiv.org/pdf/2310.13548v3 | http://arxiv.org/abs/2310.13548v3 | Mrinank Sharma, Meg Tong, Tomasz Korbak, David Duvenaud, Amanda Askell, Samuel R. Bowman, Newton Cheng, Esin Durmus, Zac Hatfield-Dodds, Scott R. Johnston, Shauna Kravec, Timothy Maxwell, Sam McCandlish, Kamal Ndousse, Oliver Rausch, Nicholas Schiefer, Da Yan, Miranda Zhang, Ethan Perez | 2023-10-27T17:45:26Z | cs.CL, cs.AI, cs.LG, stat.ML, I.2.6 | Human feedback is commonly utilized to finetune AI assistants. But human
feedback may also encourage model responses that match user beliefs over
truthful ones, a behaviour known as sycophancy. We investigate the prevalence
of sycophancy in models whose finetuning procedure made use of human feedback,
and the potential role of human preference judgments in such behavior. We first
demonstrate that five state-of-the-art AI assistants consistently exhibit
sycophancy across four varied free-form text-generation tasks. To understand if
human preferences drive this broadly observed behavior, we analyze existing
human preference data. We find that when a response matches a user's views, it
is more likely to be preferred. Moreover, both humans and preference models
(PMs) prefer convincingly-written sycophantic responses over correct ones a
non-negligible fraction of the time. Optimizing model outputs against PMs also
sometimes sacrifices truthfulness in favor of sycophancy. Overall, our results
indicate that sycophancy is a general behavior of state-of-the-art AI
assistants, likely driven in part by human preference judgments favoring
sycophantic responses. | cs.CL | Towards Understanding Sycophancy in Language Models |
2023-10-20T14:41:46Z | http://arxiv.org/pdf/2310.13544v1 | http://arxiv.org/abs/2310.13544v1 | Shehzaad Dhuliawala, Vilém Zouhar, Mennatallah El-Assady, Mrinmaya Sachan | 2023-10-20T14:41:46Z | cs.CL, cs.HC | In a human-AI collaboration, users build a mental model of the AI system
based on its reliability and how it presents its decision, e.g. its
presentation of system confidence and an explanation of the output. Modern NLP
systems are often uncalibrated, resulting in confidently incorrect predictions
that undermine user trust. In order to build trustworthy AI, we must understand
how user trust is developed and how it can be regained after potential
trust-eroding events. We study the evolution of user trust in response to these
trust-eroding events using a betting game. We find that even a few incorrect
instances with inaccurate confidence estimates damage user trust and
performance, with very slow recovery. We also show that this degradation in
trust reduces the success of human-AI collaboration and that different types of
miscalibration -- unconfidently correct and confidently incorrect -- have
different negative effects on user trust. Our findings highlight the importance
of calibration in user-facing AI applications and shed light on what aspects
help users decide whether to trust the AI system. | cs.CL | A Diachronic Perspective on User Trust in AI under Uncertainty |
2023-10-20T14:18:40Z | http://arxiv.org/pdf/2310.18333v3 | http://arxiv.org/abs/2310.18333v3 | Veronica Chatrath, Oluwanifemi Bamgbose, Shaina Raza | 2023-12-15T15:45:51Z | cs.CL, cs.AI | As the use of large language models (LLMs) increases within society, as does
the risk of their misuse. Appropriate safeguards must be in place to ensure LLM
outputs uphold the ethical standards of society, highlighting the positive role
that artificial intelligence technologies can have. Recent events indicate
ethical concerns around conventionally trained LLMs, leading to overall unsafe
user experiences. This motivates our research question: how do we ensure LLM
alignment? In this work, we introduce a test suite of unique prompts to foster
the development of aligned LLMs that are fair, safe, and robust. We show that
prompting LLMs at every step of the development pipeline, including data
curation, pre-training, and fine-tuning, will result in an overall more
responsible model. Our test suite evaluates outputs from four state-of-the-art
language models: GPT-3.5, GPT-4, OPT, and LLaMA-2. The assessment presented in
this paper highlights a gap between societal alignment and the capabilities of
current LLMs. Additionally, implementing a test suite such as ours lowers the
environmental overhead of making models safe and fair. | cs.CL | She had Cobalt Blue Eyes: Prompt Testing to Create Aligned and Sustainable Language Models |
2023-10-20T14:12:55Z | http://arxiv.org/pdf/2310.13526v1 | http://arxiv.org/abs/2310.13526v1 | Tobias Deußer, Cong Zhao, Wolfgang Krämer, David Leonhard, Christian Bauckhage, Rafet Sifa | 2023-10-20T14:12:55Z | cs.CL, cs.LG | During the pre-training step of natural language models, the main objective
is to learn a general representation of the pre-training dataset, usually
requiring large amounts of textual data to capture the complexity and diversity
of natural language. Contrasting this, in most cases, the size of the data
available to solve the specific downstream task is often dwarfed by the
aforementioned pre-training dataset, especially in domains where data is
scarce. We introduce controlled randomness, i.e. noise, into the training
process to improve fine-tuning language models and explore the performance of
targeted noise in addition to the parameters of these models. We find that
adding such noise can improve the performance in our two downstream tasks of
joint named entity recognition and relation extraction and text summarization. | cs.CL | Controlled Randomness Improves the Performance of Transformer Models |
2023-10-20T14:11:04Z | http://arxiv.org/pdf/2310.13522v2 | http://arxiv.org/abs/2310.13522v2 | Xiao Yu, Baolin Peng, Michel Galley, Jianfeng Gao, Zhou Yu | 2024-03-31T18:12:16Z | cs.CL | The self-improving ability of large language models (LLMs), enabled by
prompting them to analyze and revise their own outputs, has garnered
significant interest in recent research. However, this ability has been shown
to be absent and difficult to learn for smaller models, thus widening the
performance gap between state-of-the-art LLMs and more cost-effective and
faster ones. To reduce this gap, we introduce TriPosT, a training algorithm
that endows smaller models with such self-improvement ability, and show that
our approach can improve a LLaMA-7b's performance on math and reasoning tasks
by up to 7.13%. In contrast to prior work, we achieve this by using the smaller
model to interact with LLMs to collect feedback and improvements on its own
generations. We then replay this experience to train the small model. Our
experiments on four math and reasoning datasets show that the interactive
experience of learning from and correcting its own mistakes is crucial for
small models to improve their performance. | cs.CL | Teaching Language Models to Self-Improve through Interactive Demonstrations |
2023-10-20T13:57:01Z | http://arxiv.org/pdf/2310.13512v2 | http://arxiv.org/abs/2310.13512v2 | Zehua Xia, Qi Gou, Bowen Yu, Haiyang Yu, Fei Huang, Yongbin Li, Cam-Tu Nguyen | 2023-10-23T03:37:22Z | cs.CL | This paper addresses the problem of generating questions from a given context
and an answer, specifically focusing on questions that require multi-hop
reasoning across an extended context. Previous studies have suggested that key
phrase selection is essential for question generation (QG), yet it is still
challenging to connect such disjointed phrases into meaningful questions,
particularly for long context. To mitigate this issue, we propose MultiFactor,
a novel QG framework based on multi-level content planning. Specifically,
MultiFactor includes two components: FA-model, which simultaneously selects key
phrases and generates full answers, and Q-model which takes the generated full
answer as an additional input to generate questions. Here, full answer
generation is introduced to connect the short answer with the selected key
phrases, thus forming an answer-aware summary to facilitate QG. Both FA-model
and Q-model are formalized as simple-yet-effective Phrase-Enhanced
Transformers, our joint model for phrase selection and text generation.
Experimental results show that our method outperforms strong baselines on two
popular QG datasets. Our code is available at
https://github.com/zeaver/MultiFactor. | cs.CL | Improving Question Generation with Multi-level Content Planning |
2023-10-20T13:52:37Z | http://arxiv.org/pdf/2310.13506v1 | http://arxiv.org/abs/2310.13506v1 | Sagnik Ray Choudhury, Pepa Atanasova, Isabelle Augenstein | 2023-10-20T13:52:37Z | cs.CL, cs.AI, I.2.7 | Reasoning over spans of tokens from different parts of the input is essential
for natural language understanding (NLU) tasks such as fact-checking (FC),
machine reading comprehension (MRC) or natural language inference (NLI).
However, existing highlight-based explanations primarily focus on identifying
individual important tokens or interactions only between adjacent tokens or
tuples of tokens. Most notably, there is a lack of annotations capturing the
human decision-making process w.r.t. the necessary interactions for informed
decision-making in such tasks. To bridge this gap, we introduce SpanEx, a
multi-annotator dataset of human span interaction explanations for two NLU
tasks: NLI and FC. We then investigate the decision-making processes of
multiple fine-tuned large language models in terms of the employed connections
between spans in separate parts of the input and compare them to the human
reasoning processes. Finally, we present a novel community detection based
unsupervised method to extract such interaction explanations from a model's
inner workings. | cs.CL | Explaining Interactions Between Text Spans |
2023-10-20T13:51:08Z | http://arxiv.org/pdf/2310.13505v3 | http://arxiv.org/abs/2310.13505v3 | Magdalena Kaiser, Rishiraj Saha Roy, Gerhard Weikum | 2024-02-16T19:15:28Z | cs.CL, cs.AI, cs.IR | Models for conversational question answering (ConvQA) over knowledge graphs
(KGs) are usually trained and tested on benchmarks of gold QA pairs. This
implies that training is limited to surface forms seen in the respective
datasets, and evaluation is on a small set of held-out questions. Through our
proposed framework REIGN, we take several steps to remedy this restricted
learning setup. First, we systematically generate reformulations of training
questions to increase robustness of models to surface form variations. This is
a particularly challenging problem, given the incomplete nature of such
questions. Second, we guide ConvQA models towards higher performance by feeding
it only those reformulations that help improve their answering quality, using
deep reinforcement learning. Third, we demonstrate the viability of training
major model components on one benchmark and applying them zero-shot to another.
Finally, for a rigorous evaluation of robustness for trained models, we use and
release large numbers of diverse reformulations generated by prompting GPT for
benchmark test sets (resulting in 20x increase in sizes). Our findings show
that ConvQA models with robust training via reformulations, significantly
outperform those with standard training from gold QA pairs only. | cs.CL | Robust Training for Conversational Question Answering Models with Reinforced Reformulation Generation |
2023-10-20T13:46:04Z | http://arxiv.org/pdf/2310.13500v1 | http://arxiv.org/abs/2310.13500v1 | Stergos Afantenos, Henri Prade, Leonardo Cortez Bernardes | 2023-10-20T13:46:04Z | cs.CL, cs.AI | Analogical proportions are statements of the form "$a$ is to $b$ as $c$ is to
$d$", which expresses that the comparisons of the elements in pair $(a, b)$ and
in pair $(c, d)$ yield similar results. Analogical proportions are creative in
the sense that given 3 distinct items, the representation of a 4th item $d$,
distinct from the previous items, which forms an analogical proportion with
them can be calculated, provided certain conditions are met. After providing an
introduction to analogical proportions and their properties, the paper reports
the results of an experiment made with a database of animal descriptions and
their class, where we try to "create" new animals from existing ones,
retrieving rare animals such as platypus. We perform a series of experiments
using word embeddings as well as Boolean features in order to propose novel
animals based on analogical proportions, showing that word embeddings obtain
better results. | cs.CL | Analogical Proportions and Creativity: A Preliminary Study |
2023-10-20T13:45:59Z | http://arxiv.org/pdf/2310.13499v2 | http://arxiv.org/abs/2310.13499v2 | Jiahao Xu, Wei Shao, Lihui Chen, Lemao Liu | 2023-10-30T09:23:36Z | cs.CL | This paper proposes the DistillCSE framework, which performs contrastive
learning under the self-training paradigm with knowledge distillation. The
potential advantage of DistillCSE is its self-enhancing feature: using a base
model to provide additional supervision signals, a stronger model may be
learned through knowledge distillation. However, the vanilla DistillCSE through
the standard implementation of knowledge distillation only achieves marginal
improvements due to severe overfitting. The further quantitative analyses
demonstrate the reason that the standard knowledge distillation exhibits a
relatively large variance of the teacher model's logits due to the essence of
contrastive learning. To mitigate the issue induced by high variance, this
paper accordingly proposed two simple yet effective solutions for knowledge
distillation: a Group-P shuffling strategy as an implicit regularization and
the averaging logits from multiple teacher components. Experiments on standard
benchmarks demonstrate that the proposed DistillCSE outperforms many strong
baseline methods and yields a new state-of-the-art performance. | cs.CL | DistillCSE: Distilled Contrastive Learning for Sentence Embeddings |
2023-10-20T13:25:24Z | http://arxiv.org/pdf/2310.13486v1 | http://arxiv.org/abs/2310.13486v1 | Lucas Weber, Elia Bruni, Dieuwke Hupkes | 2023-10-20T13:25:24Z | cs.CL, cs.AI | Finding the best way of adapting pre-trained language models to a task is a
big challenge in current NLP. Just like the previous generation of task-tuned
models (TT), models that are adapted to tasks via in-context-learning (ICL) are
robust in some setups but not in others. Here, we present a detailed analysis
of which design choices cause instabilities and inconsistencies in LLM
predictions. First, we show how spurious correlations between input
distributions and labels -- a known issue in TT models -- form only a minor
problem for prompted models. Then, we engage in a systematic, holistic
evaluation of different factors that have been found to influence predictions
in a prompting setup. We test all possible combinations of a range of factors
on both vanilla and instruction-tuned (IT) LLMs of different scale and
statistically analyse the results to show which factors are the most
influential, interactive or stable. Our results show which factors can be used
without precautions and which should be avoided or handled with care in most
settings. | cs.CL | Mind the instructions: a holistic evaluation of consistency and interactions in prompt-based learning |
2023-10-20T13:05:32Z | http://arxiv.org/pdf/2310.13469v3 | http://arxiv.org/abs/2310.13469v3 | Quinten Bolding, Baohao Liao, Brandon James Denis, Jun Luo, Christof Monz | 2023-10-24T16:14:55Z | cs.CL, cs.AI | Transformer models have demonstrated remarkable performance in neural machine
translation (NMT). However, their vulnerability to noisy input poses a
significant challenge in practical implementation, where generating clean
output from noisy input is crucial. The MTNT dataset is widely used as a
benchmark for evaluating the robustness of NMT models against noisy input.
Nevertheless, its utility is limited due to the presence of noise in both the
source and target sentences. To address this limitation, we focus on cleaning
the noise from the target sentences in MTNT, making it more suitable as a
benchmark for noise evaluation. Leveraging the capabilities of large language
models (LLMs), we observe their impressive abilities in noise removal. For
example, they can remove emojis while considering their semantic meaning.
Additionally, we show that LLM can effectively rephrase slang, jargon, and
profanities. The resulting datasets, called C-MTNT, exhibit significantly less
noise in the target sentences while preserving the semantic integrity of the
original sentences. Our human and GPT-4 evaluations also lead to a consistent
conclusion that LLM performs well on this task. Lastly, experiments on C-MTNT
showcased its effectiveness in evaluating the robustness of NMT models,
highlighting the potential of advanced language models for data cleaning and
emphasizing C-MTNT as a valuable resource. | cs.CL | Ask Language Model to Clean Your Noisy Translation Data |
2023-10-20T12:44:44Z | http://arxiv.org/pdf/2310.18332v2 | http://arxiv.org/abs/2310.18332v2 | Jun-Yan He, Zhi-Qi Cheng, Chenyang Li, Jingdong Sun, Wangmeng Xiang, Xianhui Lin, Xiaoyang Kang, Zengke Jin, Yusen Hu, Bin Luo, Yifeng Geng, Xuansong Xie, Jingren Zhou | 2023-11-27T04:22:54Z | cs.CL, cs.AI, cs.CV, cs.GR | This paper introduces WordArt Designer, a user-driven framework for artistic
typography synthesis, relying on the Large Language Model (LLM). The system
incorporates four key modules: the LLM Engine, SemTypo, StyTypo, and TexTypo
modules. 1) The LLM Engine, empowered by the LLM (e.g., GPT-3.5), interprets
user inputs and generates actionable prompts for the other modules, thereby
transforming abstract concepts into tangible designs. 2) The SemTypo module
optimizes font designs using semantic concepts, striking a balance between
artistic transformation and readability. 3) Building on the semantic layout
provided by the SemTypo module, the StyTypo module creates smooth, refined
images. 4) The TexTypo module further enhances the design's aesthetics through
texture rendering, enabling the generation of inventive textured fonts.
Notably, WordArt Designer highlights the fusion of generative AI with artistic
typography. Experience its capabilities on ModelScope:
https://www.modelscope.cn/studios/WordArt/WordArt. | cs.CL | WordArt Designer: User-Driven Artistic Typography Synthesis using Large Language Models |
2023-10-20T12:29:51Z | http://arxiv.org/pdf/2310.13448v1 | http://arxiv.org/abs/2310.13448v1 | Duarte M. Alves, Nuno M. Guerreiro, João Alves, José Pombal, Ricardo Rei, José G. C. de Souza, Pierre Colombo, André F. T. Martins | 2023-10-20T12:29:51Z | cs.CL | Large language models (LLMs) are a promising avenue for machine translation
(MT). However, current LLM-based MT systems are brittle: their effectiveness
highly depends on the choice of few-shot examples and they often require extra
post-processing due to overgeneration. Alternatives such as finetuning on
translation instructions are computationally expensive and may weaken
in-context learning capabilities, due to overspecialization. In this paper, we
provide a closer look at this problem. We start by showing that adapter-based
finetuning with LoRA matches the performance of traditional finetuning while
reducing the number of training parameters by a factor of 50. This method also
outperforms few-shot prompting and eliminates the need for post-processing or
in-context examples. However, we show that finetuning generally degrades
few-shot performance, hindering adaptation capabilities. Finally, to obtain the
best of both worlds, we propose a simple approach that incorporates few-shot
examples during finetuning. Experiments on 10 language pairs show that our
proposed approach recovers the original few-shot capabilities while keeping the
added benefits of finetuning. | cs.CL | Steering Large Language Models for Machine Translation with Finetuning and In-Context Learning |
2023-10-20T12:26:04Z | http://arxiv.org/pdf/2310.13447v2 | http://arxiv.org/abs/2310.13447v2 | Siyu Zhang, Yeming Chen, Sirui Cheng, Yaoru Sun, Jun Yang, Lizhi Bai | 2023-10-25T13:14:40Z | cs.CV, cs.AI, cs.CL | Within the multimodal field, the key to integrating vision and language lies
in establishing a good alignment strategy. Recently, benefiting from the
success of self-supervised learning, significant progress has been made in
multimodal semantic representation based on pre-trained models for vision and
language. However, there is still room for improvement in visual semantic
representation. The lack of spatial semantic coherence and vulnerability to
noise makes it challenging for current pixel or patch-based methods to
accurately extract complex scene boundaries. To this end, this paper develops
superpixel as a comprehensive compact representation of learnable image data,
which effectively reduces the number of visual primitives for subsequent
processing by clustering perceptually similar pixels. To mine more precise
topological relations, we propose a Multiscale Difference Graph Convolutional
Network (MDGCN). It parses the entire image as a fine-to-coarse hierarchical
structure of constituent visual patterns, and captures multiscale features by
progressively merging adjacent superpixels as graph nodes. Moreover, we predict
the differences between adjacent nodes through the graph structure,
facilitating key information aggregation of graph nodes to reason actual
semantic relations. Afterward, we design a multi-level fusion rule in a
bottom-up manner to avoid understanding deviation by learning complementary
spatial information at different regional scales. Our proposed method can be
well applied to multiple downstream task learning. Extensive experiments
demonstrate that our method is competitive with other state-of-the-art methods
in visual reasoning. Our code will be released upon publication. | cs.CV | Multiscale Superpixel Structured Difference Graph Convolutional Network for VL Representation |
2023-10-20T12:01:42Z | http://arxiv.org/pdf/2310.13440v1 | http://arxiv.org/abs/2310.13440v1 | Emi Baylor, Esther Ploeger, Johannes Bjerva | 2023-10-20T12:01:42Z | cs.CL | Typological information has the potential to be beneficial in the development
of NLP models, particularly for low-resource languages. Unfortunately, current
large-scale typological databases, notably WALS and Grambank, are inconsistent
both with each other and with other sources of typological information, such as
linguistic grammars. Some of these inconsistencies stem from coding errors or
linguistic variation, but many of the disagreements are due to the discrete
categorical nature of these databases. We shed light on this issue by
systematically exploring disagreements across typological databases and
resources, and their uses in NLP, covering the past and present. We next
investigate the future of such work, offering an argument that a continuous
view of typological features is clearly beneficial, echoing recommendations
from linguistics. We propose that such a view of typology has significant
potential in the future, including in language modeling in low-resource
scenarios. | cs.CL | The Past, Present, and Future of Typological Databases in NLP |
2023-10-20T11:57:56Z | http://arxiv.org/pdf/2310.13439v1 | http://arxiv.org/abs/2310.13439v1 | Henning Bartsch, Ole Jorgensen, Domenic Rosati, Jason Hoelscher-Obermaier, Jacob Pfau | 2023-10-20T11:57:56Z | cs.CL, cs.AI | Large language models (LLMs) that do not give consistent answers across
contexts are problematic when used for tasks with expectations of consistency,
e.g., question-answering, explanations, etc. Our work presents an evaluation
benchmark for self-consistency in cases of under-specification where two or
more answers can be correct. We conduct a series of behavioral experiments on
the OpenAI model suite using an ambiguous integer sequence completion task. We
find that average consistency ranges from 67\% to 82\%, far higher than would
be predicted if a model's consistency was random, and increases as model
capability improves. Furthermore, we show that models tend to maintain
self-consistency across a series of robustness checks, including prompting
speaker changes and sequence length changes. These results suggest that
self-consistency arises as an emergent capability without specifically training
for it. Despite this, we find that models are uncalibrated when judging their
own consistency, with models displaying both over- and under-confidence. We
also propose a nonparametric test for determining from token output
distribution whether a model assigns non-trivial probability to alternative
answers. Using this test, we find that despite increases in self-consistency,
models usually place significant weight on alternative, inconsistent answers.
This distribution of probability mass provides evidence that even highly
self-consistent models internally compute multiple possible responses. | cs.CL | Self-Consistency of Large Language Models under Ambiguity |
2023-10-20T11:10:14Z | http://arxiv.org/pdf/2310.18331v2 | http://arxiv.org/abs/2310.18331v2 | Jiarun Liu, Wentao Hu, Chunhong Zhang | 2023-10-31T06:25:59Z | cs.CL, cs.AI, cs.LG | Large Language Models (LLMs) have emerged as promising agents for web
navigation tasks, interpreting objectives and interacting with web pages.
However, the efficiency of spliced prompts for such tasks remains
underexplored. We introduces AllTogether, a standardized prompt template that
enhances task context representation, thereby improving LLMs' performance in
HTML-based web navigation. We evaluate the efficacy of this approach through
prompt learning and instruction finetuning based on open-source Llama-2 and
API-accessible GPT models. Our results reveal that models like GPT-4 outperform
smaller models in web navigation tasks. Additionally, we find that the length
of HTML snippet and history trajectory significantly influence performance, and
prior step-by-step instructions prove less effective than real-time
environmental feedback. Overall, we believe our work provides valuable insights
for future research in LLM-driven web agents. | cs.CL | AllTogether: Investigating the Efficacy of Spliced Prompt for Web Navigation using Large Language Models |
2023-10-20T11:06:21Z | http://arxiv.org/pdf/2310.13420v1 | http://arxiv.org/abs/2310.13420v1 | Jihyoung Jang, Minseong Boo, Hyounghun Kim | 2023-10-20T11:06:21Z | cs.CL | In the field of natural language processing, open-domain chatbots have
emerged as an important research topic. However, a major limitation of existing
open-domain chatbot research is its singular focus on short single-session
dialogue, neglecting the potential need for understanding contextual
information in multiple consecutive sessions that precede an ongoing dialogue.
Among the elements that compose the context in multi-session conversation
settings, the time intervals between sessions and the relationships between
speakers would be particularly important. Despite their importance, current
research efforts have not sufficiently addressed these dialogical components.
In this paper, we introduce a new 1M multi-session dialogue dataset, called
Conversation Chronicles, for implementing a long-term conversation setup in
which time intervals and fine-grained speaker relationships are incorporated.
Following recent works, we exploit a large language model to produce the data.
The extensive human evaluation shows that dialogue episodes in Conversation
Chronicles reflect those properties while maintaining coherent and consistent
interactions across all the sessions. We also propose a dialogue model, called
ReBot, which consists of chronological summarization and dialogue generation
modules using only around 630M parameters. When trained on Conversation
Chronicles, ReBot demonstrates long-term context understanding with a high
human engagement score. | cs.CL | Conversation Chronicles: Towards Diverse Temporal and Relational Dynamics in Multi-Session Conversations |
2023-10-20T10:38:28Z | http://arxiv.org/pdf/2310.13411v1 | http://arxiv.org/abs/2310.13411v1 | Shuhan Wu, Huaiyu Wan, Wei Chen, Yuting Wu, Junfeng Shen, Youfang Lin | 2023-10-20T10:38:28Z | cs.CL | Graph neural networks (GNNs) have shown promising performance for knowledge
graph reasoning. A recent variant of GNN called progressive relational graph
neural network (PRGNN), utilizes relational rules to infer missing knowledge in
relational digraphs and achieves notable results. However, during reasoning
with PRGNN, two important properties are often overlooked: (1) the
sequentiality of relation composition, where the order of combining different
relations affects the semantics of the relational rules, and (2) the lagged
entity information propagation, where the transmission speed of required
information lags behind the appearance speed of new entities. Ignoring these
properties leads to incorrect relational rule learning and decreased reasoning
accuracy. To address these issues, we propose a novel knowledge graph reasoning
approach, the Relational rUle eNhanced Graph Neural Network (RUN-GNN).
Specifically, RUN-GNN employs a query related fusion gate unit to model the
sequentiality of relation composition and utilizes a buffering update mechanism
to alleviate the negative effect of lagged entity information propagation,
resulting in higher-quality relational rule learning. Experimental results on
multiple datasets demonstrate the superiority of RUN-GNN is superior on both
transductive and inductive link prediction tasks. | cs.CL | Towards Enhancing Relational Rules for Knowledge Graph Link Prediction |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.