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
|
---|---|---|---|---|---|---|---|---|
2024-05-16T11:01:09Z | http://arxiv.org/pdf/2405.09983v2 | http://arxiv.org/abs/2405.09983v2 | Federico Moiraghi, Matteo Palmonari, Davide Allavena, Federico Morando | 2024-05-30T15:34:10Z | cs.LG, cs.CL | Classifying public tenders is a useful task for both companies that are
invited to participate and for inspecting fraudulent activities. To facilitate
the task for both participants and public administrations, the European Union
presented a common taxonomy (Common Procurement Vocabulary, CPV) which is
mandatory for tenders of certain importance; however, the contracts in which a
CPV label is mandatory are the minority compared to all the Public
Administrations activities. Classifying over a real-world taxonomy introduces
some difficulties that can not be ignored. First of all, some fine-grained
classes have an insufficient (if any) number of observations in the training
set, while other classes are far more frequent (even thousands of times) than
the average. To overcome those difficulties, we present a zero-shot approach,
based on a pre-trained language model that relies only on label description and
respects the label taxonomy. To train our proposed model, we used industrial
data, which comes from contrattipubblici.org, a service by SpazioDati s.r.l.
that collects public contracts stipulated in Italy in the last 25 years.
Results show that the proposed model achieves better performance in classifying
low-frequent classes compared to three different baselines, and is also able to
predict never-seen classes. | cs.LG | Zero-Shot Hierarchical Classification on the Common Procurement Vocabulary Taxonomy |
2024-05-16T10:53:31Z | http://arxiv.org/pdf/2405.09980v1 | http://arxiv.org/abs/2405.09980v1 | Jian Chen, Peilin Zhou, Yining Hua, Yingxin Loh, Kehui Chen, Ziyuan Li, Bing Zhu, Junwei Liang | 2024-05-16T10:53:31Z | cs.CL, cs.AI | Accurate evaluation of financial question answering (QA) systems necessitates
a comprehensive dataset encompassing diverse question types and contexts.
However, current financial QA datasets lack scope diversity and question
complexity. This work introduces FinTextQA, a novel dataset for long-form
question answering (LFQA) in finance. FinTextQA comprises 1,262 high-quality,
source-attributed QA pairs extracted and selected from finance textbooks and
government agency websites.Moreover, we developed a Retrieval-Augmented
Generation (RAG)-based LFQA system, comprising an embedder, retriever,
reranker, and generator. A multi-faceted evaluation approach, including human
ranking, automatic metrics, and GPT-4 scoring, was employed to benchmark the
performance of different LFQA system configurations under heightened noisy
conditions. The results indicate that: (1) Among all compared generators,
Baichuan2-7B competes closely with GPT-3.5-turbo in accuracy score; (2) The
most effective system configuration on our dataset involved setting the
embedder, retriever, reranker, and generator as Ada2, Automated Merged
Retrieval, Bge-Reranker-Base, and Baichuan2-7B, respectively; (3) models are
less susceptible to noise after the length of contexts reaching a specific
threshold. | cs.CL | FinTextQA: A Dataset for Long-form Financial Question Answering |
2024-05-16T10:45:43Z | http://arxiv.org/pdf/2405.13031v1 | http://arxiv.org/abs/2405.13031v1 | Jeremie Pantin, Christophe Marsala | 2024-05-16T10:45:43Z | cs.CL, cs.LG | In this work, a robust autoencoder ensemble-based approach designed to
address anomaly detection in text corpora is introduced. Each autoencoder
within the ensemble incorporates a local robust subspace recovery projection of
the original data in its encoding embedding, leveraging the geometric
properties of the k-nearest neighbors to optimize subspace recovery and
identify anomalous patterns in textual data. The evaluation of such an approach
needs an experimental setting dedicated to the context of textual anomaly
detection. Thus, beforehand, a comprehensive real-world taxonomy is introduced
to distinguish between independent anomalies and contextual anomalies. Such a
study to identify clearly the kinds of anomalies appearing in a textual context
aims at addressing a critical gap in the existing literature. Then, extensive
experiments on classical text corpora have been conducted and their results are
presented that highlights the efficiency, both in robustness and in
performance, of the robust autoencoder ensemble-based approach when detecting
both independent and contextual anomalies. Diverse range of tasks, including
classification, sentiment analysis, and spam detection, across eight different
corpora, have been studied in these experiments. | cs.CL | A Robust Autoencoder Ensemble-Based Approach for Anomaly Detection in Text |
2024-05-16T10:14:00Z | http://arxiv.org/pdf/2405.19343v1 | http://arxiv.org/abs/2405.19343v1 | Andrew Katumba, Sudi Murindanyi, John Trevor Kasule, Elvis Mugume | 2024-05-16T10:14:00Z | cs.SD, cs.AI, cs.CL, eess.AS | The advent of Internet of Things (IoT) technology has generated massive
interest in voice-controlled smart homes. While many voice-controlled smart
home systems are designed to understand and support widely spoken languages
like English, speakers of low-resource languages like Luganda may need more
support. This research project aimed to develop a Luganda speech intent
classification system for IoT applications to integrate local languages into
smart home environments. The project uses hardware components such as Raspberry
Pi, Wio Terminal, and ESP32 nodes as microcontrollers. The Raspberry Pi
processes Luganda voice commands, the Wio Terminal is a display device, and the
ESP32 nodes control the IoT devices. The ultimate objective of this work was to
enable voice control using Luganda, which was accomplished through a natural
language processing (NLP) model deployed on the Raspberry Pi. The NLP model
utilized Mel Frequency Cepstral Coefficients (MFCCs) as acoustic features and a
Convolutional Neural Network (Conv2D) architecture for speech intent
classification. A dataset of Luganda voice commands was curated for this
purpose and this has been made open-source. This work addresses the
localization challenges and linguistic diversity in IoT applications by
incorporating Luganda voice commands, enabling users to interact with smart
home devices without English proficiency, especially in regions where local
languages are predominant. | cs.SD | Luganda Speech Intent Recognition for IoT Applications |
2024-05-16T09:52:21Z | http://arxiv.org/pdf/2405.09948v1 | http://arxiv.org/abs/2405.09948v1 | Milan Bhan, Jean-Noel Vittaut, Nina Achache, Victor Legrand, Nicolas Chesneau, Annabelle Blangero, Juliette Murris, Marie-Jeanne Lesot | 2024-05-16T09:52:21Z | cs.CL | Toxicity mitigation consists in rephrasing text in order to remove offensive
or harmful meaning. Neural natural language processing (NLP) models have been
widely used to target and mitigate textual toxicity. However, existing methods
fail to detoxify text while preserving the initial non-toxic meaning at the
same time. In this work, we propose to apply counterfactual generation methods
from the eXplainable AI (XAI) field to target and mitigate textual toxicity. In
particular, we perform text detoxification by applying local feature importance
and counterfactual generation methods to a toxicity classifier distinguishing
between toxic and non-toxic texts. We carry out text detoxification through
counterfactual generation on three datasets and compare our approach to three
competitors. Automatic and human evaluations show that recently developed NLP
counterfactual generators can mitigate toxicity accurately while better
preserving the meaning of the initial text as compared to classical
detoxification methods. Finally, we take a step back from using automated
detoxification tools, and discuss how to manage the polysemous nature of
toxicity and the risk of malicious use of detoxification tools. This work is
the first to bridge the gap between counterfactual generation and text
detoxification and paves the way towards more practical application of XAI
methods. | cs.CL | Mitigating Text Toxicity with Counterfactual Generation |
2024-05-16T09:42:37Z | http://arxiv.org/pdf/2405.09939v1 | http://arxiv.org/abs/2405.09939v1 | Yuwei Wan, Aswathy Ajith, Yixuan Liu, Ke Lu, Clara Grazian, Bram Hoex, Wenjie Zhang, Chunyu Kit, Tong Xie, Ian Foster | 2024-05-16T09:42:37Z | cs.CL, cs.AI | The use of question-answer (QA) pairs for training and evaluating large
language models (LLMs) has attracted considerable attention. Yet few available
QA datasets are based on knowledge from the scientific literature. Here we
bridge this gap by presenting Automatic Generation of Scientific Question
Answers (SciQAG), a framework for automatic generation and evaluation of
scientific QA pairs sourced from published scientific literature. We fine-tune
an open-source LLM to generate \num{960000} scientific QA pairs from full-text
scientific papers and propose a five-dimensional metric to evaluate the quality
of the generated QA pairs. We show via LLM-based evaluation that the generated
QA pairs consistently achieve an average score of 2.5 out of 3 across five
dimensions, indicating that our framework can distill key knowledge from papers
into high-quality QA pairs at scale. We make the dataset, models, and
evaluation codes publicly available. | cs.CL | SciQAG: A Framework for Auto-Generated Scientific Question Answering Dataset with Fine-grained Evaluation |
2024-05-16T09:41:12Z | http://arxiv.org/pdf/2405.09935v2 | http://arxiv.org/abs/2405.09935v2 | Alex Kim, Keonwoo Kim, Sangwon Yoon | 2024-05-24T01:06:41Z | cs.CL, cs.AI | As natural language generation (NLG) models have become prevalent,
systematically assessing the quality of machine-generated texts has become
increasingly important. Recent studies introduce LLM-based evaluators that
operate as reference-free metrics, demonstrating their capability to adeptly
handle novel tasks. However, these models generally rely on a single-agent
approach, which, we argue, introduces an inherent limit to their performance.
This is because there exist biases in LLM agent's responses, including
preferences for certain text structure or content. In this work, we propose
DEBATE, an NLG evaluation framework based on multi-agent scoring system
augmented with a concept of Devil's Advocate. Within the framework, one agent
is instructed to criticize other agents' arguments, potentially resolving the
bias in LLM agent's answers. DEBATE substantially outperforms the previous
state-of-the-art methods in two meta-evaluation benchmarks in NLG evaluation,
SummEval and TopicalChat. We also show that the extensiveness of debates among
agents and the persona of an agent can influence the performance of evaluators. | cs.CL | DEBATE: Devil's Advocate-Based Assessment and Text Evaluation |
2024-05-16T09:08:09Z | http://arxiv.org/pdf/2405.09913v1 | http://arxiv.org/abs/2405.09913v1 | Yihong Liu, Chunlan Ma, Haotian Ye, Hinrich Schütze | 2024-05-16T09:08:09Z | cs.CL | Transliterating related languages that use different scripts into a common
script shows effectiveness in improving crosslingual transfer in downstream
tasks. However, this methodology often makes pretraining a model from scratch
unavoidable, as transliteration brings about new subwords not covered in
existing multilingual pretrained language models (mPLMs). This is not desired
because it takes a lot of computation budget for pretraining. A more promising
way is to make full use of available mPLMs. To this end, this paper proposes a
simple but effective framework: Transliterate-Merge-Initialize (TransMI), which
can create a strong baseline well-suited for data that is transliterated into a
common script by exploiting an mPLM and its accompanied tokenizer. TransMI has
three stages: (a) transliterate the vocabulary of an mPLM into a common script;
(b) merge the new vocabulary with the original vocabulary; and (c) initialize
the embeddings of the new subwords. We applied TransMI to three recent strong
mPLMs, and our experiments demonstrate that TransMI not only preserves their
ability to handle non-transliterated data, but also enables the models to
effectively process transliterated data: the results show a consistent
improvement of 3% to 34%, varying across different models and tasks. We make
our code and models publicly available at
\url{https://github.com/cisnlp/TransMI}. | cs.CL | TransMI: A Framework to Create Strong Baselines from Multilingual Pretrained Language Models for Transliterated Data |
2024-05-16T08:29:00Z | http://arxiv.org/pdf/2405.13030v1 | http://arxiv.org/abs/2405.13030v1 | P. Barai, G. Leroy, P. Bisht, J. M. Rothman, S. Lee, J. Andrews, S. A. Rice, A. Ahmed | 2024-05-16T08:29:00Z | cs.CL, cs.AI | Large Language Models (LLMs) have demonstrated immense potential in
artificial intelligence across various domains, including healthcare. However,
their efficacy is hindered by the need for high-quality labeled data, which is
often expensive and time-consuming to create, particularly in low-resource
domains like healthcare. To address these challenges, we propose a
crowdsourcing (CS) framework enriched with quality control measures at the
pre-, real-time-, and post-data gathering stages. Our study evaluated the
effectiveness of enhancing data quality through its impact on LLMs (Bio-BERT)
for predicting autism-related symptoms. The results show that real-time quality
control improves data quality by 19 percent compared to pre-quality control.
Fine-tuning Bio-BERT using crowdsourced data generally increased recall
compared to the Bio-BERT baseline but lowered precision. Our findings
highlighted the potential of crowdsourcing and quality control in
resource-constrained environments and offered insights into optimizing
healthcare LLMs for informed decision-making and improved patient care. | cs.CL | Crowdsourcing with Enhanced Data Quality Assurance: An Efficient Approach to Mitigate Resource Scarcity Challenges in Training Large Language Models for Healthcare |
2024-05-16T08:19:11Z | http://arxiv.org/pdf/2405.09893v1 | http://arxiv.org/abs/2405.09893v1 | Rabii Younès, Cook Michael | 2024-05-16T08:19:11Z | cs.AI, cs.CL | A game's theme is an important part of its design -- it conveys narrative
information, rhetorical messages, helps the player intuit strategies, aids in
tutorialisation and more. Thematic elements of games are notoriously difficult
for AI systems to understand and manipulate, however, and often rely on large
amounts of hand-written interpretations and knowledge. In this paper we present
a technique which connects game embeddings, a recent method for modelling game
dynamics from log data, and word embeddings, which models semantic information
about language. We explain two different approaches for using game embeddings
in this way, and show evidence that game embeddings enhance the linguistic
translations of game concepts from one theme to another, opening up exciting
new possibilities for reasoning about the thematic elements of games in the
future. | cs.AI | "Hunt Takes Hare": Theming Games Through Game-Word Vector Translation |
2024-05-16T08:11:08Z | http://arxiv.org/pdf/2405.10989v1 | http://arxiv.org/abs/2405.10989v1 | Ruizhe Chen, Tianxiang Hu, Yang Feng, Zuozhu Liu | 2024-05-16T08:11:08Z | cs.LG, cs.AI, cs.CL, cs.CR | Concerns regarding Large Language Models (LLMs) to memorize and disclose
private information, particularly Personally Identifiable Information (PII),
become prominent within the community. Many efforts have been made to mitigate
the privacy risks. However, the mechanism through which LLMs memorize PII
remains poorly understood. To bridge this gap, we introduce a pioneering method
for pinpointing PII-sensitive neurons (privacy neurons) within LLMs. Our method
employs learnable binary weight masks to localize specific neurons that account
for the memorization of PII in LLMs through adversarial training. Our
investigations discover that PII is memorized by a small subset of neurons
across all layers, which shows the property of PII specificity. Furthermore, we
propose to validate the potential in PII risk mitigation by deactivating the
localized privacy neurons. Both quantitative and qualitative experiments
demonstrate the effectiveness of our neuron localization algorithm. | cs.LG | Learnable Privacy Neurons Localization in Language Models |
2024-05-16T07:25:10Z | http://arxiv.org/pdf/2405.09857v1 | http://arxiv.org/abs/2405.09857v1 | Dawei Feng, Yihai Zhang, Zhixuan Xu | 2024-05-16T07:25:10Z | cs.CL, cs.AI | Pretrained Large Language Models (LLM) such as ChatGPT, Claude, etc. have
demonstrated strong capabilities in various fields of natural language
generation. However, there are still many problems when using LLM in
specialized domain-specific fields. When using generative AI to process
downstream tasks, a common approach is to add new knowledge (e.g., private
domain knowledge, cutting-edge information) to a pretrained model through
continued training or fine-tuning. However, whether there is a universal
paradigm for domain adaptation training is still an open question. In this
article, we proposed Information Gain Optimized Tokenizer (IGOT), which
analyzes the special token set of downstream tasks, constructs a new subset
using heuristic function $\phi$ with the special token and its information
gain, to build new domain-specific tokenizer, and continues pretraining on the
downstream task data. We explored the many positive effects of this method's
customized tokenizer on domain-adaptive pretraining and verified this method
can perform better than the ordinary method of just collecting data and
fine-tuning. Based on our experiment, the continued pretraining process of IGOT
with LLaMA-7B achieved 11.9\% token saving, 12.2\% training time saving, and
5.8\% maximum GPU VRAM usage saving, combined with the T5 model, we can even
reach a 31.5\% of training time saving, making porting general generative AI to
specific domains more effective than before. In domain-specific tasks,
supervised $IGOT_\tau$ shows great performance on reducing both the convergence
radius and convergence point during keep pretraining. | cs.CL | IGOT: Information Gain Optimized Tokenizer on Domain Adaptive Pretraining |
2024-05-16T07:14:13Z | http://arxiv.org/pdf/2405.09854v1 | http://arxiv.org/abs/2405.09854v1 | Aditya Joshi, Jake Renzella, Pushpak Bhattacharyya, Saurav Jha, Xiangyu Zhang | 2024-05-16T07:14:13Z | cs.CL | While neural approaches using deep learning are the state-of-the-art for
natural language processing (NLP) today, pre-neural algorithms and approaches
still find a place in NLP textbooks and courses of recent years. In this paper,
we compare two introductory NLP courses taught in Australia and India, and
examine how Transformer and pre-neural approaches are balanced within the
lecture plan and assessments of the courses. We also draw parallels with the
objects-first and objects-later debate in CS1 education. We observe that
pre-neural approaches add value to student learning by building an intuitive
understanding of NLP problems, potential solutions and even Transformer-based
models themselves. Despite pre-neural approaches not being state-of-the-art,
the paper makes a case for their inclusion in NLP courses today. | cs.CL | On the relevance of pre-neural approaches in natural language processing pedagogy |
2024-05-16T06:55:11Z | http://arxiv.org/pdf/2405.09848v1 | http://arxiv.org/abs/2405.09848v1 | Guangmin Zheng, Jin Wang, Xiaobing Zhou, Xuejie Zhang | 2024-05-16T06:55:11Z | cs.CL, cs.AI | Chain of thought (CoT) has proven useful for problems requiring complex
reasoning. Many of these problems are both textual and multimodal. Given the
inputs in different modalities, a model generates a rationale and then uses it
to answer a question. Because of the hallucination issue, the generated soft
negative rationales with high textual quality but illogical semantics do not
always help improve answer accuracy. This study proposes a rationale generation
method using soft negative sampling (SNSE-CoT) to mitigate hallucinations in
multimodal CoT. Five methods were applied to generate soft negative samples
that shared highly similar text but had different semantics from the original.
Bidirectional margin loss (BML) was applied to introduce them into the
traditional contrastive learning framework that involves only positive and
negative samples. Extensive experiments on the ScienceQA dataset demonstrated
the effectiveness of the proposed method. Code and data are released at
https://github.com/zgMin/SNSE-CoT. | cs.CL | Enhancing Semantics in Multimodal Chain of Thought via Soft Negative Sampling |
2024-05-16T06:24:31Z | http://arxiv.org/pdf/2405.13028v1 | http://arxiv.org/abs/2405.13028v1 | Xiang Luo, Zhiwen Tang, Jin Wang, Xuejie Zhang | 2024-05-16T06:24:31Z | cs.CL, cs.AI | User Simulators play a pivotal role in training and evaluating task-oriented
dialogue systems. Traditional user simulators typically rely on
human-engineered agendas, resulting in generated responses that often lack
diversity and spontaneity. Although large language models (LLMs) exhibit a
remarkable capacity for generating coherent and contextually appropriate
utterances, they may fall short when tasked with generating responses that
effectively guide users towards their goals, particularly in dialogues with
intricate constraints and requirements. This paper introduces DuetSim, a novel
framework designed to address the intricate demands of task-oriented dialogues
by leveraging LLMs. DuetSim stands apart from conventional approaches by
employing two LLMs in tandem: one dedicated to response generation and the
other focused on verification. This dual LLM approach empowers DuetSim to
produce responses that not only exhibit diversity but also demonstrate accuracy
and are preferred by human users. We validate the efficacy of our method
through extensive experiments conducted on the MultiWOZ dataset, highlighting
improvements in response quality and correctness, largely attributed to the
incorporation of the second LLM. Our code is accessible at:
https://github.com/suntea233/DuetSim. | cs.CL | DuetSim: Building User Simulator with Dual Large Language Models for Task-Oriented Dialogues |
2024-05-16T05:23:41Z | http://arxiv.org/pdf/2405.09818v1 | http://arxiv.org/abs/2405.09818v1 | Chameleon Team | 2024-05-16T05:23:41Z | cs.CL | We present Chameleon, a family of early-fusion token-based mixed-modal models
capable of understanding and generating images and text in any arbitrary
sequence. We outline a stable training approach from inception, an alignment
recipe, and an architectural parameterization tailored for the early-fusion,
token-based, mixed-modal setting. The models are evaluated on a comprehensive
range of tasks, including visual question answering, image captioning, text
generation, image generation, and long-form mixed modal generation. Chameleon
demonstrates broad and general capabilities, including state-of-the-art
performance in image captioning tasks, outperforms Llama-2 in text-only tasks
while being competitive with models such as Mixtral 8x7B and Gemini-Pro, and
performs non-trivial image generation, all in a single model. It also matches
or exceeds the performance of much larger models, including Gemini Pro and
GPT-4V, according to human judgments on a new long-form mixed-modal generation
evaluation, where either the prompt or outputs contain mixed sequences of both
images and text. Chameleon marks a significant step forward in a unified
modeling of full multimodal documents. | cs.CL | Chameleon: Mixed-Modal Early-Fusion Foundation Models |
2024-05-16T04:28:44Z | http://arxiv.org/pdf/2405.09806v1 | http://arxiv.org/abs/2405.09806v1 | Joseph Cho, Cyril Zakka, Rohan Shad, Ross Wightman, Akshay Chaudhari, William Hiesinger | 2024-05-16T04:28:44Z | cs.CV, cs.AI, cs.CL, cs.LG | Diffusion models have recently gained significant traction due to their
ability to generate high-fidelity and diverse images and videos conditioned on
text prompts. In medicine, this application promises to address the critical
challenge of data scarcity, a consequence of barriers in data sharing,
stringent patient privacy regulations, and disparities in patient population
and demographics. By generating realistic and varying medical 2D and 3D images,
these models offer a rich, privacy-respecting resource for algorithmic training
and research. To this end, we introduce MediSyn, a pair of instruction-tuned
text-guided latent diffusion models with the ability to generate high-fidelity
and diverse medical 2D and 3D images across specialties and modalities. Through
established metrics, we show significant improvement in broad medical image and
video synthesis guided by text prompts. | cs.CV | MediSyn: Text-Guided Diffusion Models for Broad Medical 2D and 3D Image Synthesis |
2024-05-16T04:25:53Z | http://arxiv.org/pdf/2405.09805v2 | http://arxiv.org/abs/2405.09805v2 | Abdulrahman Alabdulkareem, Christian M Arnold, Yerim Lee, Pieter M Feenstra, Boris Katz, Andrei Barbu | 2024-06-13T16:54:51Z | cs.CL, cs.CR | Traditional security mechanisms isolate resources from users who should not
access them. We reflect the compositional nature of such security mechanisms
back into the structure of LLMs to build a provably secure LLM; that we term
SecureLLM. Other approaches to LLM safety attempt to protect against bad actors
or bad outcomes, but can only do so to an extent making them inappropriate for
sensitive data. SecureLLM blends access security with fine-tuning methods. Each
data silo has associated with it a separate fine-tuning and a user has access
only to the collection of fine-tunings that they have permission for. The model
must then perform on compositional tasks at the intersection of those data
silos with the combination of those individual fine-tunings. While applicable
to any task like document QA or making API calls, in this work we concern
ourselves with models that learn the layouts of new SQL databases to provide
natural-language-to-SQL translation capabilities. Existing fine-tuning
composition methods fail in this challenging environment, as they are not
well-equipped for handling compositional tasks. Compositionality remains a
challenge for LLMs. We contribute both a difficult new compositional
natural-language-to-SQL translation task and a new perspective on LLM security
that allows models to be deployed to secure environments today. | cs.CL | SecureLLM: Using Compositionality to Build Provably Secure Language Models for Private, Sensitive, and Secret Data |
2024-05-16T04:02:43Z | http://arxiv.org/pdf/2405.09798v1 | http://arxiv.org/abs/2405.09798v1 | Yixing Jiang, Jeremy Irvin, Ji Hun Wang, Muhammad Ahmed Chaudhry, Jonathan H. Chen, Andrew Y. Ng | 2024-05-16T04:02:43Z | cs.LG, cs.AI, cs.CL, cs.CV | Large language models are well-known to be effective at few-shot in-context
learning (ICL). Recent advancements in multimodal foundation models have
enabled unprecedentedly long context windows, presenting an opportunity to
explore their capability to perform ICL with many more demonstrating examples.
In this work, we evaluate the performance of multimodal foundation models
scaling from few-shot to many-shot ICL. We benchmark GPT-4o and Gemini 1.5 Pro
across 10 datasets spanning multiple domains (natural imagery, medical imagery,
remote sensing, and molecular imagery) and tasks (multi-class, multi-label, and
fine-grained classification). We observe that many-shot ICL, including up to
almost 2,000 multimodal demonstrating examples, leads to substantial
improvements compared to few-shot (<100 examples) ICL across all of the
datasets. Further, Gemini 1.5 Pro performance continues to improve log-linearly
up to the maximum number of tested examples on many datasets. Given the high
inference costs associated with the long prompts required for many-shot ICL, we
also explore the impact of batching multiple queries in a single API call. We
show that batching up to 50 queries can lead to performance improvements under
zero-shot and many-shot ICL, with substantial gains in the zero-shot setting on
multiple datasets, while drastically reducing per-query cost and latency.
Finally, we measure ICL data efficiency of the models, or the rate at which the
models learn from more demonstrating examples. We find that while GPT-4o and
Gemini 1.5 Pro achieve similar zero-shot performance across the datasets,
Gemini 1.5 Pro exhibits higher ICL data efficiency than GPT-4o on most
datasets. Our results suggest that many-shot ICL could enable users to
efficiently adapt multimodal foundation models to new applications and domains.
Our codebase is publicly available at
https://github.com/stanfordmlgroup/ManyICL . | cs.LG | Many-Shot In-Context Learning in Multimodal Foundation Models |
2024-05-16T02:21:13Z | http://arxiv.org/pdf/2405.09770v1 | http://arxiv.org/abs/2405.09770v1 | Tong Zhan, Chenxi Shi, Yadong Shi, Huixiang Li, Yiyu Lin | 2024-05-16T02:21:13Z | cs.CL, cs.AI | With the rapid development of natural language processing (NLP) technology,
large-scale pre-trained language models such as GPT-3 have become a popular
research object in NLP field. This paper aims to explore sentiment analysis
optimization techniques based on large pre-trained language models such as
GPT-3 to improve model performance and effect and further promote the
development of natural language processing (NLP). By introducing the importance
of sentiment analysis and the limitations of traditional methods, GPT-3 and
Fine-tuning techniques are introduced in this paper, and their applications in
sentiment analysis are explained in detail. The experimental results show that
the Fine-tuning technique can optimize GPT-3 model and obtain good performance
in sentiment analysis task. This study provides an important reference for
future sentiment analysis using large-scale language models. | cs.CL | Optimization Techniques for Sentiment Analysis Based on LLM (GPT-3) |
2024-05-16T02:11:03Z | http://arxiv.org/pdf/2405.09765v1 | http://arxiv.org/abs/2405.09765v1 | Seongmin Park, Kyungho Kim, Jaejin Seo, Jihwa Lee | 2024-05-16T02:11:03Z | cs.CL, cs.AI | We present HyperSum, an extractive summarization framework that captures both
the efficiency of traditional lexical summarization and the accuracy of
contemporary neural approaches. HyperSum exploits the pseudo-orthogonality that
emerges when randomly initializing vectors at extremely high dimensions
("blessing of dimensionality") to construct representative and efficient
sentence embeddings. Simply clustering the obtained embeddings and extracting
their medoids yields competitive summaries. HyperSum often outperforms
state-of-the-art summarizers -- in terms of both summary accuracy and
faithfulness -- while being 10 to 100 times faster. We open-source HyperSum as
a strong baseline for unsupervised extractive summarization. | cs.CL | Unsupervised Extractive Dialogue Summarization in Hyperdimensional Space |
2024-05-16T01:33:09Z | http://arxiv.org/pdf/2405.13026v1 | http://arxiv.org/abs/2405.13026v1 | Amber Xie, Chin-Yi Cheng, Forrest Huang, Yang Li | 2024-05-16T01:33:09Z | cs.CL, cs.AI | Learning from human feedback has shown success in aligning large, pretrained
models with human values. Prior works have mostly focused on learning from
high-level labels, such as preferences between pairs of model outputs. On the
other hand, many domains could benefit from more involved, detailed feedback,
such as revisions, explanations, and reasoning of human users. Our work
proposes using nuanced feedback through the form of human revisions for
stronger alignment. In this paper, we ask expert designers to fix layouts
generated from a generative layout model that is pretrained on a large-scale
dataset of mobile screens. Then, we train a reward model based on how human
designers revise these generated layouts. With the learned reward model, we
optimize our model with reinforcement learning from human feedback (RLHF). Our
method, Revision-Aware Reward Models ($\method$), allows a generative
text-to-layout model to produce more modern, designer-aligned layouts, showing
the potential for utilizing human revisions and stronger forms of feedback in
improving generative models. | cs.CL | Leveraging Human Revisions for Improving Text-to-Layout Models |
2024-05-16T01:02:09Z | http://arxiv.org/pdf/2405.09744v1 | http://arxiv.org/abs/2405.09744v1 | Ruolin Su, Biing-Hwang Juang | 2024-05-16T01:02:09Z | cs.CL, cs.AI | Task-oriented dialogue systems are broadly used in virtual assistants and
other automated services, providing interfaces between users and machines to
facilitate specific tasks. Nowadays, task-oriented dialogue systems have
greatly benefited from pre-trained language models (PLMs). However, their
task-solving performance is constrained by the inherent capacities of PLMs, and
scaling these models is expensive and complex as the model size becomes larger.
To address these challenges, we propose Soft Mixture-of-Expert Task-Oriented
Dialogue system (SMETOD) which leverages an ensemble of Mixture-of-Experts
(MoEs) to excel at subproblems and generate specialized outputs for
task-oriented dialogues. SMETOD also scales up a task-oriented dialogue system
with simplicity and flexibility while maintaining inference efficiency. We
extensively evaluate our model on three benchmark functionalities: intent
prediction, dialogue state tracking, and dialogue response generation.
Experimental results demonstrate that SMETOD achieves state-of-the-art
performance on most evaluated metrics. Moreover, comparisons against existing
strong baselines show that SMETOD has a great advantage in the cost of
inference and correctness in problem-solving. | cs.CL | Many Hands Make Light Work: Task-Oriented Dialogue System with Module-Based Mixture-of-Experts |
2024-05-16T00:06:36Z | http://arxiv.org/pdf/2405.09735v2 | http://arxiv.org/abs/2405.09735v2 | Evi Judge, Reece Suchocki, Konner Syed | 2024-05-17T02:24:49Z | cs.CL | Discourse relation classification is an especially difficult task without
explicit context markers (Prasad et al., 2008). Current approaches to implicit
relation prediction solely rely on two neighboring sentences being targeted,
ignoring the broader context of their surrounding environments (Atwell et al.,
2021). In this research, we propose three new methods in which to incorporate
context in the task of sentence relation prediction: (1) Direct Neighbors
(DNs), (2) Expanded Window Neighbors (EWNs), and (3) Part-Smart Random
Neighbors (PSRNs). Our findings indicate that the inclusion of context beyond
one discourse unit is harmful in the task of discourse relation classification. | cs.CL | An Analysis of Sentential Neighbors in Implicit Discourse Relation Prediction |
2024-05-15T23:52:19Z | http://arxiv.org/pdf/2405.09733v2 | http://arxiv.org/abs/2405.09733v2 | Reece Suchocki, Mary Martin, Martha Palmer, Susan Brown | 2024-05-17T02:29:06Z | cs.CL | To understand the complexity of global events, one must navigate a web of
interwoven sub-events, identifying those most impactful elements within the
larger, abstract macro-event framework at play. This concept can be extended to
the field of natural language processing (NLP) through the creation of
structured event schemas which can serve as representations of these abstract
events. Central to our approach is the Schema Curation Interface 3.0 (SCI 3.0),
a web application that facilitates real-time editing of event schema properties
within a generated graph e.g., adding, removing, or editing sub-events,
entities, and relations directly through an interface. | cs.CL | SCI 3.0: A Web-based Schema Curation Interface for Graphical Event Representations |
2024-05-15T23:25:19Z | http://arxiv.org/pdf/2405.13025v2 | http://arxiv.org/abs/2405.13025v2 | Qingyang Ren, Zilin Jiang, Jinghan Cao, Sijia Li, Chiqu Li, Yiyang Liu, Shuning Huo, Tiange He, Yuan Chen | 2024-06-21T21:26:03Z | cs.CL, cs.AI, cs.CY | This survey explores the fairness of large language models (LLMs) in
e-commerce, examining their progress, applications, and the challenges they
face. LLMs have become pivotal in the e-commerce domain, offering innovative
solutions and enhancing customer experiences. This work presents a
comprehensive survey on the applications and challenges of LLMs in e-commerce.
The paper begins by introducing the key principles underlying the use of LLMs
in e-commerce, detailing the processes of pretraining, fine-tuning, and
prompting that tailor these models to specific needs. It then explores the
varied applications of LLMs in e-commerce, including product reviews, where
they synthesize and analyze customer feedback; product recommendations, where
they leverage consumer data to suggest relevant items; product information
translation, enhancing global accessibility; and product question and answer
sections, where they automate customer support. The paper critically addresses
the fairness challenges in e-commerce, highlighting how biases in training data
and algorithms can lead to unfair outcomes, such as reinforcing stereotypes or
discriminating against certain groups. These issues not only undermine consumer
trust, but also raise ethical and legal concerns. Finally, the work outlines
future research directions, emphasizing the need for more equitable and
transparent LLMs in e-commerce. It advocates for ongoing efforts to mitigate
biases and improve the fairness of these systems, ensuring they serve diverse
global markets effectively and ethically. Through this comprehensive analysis,
the survey provides a holistic view of the current landscape of LLMs in
e-commerce, offering insights into their potential and limitations, and guiding
future endeavors in creating fairer and more inclusive e-commerce environments. | cs.CL | A survey on fairness of large language models in e-commerce: progress, application, and challenge |
2024-05-15T22:28:23Z | http://arxiv.org/pdf/2405.09719v2 | http://arxiv.org/abs/2405.09719v2 | Yifu Qiu, Zheng Zhao, Yftah Ziser, Anna Korhonen, Edoardo M. Ponti, Shay B. Cohen | 2024-05-25T16:08:23Z | cs.CL, cs.AI, cs.LG | Large language models (LLMs) often exhibit undesirable behaviours, such as
generating untruthful or biased content. Editing their internal representations
has been shown to be effective in mitigating such behaviours on top of the
existing alignment methods. We propose a novel inference-time editing method,
namely spectral editing of activations (SEA), to project the input
representations into directions with maximal covariance with the positive
demonstrations (e.g., truthful) while minimising covariance with the negative
demonstrations (e.g., hallucinated). We also extend our method to non-linear
editing using feature functions. We run extensive experiments on benchmarks
concerning truthfulness and bias with six open-source LLMs of different sizes
and model families. The results demonstrate the superiority of SEA in
effectiveness, generalisation to similar tasks, as well as computation and data
efficiency. We also show that SEA editing only has a limited negative impact on
other model capabilities. | cs.CL | Spectral Editing of Activations for Large Language Model Alignment |
2024-05-15T21:55:31Z | http://arxiv.org/pdf/2405.09713v2 | http://arxiv.org/abs/2405.09713v2 | Andong Wang, Bo Wu, Sunli Chen, Zhenfang Chen, Haotian Guan, Wei-Ning Lee, Li Erran Li, Chuang Gan | 2024-05-17T02:18:16Z | cs.CV, cs.AI, cs.CL | Learning commonsense reasoning from visual contexts and scenes in real-world
is a crucial step toward advanced artificial intelligence. However, existing
video reasoning benchmarks are still inadequate since they were mainly designed
for factual or situated reasoning and rarely involve broader knowledge in the
real world. Our work aims to delve deeper into reasoning evaluations,
specifically within dynamic, open-world, and structured context knowledge. We
propose a new benchmark (SOK-Bench), consisting of 44K questions and 10K
situations with instance-level annotations depicted in the videos. The
reasoning process is required to understand and apply situated knowledge and
general knowledge for problem-solving. To create such a dataset, we propose an
automatic and scalable generation method to generate question-answer pairs,
knowledge graphs, and rationales by instructing the combinations of LLMs and
MLLMs. Concretely, we first extract observable situated entities, relations,
and processes from videos for situated knowledge and then extend to open-world
knowledge beyond the visible content. The task generation is facilitated
through multiple dialogues as iterations and subsequently corrected and refined
by our designed self-promptings and demonstrations. With a corpus of both
explicit situated facts and implicit commonsense, we generate associated
question-answer pairs and reasoning processes, finally followed by manual
reviews for quality assurance. We evaluated recent mainstream large
vision-language models on the benchmark and found several insightful
conclusions. For more information, please refer to our benchmark at
www.bobbywu.com/SOKBench. | cs.CV | SOK-Bench: A Situated Video Reasoning Benchmark with Aligned Open-World Knowledge |
2024-05-15T21:53:54Z | http://arxiv.org/pdf/2405.09711v1 | http://arxiv.org/abs/2405.09711v1 | Bo Wu, Shoubin Yu, Zhenfang Chen, Joshua B Tenenbaum, Chuang Gan | 2024-05-15T21:53:54Z | cs.AI, cs.CL, cs.CV | Reasoning in the real world is not divorced from situations. How to capture
the present knowledge from surrounding situations and perform reasoning
accordingly is crucial and challenging for machine intelligence. This paper
introduces a new benchmark that evaluates the situated reasoning ability via
situation abstraction and logic-grounded question answering for real-world
videos, called Situated Reasoning in Real-World Videos (STAR Benchmark). This
benchmark is built upon the real-world videos associated with human actions or
interactions, which are naturally dynamic, compositional, and logical. The
dataset includes four types of questions, including interaction, sequence,
prediction, and feasibility. We represent the situations in real-world videos
by hyper-graphs connecting extracted atomic entities and relations (e.g.,
actions, persons, objects, and relationships). Besides visual perception,
situated reasoning also requires structured situation comprehension and logical
reasoning. Questions and answers are procedurally generated. The answering
logic of each question is represented by a functional program based on a
situation hyper-graph. We compare various existing video reasoning models and
find that they all struggle on this challenging situated reasoning task. We
further propose a diagnostic neuro-symbolic model that can disentangle visual
perception, situation abstraction, language understanding, and functional
reasoning to understand the challenges of this benchmark. | cs.AI | STAR: A Benchmark for Situated Reasoning in Real-World Videos |
2024-05-15T19:44:54Z | http://arxiv.org/pdf/2405.09679v1 | http://arxiv.org/abs/2405.09679v1 | Julia Barnett, Kimon Kieslich, Nicholas Diakopoulos | 2024-05-15T19:44:54Z | cs.CL, cs.AI | The rapid advancement of AI technologies yields numerous future impacts on
individuals and society. Policy-makers are therefore tasked to react quickly
and establish policies that mitigate those impacts. However, anticipating the
effectiveness of policies is a difficult task, as some impacts might only be
observable in the future and respective policies might not be applicable to the
future development of AI. In this work we develop a method for using large
language models (LLMs) to evaluate the efficacy of a given piece of policy at
mitigating specified negative impacts. We do so by using GPT-4 to generate
scenarios both pre- and post-introduction of policy and translating these vivid
stories into metrics based on human perceptions of impacts. We leverage an
already established taxonomy of impacts of generative AI in the media
environment to generate a set of scenario pairs both mitigated and
non-mitigated by the transparency legislation of Article 50 of the EU AI Act.
We then run a user study (n=234) to evaluate these scenarios across four
risk-assessment dimensions: severity, plausibility, magnitude, and specificity
to vulnerable populations. We find that this transparency legislation is
perceived to be effective at mitigating harms in areas such as labor and
well-being, but largely ineffective in areas such as social cohesion and
security. Through this case study on generative AI harms we demonstrate the
efficacy of our method as a tool to iterate on the effectiveness of policy on
mitigating various negative impacts. We expect this method to be useful to
researchers or other stakeholders who want to brainstorm the potential utility
of different pieces of policy or other mitigation strategies. | cs.CL | Simulating Policy Impacts: Developing a Generative Scenario Writing Method to Evaluate the Perceived Effects of Regulation |
2024-05-15T19:27:45Z | http://arxiv.org/pdf/2405.09673v1 | http://arxiv.org/abs/2405.09673v1 | Dan Biderman, Jose Gonzalez Ortiz, Jacob Portes, Mansheej Paul, Philip Greengard, Connor Jennings, Daniel King, Sam Havens, Vitaliy Chiley, Jonathan Frankle, Cody Blakeney, John P. Cunningham | 2024-05-15T19:27:45Z | cs.LG, cs.AI, cs.CL | Low-Rank Adaptation (LoRA) is a widely-used parameter-efficient finetuning
method for large language models. LoRA saves memory by training only low rank
perturbations to selected weight matrices. In this work, we compare the
performance of LoRA and full finetuning on two target domains, programming and
mathematics. We consider both the instruction finetuning ($\approx$100K
prompt-response pairs) and continued pretraining ($\approx$10B unstructured
tokens) data regimes. Our results show that, in most settings, LoRA
substantially underperforms full finetuning. Nevertheless, LoRA exhibits a
desirable form of regularization: it better maintains the base model's
performance on tasks outside the target domain. We show that LoRA provides
stronger regularization compared to common techniques such as weight decay and
dropout; it also helps maintain more diverse generations. We show that full
finetuning learns perturbations with a rank that is 10-100X greater than
typical LoRA configurations, possibly explaining some of the reported gaps. We
conclude by proposing best practices for finetuning with LoRA. | cs.LG | LoRA Learns Less and Forgets Less |
2024-05-15T17:19:42Z | http://arxiv.org/pdf/2405.09605v1 | http://arxiv.org/abs/2405.09605v1 | Anna A. Ivanova, Aalok Sathe, Benjamin Lipkin, Unnathi Kumar, Setayesh Radkani, Thomas H. Clark, Carina Kauf, Jennifer Hu, R. T. Pramod, Gabriel Grand, Vivian Paulun, Maria Ryskina, Ekin Akyürek, Ethan Wilcox, Nafisa Rashid, Leshem Choshen, Roger Levy, Evelina Fedorenko, Joshua Tenenbaum, Jacob Andreas | 2024-05-15T17:19:42Z | cs.CL, cs.AI, cs.LG | The ability to build and leverage world models is essential for a
general-purpose AI agent. Testing such capabilities is hard, in part because
the building blocks of world models are ill-defined. We present Elements of
World Knowledge (EWOK), a framework for evaluating world modeling in language
models by testing their ability to use knowledge of a concept to match a target
text with a plausible/implausible context. EWOK targets specific concepts from
multiple knowledge domains known to be vital for world modeling in humans.
Domains range from social interactions (help/hinder) to spatial relations
(left/right). Both, contexts and targets are minimal pairs. Objects, agents,
and locations in the items can be flexibly filled in enabling easy generation
of multiple controlled datasets. We then introduce EWOK-CORE-1.0, a dataset of
4,374 items covering 11 world knowledge domains. We evaluate 20 openweights
large language models (1.3B--70B parameters) across a battery of evaluation
paradigms along with a human norming study comprising 12,480 measurements. The
overall performance of all tested models is worse than human performance, with
results varying drastically across domains. These data highlight simple cases
where even large models fail and present rich avenues for targeted research on
LLM world modeling capabilities. | cs.CL | Elements of World Knowledge (EWOK): A cognition-inspired framework for evaluating basic world knowledge in language models |
2024-05-15T17:01:02Z | http://arxiv.org/pdf/2405.09508v1 | http://arxiv.org/abs/2405.09508v1 | Bushi Xiao, Chao Gao, Demi Zhang | 2024-05-15T17:01:02Z | cs.CL, cs.LG | This study evaluates the performance of Recurrent Neural Network (RNN) and
Transformer in replicating cross-language structural priming: a key indicator
of abstract grammatical representations in human language processing. Focusing
on Chinese-English priming, which involves two typologically distinct
languages, we examine how these models handle the robust phenomenon of
structural priming, where exposure to a particular sentence structure increases
the likelihood of selecting a similar structure subsequently. Additionally, we
utilize large language models (LLM) to measure the cross-lingual structural
priming effect. Our findings indicate that Transformer outperform RNN in
generating primed sentence structures, challenging the conventional belief that
human sentence processing primarily involves recurrent and immediate processing
and suggesting a role for cue-based retrieval mechanisms. Overall, this work
contributes to our understanding of how computational models may reflect human
cognitive processes in multilingual contexts. | cs.CL | Modeling Bilingual Sentence Processing: Evaluating RNN and Transformer Architectures for Cross-Language Structural Priming |
2024-05-15T16:58:35Z | http://arxiv.org/pdf/2405.09507v1 | http://arxiv.org/abs/2405.09507v1 | Chester Palen-Michel, Lizzie Liang, Zhe Wu, Constantine Lignos | 2024-05-15T16:58:35Z | cs.CL, cs.AI | We present QueryNER, a manually-annotated dataset and accompanying model for
e-commerce query segmentation. Prior work in sequence labeling for e-commerce
has largely addressed aspect-value extraction which focuses on extracting
portions of a product title or query for narrowly defined aspects. Our work
instead focuses on the goal of dividing a query into meaningful chunks with
broadly applicable types. We report baseline tagging results and conduct
experiments comparing token and entity dropping for null and low recall query
recovery. Challenging test sets are created using automatic transformations and
show how simple data augmentation techniques can make the models more robust to
noise. We make the QueryNER dataset publicly available. | cs.CL | QueryNER: Segmentation of E-commerce Queries |
2024-05-15T16:44:54Z | http://arxiv.org/pdf/2405.09496v1 | http://arxiv.org/abs/2405.09496v1 | Jonne Sälevä, Constantine Lignos | 2024-05-15T16:44:54Z | cs.CL, cs.AI | We introduce ParaNames, a massively multilingual parallel name resource
consisting of 140 million names spanning over 400 languages. Names are provided
for 16.8 million entities, and each entity is mapped from a complex type
hierarchy to a standard type (PER/LOC/ORG). Using Wikidata as a source, we
create the largest resource of this type to date. We describe our approach to
filtering and standardizing the data to provide the best quality possible.
ParaNames is useful for multilingual language processing, both in defining
tasks for name translation/transliteration and as supplementary data for tasks
such as named entity recognition and linking. We demonstrate the usefulness of
ParaNames on two tasks. First, we perform canonical name translation between
English and 17 other languages. Second, we use it as a gazetteer for
multilingual named entity recognition, obtaining performance improvements on
all 10 languages evaluated. | cs.CL | ParaNames 1.0: Creating an Entity Name Corpus for 400+ Languages using Wikidata |
2024-05-15T16:22:16Z | http://arxiv.org/pdf/2405.09482v2 | http://arxiv.org/abs/2405.09482v2 | Donya Rooein, Paul Rottger, Anastassia Shaitarova, Dirk Hovy | 2024-06-06T07:40:58Z | cs.CL | Using large language models (LLMs) for educational applications like
dialogue-based teaching is a hot topic. Effective teaching, however, requires
teachers to adapt the difficulty of content and explanations to the education
level of their students. Even the best LLMs today struggle to do this well. If
we want to improve LLMs on this adaptation task, we need to be able to measure
adaptation success reliably. However, current Static metrics for text
difficulty, like the Flesch-Kincaid Reading Ease score, are known to be crude
and brittle. We, therefore, introduce and evaluate a new set of Prompt-based
metrics for text difficulty. Based on a user study, we create Prompt-based
metrics as inputs for LLMs. They leverage LLM's general language understanding
capabilities to capture more abstract and complex features than Static metrics.
Regression experiments show that adding our Prompt-based metrics significantly
improves text difficulty classification over Static metrics alone. Our results
demonstrate the promise of using LLMs to evaluate text adaptation to different
education levels. | cs.CL | Beyond Flesch-Kincaid: Prompt-based Metrics Improve Difficulty Classification of Educational Texts |
2024-05-15T15:49:06Z | http://arxiv.org/pdf/2405.09454v1 | http://arxiv.org/abs/2405.09454v1 | Majid Zarharan, Pascal Wullschleger, Babak Behkam Kia, Mohammad Taher Pilehvar, Jennifer Foster | 2024-05-15T15:49:06Z | cs.CL | This paper presents a comprehensive analysis of explainable fact-checking
through a series of experiments, focusing on the ability of large language
models to verify public health claims and provide explanations or
justifications for their veracity assessments. We examine the effectiveness of
zero/few-shot prompting and parameter-efficient fine-tuning across various open
and closed-source models, examining their performance in both isolated and
joint tasks of veracity prediction and explanation generation. Importantly, we
employ a dual evaluation approach comprising previously established automatic
metrics and a novel set of criteria through human evaluation. Our automatic
evaluation indicates that, within the zero-shot scenario, GPT-4 emerges as the
standout performer, but in few-shot and parameter-efficient fine-tuning
contexts, open-source models demonstrate their capacity to not only bridge the
performance gap but, in some instances, surpass GPT-4. Human evaluation reveals
yet more nuance as well as indicating potential problems with the gold
explanations. | cs.CL | Tell Me Why: Explainable Public Health Fact-Checking with Large Language Models |
2024-05-15T15:30:17Z | http://arxiv.org/pdf/2405.09439v1 | http://arxiv.org/abs/2405.09439v1 | Michiel van der Meer | 2024-05-15T15:30:17Z | cs.CL, cs.AI | Modern democracies face a critical issue of declining citizen participation
in decision-making. Online discussion forums are an important avenue for
enhancing citizen participation. This thesis proposal 1) identifies the
challenges involved in facilitating large-scale online discussions with Natural
Language Processing (NLP), 2) suggests solutions to these challenges by
incorporating hybrid human-AI technologies, and 3) investigates what these
technologies can reveal about individual perspectives in online discussions. We
propose a three-layered hierarchy for representing perspectives that can be
obtained by a mixture of human intelligence and large language models. We
illustrate how these representations can draw insights into the diversity of
perspectives and allow us to investigate interactions in online discussions. | cs.CL | Facilitating Opinion Diversity through Hybrid NLP Approaches |
2024-05-15T15:09:41Z | http://arxiv.org/pdf/2405.13024v1 | http://arxiv.org/abs/2405.13024v1 | Wei-Yu Chen | 2024-05-15T15:09:41Z | cs.CL, cs.AI, cs.CY | This study explores the integration of the ChatGPT API with GPT-4 model and
Microsoft Copilot Studio on the Microsoft Teams platform to develop an
intelligent tutoring system. Designed to provide instant support to students,
the system dynamically adjusts educational content in response to the learners'
progress and feedback. Utilizing advancements in natural language processing
and machine learning, it interprets student inquiries, offers tailored
feedback, and facilitates the educational journey. Initial implementation
highlights the system's potential in boosting students' motivation and
engagement, while equipping educators with critical insights into the learning
process, thus promoting tailored educational experiences and enhancing
instructional effectiveness. | cs.CL | Intelligent Tutor: Leveraging ChatGPT and Microsoft Copilot Studio to Deliver a Generative AI Student Support and Feedback System within Teams |
2024-05-15T14:50:51Z | http://arxiv.org/pdf/2405.09395v2 | http://arxiv.org/abs/2405.09395v2 | Xiaoliang Luo, Guangzhi Sun, Bradley C. Love | 2024-07-02T16:42:48Z | q-bio.NC, cs.AI, cs.CL | Recently, large language models (LLMs) have outperformed human experts in
predicting the results of neuroscience experiments (Luo et al., 2024). What is
the basis for this performance? One possibility is that statistical patterns in
that specific scientific literature, as opposed to emergent reasoning abilities
arising from broader training, underlie LLMs' performance. To evaluate this
possibility, we trained (next word prediction) a relatively small
124M-parameter GPT-2 model on 1.3 billion tokens of domain-specific knowledge.
Despite being orders of magnitude smaller than larger LLMs trained on trillions
of tokens, small models achieved expert-level performance in predicting
neuroscience results. Small models trained on the neuroscience literature
succeeded when they were trained from scratch using a tokenizer specifically
trained on neuroscience text or when the neuroscience literature was used to
finetune a pretrained GPT-2. Our results indicate that expert-level performance
may be attained by even small LLMs through domain-specific, auto-regressive
training approaches. | q-bio.NC | Matching domain experts by training from scratch on domain knowledge |
2024-05-15T14:22:33Z | http://arxiv.org/pdf/2405.09373v2 | http://arxiv.org/abs/2405.09373v2 | Devansh Jain, Priyanshu Kumar, Samuel Gehman, Xuhui Zhou, Thomas Hartvigsen, Maarten Sap | 2024-05-20T15:07:47Z | cs.CL | Recent advances in large language models (LLMs) have led to their extensive
global deployment, and ensuring their safety calls for comprehensive and
multilingual toxicity evaluations. However, existing toxicity benchmarks are
overwhelmingly focused on English, posing serious risks to deploying LLMs in
other languages. We address this by introducing PolygloToxicityPrompts (PTP),
the first large-scale multilingual toxicity evaluation benchmark of 425K
naturally occurring prompts spanning 17 languages. We overcome the scarcity of
naturally occurring toxicity in web-text and ensure coverage across languages
with varying resources by automatically scraping over 100M web-text documents.
Using PTP, we investigate research questions to study the impact of model size,
prompt language, and instruction and preference-tuning methods on toxicity by
benchmarking over 60 LLMs. Notably, we find that toxicity increases as language
resources decrease or model size increases. Although instruction- and
preference-tuning reduce toxicity, the choice of preference-tuning method does
not have any significant impact. Our findings shed light on crucial
shortcomings of LLM safeguarding and highlight areas for future research. | cs.CL | PolygloToxicityPrompts: Multilingual Evaluation of Neural Toxic Degeneration in Large Language Models |
2024-05-15T13:44:13Z | http://arxiv.org/pdf/2405.09341v2 | http://arxiv.org/abs/2405.09341v2 | Ruizhe Chen, Yichen Li, Zikai Xiao, Zuozhu Liu | 2024-06-29T05:50:28Z | cs.CL, cs.AI | Existing debiasing methods inevitably make unreasonable or undesired
predictions as they are designated and evaluated to achieve parity across
different social groups but leave aside individual facts, resulting in modified
existing knowledge. In this paper, we first establish a new bias mitigation
benchmark BiasKE leveraging existing and additional constructed datasets, which
systematically assesses debiasing performance by complementary metrics on
fairness, specificity, and generalization. Meanwhile, we propose a novel
debiasing method, Fairness Stamp (FAST), which enables editable fairness
through fine-grained calibration on individual biased knowledge. Comprehensive
experiments demonstrate that FAST surpasses state-of-the-art baselines with
remarkable debiasing performance while not hampering overall model capability
for knowledge preservation, highlighting the prospect of fine-grained debiasing
strategies for editable fairness in LLMs. | cs.CL | Large Language Model Bias Mitigation from the Perspective of Knowledge Editing |
2024-05-15T13:36:43Z | http://arxiv.org/pdf/2405.09335v1 | http://arxiv.org/abs/2405.09335v1 | Maximilian Schmidt, Andrea Bartezzaghi, Ngoc Thang Vu | 2024-05-15T13:36:43Z | cs.CL | Although language models (LMs) have boosted the performance of Question
Answering, they still need plenty of data. Data annotation, in contrast, is a
time-consuming process. This especially applies to Question Answering, where
possibly large documents have to be parsed and annotated with questions and
their corresponding answers. Furthermore, Question Answering models often only
work well for the domain they were trained on. Since annotation is costly, we
argue that domain-agnostic knowledge from LMs, such as linguistic
understanding, is sufficient to create a well-curated dataset. With this
motivation, we show that using large language models can improve Question
Answering performance on various datasets in the few-shot setting compared to
state-of-the-art approaches. For this, we perform data generation leveraging
the Prompting framework, suggesting that language models contain valuable
task-agnostic knowledge that can be used beyond the common
pre-training/fine-tuning scheme. As a result, we consistently outperform
previous approaches on few-shot Question Answering. | cs.CL | Prompting-based Synthetic Data Generation for Few-Shot Question Answering |
2024-05-15T13:35:43Z | http://arxiv.org/pdf/2405.13022v2 | http://arxiv.org/abs/2405.13022v2 | Alexandre Piché, Aristides Milios, Dzmitry Bahdanau, Chris Pal | 2024-07-03T14:46:52Z | cs.CL, cs.LG | In order to be deployed safely, Large Language Models (LLMs) must be capable
of dynamically adapting their behavior based on their level of knowledge and
uncertainty associated with specific topics. This adaptive behavior, which we
refer to as self-restraint, is non-trivial to teach since it depends on the
internal knowledge of an LLM. By default, LLMs are trained to maximize the next
token likelihood, which does not teach the model to modulate its answer based
on its level of uncertainty. In order to learn self-restraint, we devise a
utility function that can encourage the model to produce responses only when it
is confident in them. This utility function can be used to score generation of
different length and abstention. To optimize this function, we introduce
ReSearch, a process of "self-reflection" consisting of iterative self-prompting
and self-evaluation. We use the ReSearch algorithm to generate synthetic data
on which we finetune our models. Compared to their original versions, our
resulting models generate fewer \emph{hallucinations} overall at no additional
inference cost, for both known and unknown topics, as the model learns to
selectively restrain itself. In addition, our method elegantly incorporates the
ability to abstain by augmenting the samples generated by the model during the
search procedure with an answer expressing abstention. | cs.CL | LLMs can learn self-restraint through iterative self-reflection |
2024-05-15T12:44:54Z | http://arxiv.org/pdf/2405.09300v1 | http://arxiv.org/abs/2405.09300v1 | Birger Moell | 2024-05-15T12:44:54Z | cs.CL, cs.AI, cs.HC | Background: Rapid advancements in natural language processing have led to the
development of large language models with the potential to revolutionize mental
health care. These models have shown promise in assisting clinicians and
providing support to individuals experiencing various psychological challenges.
Objective: This study aims to compare the performance of two large language
models, GPT-4 and Chat-GPT, in responding to a set of 18 psychological prompts,
to assess their potential applicability in mental health care settings.
Methods: A blind methodology was employed, with a clinical psychologist
evaluating the models' responses without knowledge of their origins. The
prompts encompassed a diverse range of mental health topics, including
depression, anxiety, and trauma, to ensure a comprehensive assessment.
Results: The results demonstrated a significant difference in performance
between the two models (p > 0.05). GPT-4 achieved an average rating of 8.29 out
of 10, while Chat-GPT received an average rating of 6.52. The clinical
psychologist's evaluation suggested that GPT-4 was more effective at generating
clinically relevant and empathetic responses, thereby providing better support
and guidance to potential users.
Conclusions: This study contributes to the growing body of literature on the
applicability of large language models in mental health care settings. The
findings underscore the importance of continued research and development in the
field to optimize these models for clinical use. Further investigation is
necessary to understand the specific factors underlying the performance
differences between the two models and to explore their generalizability across
various populations and mental health conditions. | cs.CL | Comparing the Efficacy of GPT-4 and Chat-GPT in Mental Health Care: A Blind Assessment of Large Language Models for Psychological Support |
2024-05-15T12:41:20Z | http://arxiv.org/pdf/2405.13021v1 | http://arxiv.org/abs/2405.13021v1 | Diji Yang, Jinmeng Rao, Kezhen Chen, Xiaoyuan Guo, Yawen Zhang, Jie Yang, Yi Zhang | 2024-05-15T12:41:20Z | cs.CL, cs.AI, cs.IR | Although the Retrieval-Augmented Generation (RAG) paradigms can use external
knowledge to enhance and ground the outputs of Large Language Models (LLMs) to
mitigate generative hallucinations and static knowledge base problems, they
still suffer from limited flexibility in adopting Information Retrieval (IR)
systems with varying capabilities, constrained interpretability during the
multi-round retrieval process, and a lack of end-to-end optimization. To
address these challenges, we propose a novel LLM-centric approach, IM-RAG, that
integrates IR systems with LLMs to support multi-round RAG through learning
Inner Monologues (IM, i.e., the human inner voice that narrates one's
thoughts). During the IM process, the LLM serves as the core reasoning model
(i.e., Reasoner) to either propose queries to collect more information via the
Retriever or to provide a final answer based on the conversational context. We
also introduce a Refiner that improves the outputs from the Retriever,
effectively bridging the gap between the Reasoner and IR modules with varying
capabilities and fostering multi-round communications. The entire IM process is
optimized via Reinforcement Learning (RL) where a Progress Tracker is
incorporated to provide mid-step rewards, and the answer prediction is further
separately optimized via Supervised Fine-Tuning (SFT). We conduct extensive
experiments with the HotPotQA dataset, a popular benchmark for retrieval-based,
multi-step question-answering. The results show that our approach achieves
state-of-the-art (SOTA) performance while providing high flexibility in
integrating IR modules as well as strong interpretability exhibited in the
learned inner monologues. | cs.CL | IM-RAG: Multi-Round Retrieval-Augmented Generation Through Learning Inner Monologues |
2024-05-15T12:34:40Z | http://arxiv.org/pdf/2405.09293v1 | http://arxiv.org/abs/2405.09293v1 | Hagyeong Shin, Sean Trott | 2024-05-15T12:34:40Z | cs.CL, cs.AI | Markedness in natural language is often associated with non-literal meanings
in discourse. Differential Object Marking (DOM) in Korean is one instance of
this phenomenon, where post-positional markers are selected based on both the
semantic features of the noun phrases and the discourse features that are
orthogonal to the semantic features. Previous work has shown that
distributional models of language recover certain semantic features of words --
do these models capture implied discourse-level meanings as well? We evaluate
whether a set of large language models are capable of associating discourse
meanings with different object markings in Korean. Results suggest that
discourse meanings of a grammatical marker can be more challenging to encode
than that of a discourse marker. | cs.CL | Do language models capture implied discourse meanings? An investigation with exhaustivity implicatures of Korean morphology |
2024-05-15T11:55:14Z | http://arxiv.org/pdf/2405.09279v1 | http://arxiv.org/abs/2405.09279v1 | Dylan Phelps, Thomas Pickard, Maggie Mi, Edward Gow-Smith, Aline Villavicencio | 2024-05-15T11:55:14Z | cs.CL, cs.AI | Despite the recent ubiquity of large language models and their high zero-shot
prompted performance across a wide range of tasks, it is still not known how
well they perform on tasks which require processing of potentially idiomatic
language. In particular, how well do such models perform in comparison to
encoder-only models fine-tuned specifically for idiomaticity tasks? In this
work, we attempt to answer this question by looking at the performance of a
range of LLMs (both local and software-as-a-service models) on three
idiomaticity datasets: SemEval 2022 Task 2a, FLUTE, and MAGPIE. Overall, we
find that whilst these models do give competitive performance, they do not
match the results of fine-tuned task-specific models, even at the largest
scales (e.g. for GPT-4). Nevertheless, we do see consistent performance
improvements across model scale. Additionally, we investigate prompting
approaches to improve performance, and discuss the practicalities of using LLMs
for these tasks. | cs.CL | Sign of the Times: Evaluating the use of Large Language Models for Idiomaticity Detection |
2024-05-15T11:13:39Z | http://arxiv.org/pdf/2405.13020v1 | http://arxiv.org/abs/2405.13020v1 | Samuel Ackerman, Eitan Farchi, Rami Katan, Orna Raz | 2024-05-15T11:13:39Z | cs.CL, cs.AI | We introduce a novel LLM based solution design approach that utilizes
combinatorial optimization and sampling. Specifically, a set of factors that
influence the quality of the solution are identified. They typically include
factors that represent prompt types, LLM inputs alternatives, and parameters
governing the generation and design alternatives. Identifying the factors that
govern the LLM solution quality enables the infusion of subject matter expert
knowledge. Next, a set of interactions between the factors are defined and
combinatorial optimization is used to create a small subset $P$ that ensures
all desired interactions occur in $P$. Each element $p \in P$ is then developed
into an appropriate benchmark. Applying the alternative solutions on each
combination, $p \in P$ and evaluating the results facilitate the design of a
high quality LLM solution pipeline. The approach is especially applicable when
the design and evaluation of each benchmark in $P$ is time-consuming and
involves manual steps and human evaluation. Given its efficiency the approach
can also be used as a baseline to compare and validate an autoML approach that
searches over the factors governing the solution. | cs.CL | Using Combinatorial Optimization to Design a High quality LLM Solution |
2024-05-15T11:05:16Z | http://arxiv.org/pdf/2405.09250v1 | http://arxiv.org/abs/2405.09250v1 | Mihailo Škorić, Nikola Janković | 2024-05-15T11:05:16Z | cs.CL | This paper will present textual corpora for Serbian (and Serbo-Croatian),
usable for the training of large language models and publicly available at one
of the several notable online repositories. Each corpus will be classified
using multiple methods and its characteristics will be detailed. Additionally,
the paper will introduce three new corpora: a new umbrella web corpus of
Serbo-Croatian, a new high-quality corpus based on the doctoral dissertations
stored within National Repository of Doctoral Dissertations from all
Universities in Serbia, and a parallel corpus of abstract translation from the
same source. The uniqueness of both old and new corpora will be accessed via
frequency-based stylometric methods, and the results will be briefly discussed. | cs.CL | New Textual Corpora for Serbian Language Modeling |
2024-05-15T10:32:41Z | http://arxiv.org/pdf/2406.16893v1 | http://arxiv.org/abs/2406.16893v1 | Wazib Ansar, Saptarsi Goswami, Amlan Chakrabarti | 2024-05-15T10:32:41Z | cs.CL, cs.AI | The advent of transformers with attention mechanisms and associated
pre-trained models have revolutionized the field of Natural Language Processing
(NLP). However, such models are resource-intensive due to highly complex
architecture. This limits their application to resource-constrained
environments. While choosing an appropriate NLP model, a major trade-off exists
over choosing accuracy over efficiency and vice versa. This paper presents a
commentary on the evolution of NLP and its applications with emphasis on their
accuracy as-well-as efficiency. Following this, a survey of research
contributions towards enhancing the efficiency of transformer-based models at
various stages of model development along with hardware considerations has been
conducted. The goal of this survey is to determine how current NLP techniques
contribute towards a sustainable society and to establish a foundation for
future research. | cs.CL | A Survey on Transformers in NLP with Focus on Efficiency |
2024-05-15T10:16:25Z | http://arxiv.org/pdf/2405.09589v2 | http://arxiv.org/abs/2405.09589v2 | Pranab Sahoo, Prabhash Meharia, Akash Ghosh, Sriparna Saha, Vinija Jain, Aman Chadha | 2024-05-20T06:30:06Z | cs.LG, cs.AI, cs.CL, cs.CV, cs.SD, eess.AS | The rapid advancement of foundation models (FMs) across language, image,
audio, and video domains has shown remarkable capabilities in diverse tasks.
However, the proliferation of FMs brings forth a critical challenge: the
potential to generate hallucinated outputs, particularly in high-stakes
applications. The tendency of foundation models to produce hallucinated content
arguably represents the biggest hindrance to their widespread adoption in
real-world scenarios, especially in domains where reliability and accuracy are
paramount. This survey paper presents a comprehensive overview of recent
developments that aim to identify and mitigate the problem of hallucination in
FMs, spanning text, image, video, and audio modalities. By synthesizing recent
advancements in detecting and mitigating hallucination across various
modalities, the paper aims to provide valuable insights for researchers,
developers, and practitioners. Essentially, it establishes a clear framework
encompassing definition, taxonomy, and detection strategies for addressing
hallucination in multimodal foundation models, laying the foundation for future
research in this pivotal area. | cs.LG | Unveiling Hallucination in Text, Image, Video, and Audio Foundation Models: A Comprehensive Survey |
2024-05-15T10:04:19Z | http://arxiv.org/pdf/2405.09223v1 | http://arxiv.org/abs/2405.09223v1 | Qiyu Wu, Masaaki Nagata, Zhongtao Miao, Yoshimasa Tsuruoka | 2024-05-15T10:04:19Z | cs.CL, cs.AI | The problem of hallucination and omission, a long-standing problem in machine
translation (MT), is more pronounced when a large language model (LLM) is used
in MT because an LLM itself is susceptible to these phenomena. In this work, we
mitigate the problem in an LLM-based MT model by guiding it to better word
alignment. We first study the correlation between word alignment and the
phenomena of hallucination and omission in MT. Then we propose to utilize word
alignment as preference to optimize the LLM-based MT model. The preference data
are constructed by selecting chosen and rejected translations from multiple MT
tools. Subsequently, direct preference optimization is used to optimize the
LLM-based model towards the preference signal. Given the absence of evaluators
specifically designed for hallucination and omission in MT, we further propose
selecting hard instances and utilizing GPT-4 to directly evaluate the
performance of the models in mitigating these issues. We verify the rationality
of these designed evaluation methods by experiments, followed by extensive
results demonstrating the effectiveness of word alignment-based preference
optimization to mitigate hallucination and omission. | cs.CL | Word Alignment as Preference for Machine Translation |
2024-05-15T10:02:47Z | http://arxiv.org/pdf/2405.09221v1 | http://arxiv.org/abs/2405.09221v1 | Josh McGiff, Nikola S. Nikolov | 2024-05-15T10:02:47Z | cs.CL, cs.AI, cs.LG, H.5; I.2; J.5 | Our study addresses a significant gap in online hate speech detection
research by focusing on homophobia, an area often neglected in sentiment
analysis research. Utilising advanced sentiment analysis models, particularly
BERT, and traditional machine learning methods, we developed a nuanced approach
to identify homophobic content on X/Twitter. This research is pivotal due to
the persistent underrepresentation of homophobia in detection models. Our
findings reveal that while BERT outperforms traditional methods, the choice of
validation technique can impact model performance. This underscores the
importance of contextual understanding in detecting nuanced hate speech. By
releasing the largest open-source labelled English dataset for homophobia
detection known to us, an analysis of various models' performance and our
strongest BERT-based model, we aim to enhance online safety and inclusivity.
Future work will extend to broader LGBTQIA+ hate speech detection, addressing
the challenges of sourcing diverse datasets. Through this endeavour, we
contribute to the larger effort against online hate, advocating for a more
inclusive digital landscape. Our study not only offers insights into the
effective detection of homophobic content by improving on previous research
results, but it also lays groundwork for future advancements in hate speech
analysis. | cs.CL | Bridging the gap in online hate speech detection: a comparative analysis of BERT and traditional models for homophobic content identification on X/Twitter |
2024-05-15T09:59:37Z | http://arxiv.org/pdf/2405.09220v2 | http://arxiv.org/abs/2405.09220v2 | Siwei Wang, Yifei Shen, Shi Feng, Haoran Sun, Shang-Hua Teng, Wei Chen | 2024-05-27T05:25:05Z | cs.LG, cs.AI, cs.CL | In this paper, we present the findings of our Project ALPINE which stands for
``Autoregressive Learning for Planning In NEtworks." Project ALPINE initiates a
theoretical investigation into the development of planning capabilities in
Transformer-based language models through their autoregressive learning
mechanisms, aiming to identify any potential limitations in their planning
abilities. We abstract planning as a network path-finding task where the
objective is to generate a valid path from a specified source node to a
designated target node. In terms of expressiveness, we show that the
Transformer is capable of executing path-finding by embedding the adjacency and
reachability matrices within its weights. Our theoretical analysis of the
gradient-based learning dynamic of the Transformer reveals that the Transformer
is capable of learning both the adjacency matrix and a limited form of the
reachability matrix. These theoretical insights are then validated through
experiments, which demonstrate that the Transformer indeed learns the adjacency
matrix and an incomplete reachability matrix, which aligns with the predictions
made in our theoretical analysis. Additionally, when applying our methodology
to a real-world planning benchmark, called Blocksworld, our observations remain
consistent. Our theoretical and empirical analyses further unveil a potential
limitation of Transformer in path-finding: it cannot identify reachability
relationships through transitivity, and thus would fail when path concatenation
is needed to generate a path. In summary, our findings shed new light on how
the internal mechanisms of autoregressive learning enable planning in networks.
This study may contribute to our understanding of the general planning
capabilities in other related domains. | cs.LG | ALPINE: Unveiling the Planning Capability of Autoregressive Learning in Language Models |
2024-05-15T08:47:26Z | http://arxiv.org/pdf/2405.09186v1 | http://arxiv.org/abs/2405.09186v1 | Milan Gritta, Gerasimos Lampouras, Ignacio Iacobacci | 2024-05-15T08:47:26Z | cs.CL | Language models (LMs) as conversational assistants recently became popular
tools that help people accomplish a variety of tasks. These typically result
from adapting LMs pretrained on general domain text sequences through further
instruction-tuning and possibly preference optimisation methods. The evaluation
of such LMs would ideally be performed using human judgement, however, this is
not scalable. On the other hand, automatic evaluation featuring auxiliary LMs
as judges and/or knowledge-based tasks is scalable but struggles with assessing
conversational ability and adherence to instructions. To help accelerate the
development of LMs as conversational assistants, we propose a novel automatic
evaluation task: HumanRankEval (HRE). It consists of a large-scale, diverse and
high-quality set of questions, each with several answers authored and scored by
humans. To perform evaluation, HRE ranks these answers based on their
log-likelihood under the LM's distribution, and subsequently calculates their
correlation with the corresponding human rankings. We support HRE's efficacy by
investigating how efficiently it separates pretrained and instruction-tuned LMs
of various sizes. We show that HRE correlates well with human judgements and is
particularly responsive to model changes following instruction-tuning. | cs.CL | HumanRankEval: Automatic Evaluation of LMs as Conversational Assistants |
2024-05-15T07:36:56Z | http://arxiv.org/pdf/2405.13019v2 | http://arxiv.org/abs/2405.13019v2 | Mahsa Khoshnoodi, Vinija Jain, Mingye Gao, Malavika Srikanth, Aman Chadha | 2024-05-24T07:40:27Z | cs.CL, cs.AI | Despite the crucial importance of accelerating text generation in large
language models (LLMs) for efficiently producing content, the sequential nature
of this process often leads to high inference latency, posing challenges for
real-time applications. Various techniques have been proposed and developed to
address these challenges and improve efficiency. This paper presents a
comprehensive survey of accelerated generation techniques in autoregressive
language models, aiming to understand the state-of-the-art methods and their
applications. We categorize these techniques into several key areas:
speculative decoding, early exiting mechanisms, and non-autoregressive methods.
We discuss each category's underlying principles, advantages, limitations, and
recent advancements. Through this survey, we aim to offer insights into the
current landscape of techniques in LLMs and provide guidance for future
research directions in this critical area of natural language processing. | cs.CL | A Comprehensive Survey of Accelerated Generation Techniques in Large Language Models |
2024-05-15T07:32:43Z | http://arxiv.org/pdf/2405.09153v1 | http://arxiv.org/abs/2405.09153v1 | Jon Z. Cai, Kristin Wright-Bettner, Martha Palmer, Guergana K. Savova, James H. Martin | 2024-05-15T07:32:43Z | cs.CL, cs.LG | This paper is dedicated to the design and evaluation of the first AMR parser
tailored for clinical notes. Our objective was to facilitate the precise
transformation of the clinical notes into structured AMR expressions, thereby
enhancing the interpretability and usability of clinical text data at scale.
Leveraging the colon cancer dataset from the Temporal Histories of Your Medical
Events (THYME) corpus, we adapted a state-of-the-art AMR parser utilizing
continuous training. Our approach incorporates data augmentation techniques to
enhance the accuracy of AMR structure predictions. Notably, through this
learning strategy, our parser achieved an impressive F1 score of 88% on the
THYME corpus's colon cancer dataset. Moreover, our research delved into the
efficacy of data required for domain adaptation within the realm of clinical
notes, presenting domain adaptation data requirements for AMR parsing. This
exploration not only underscores the parser's robust performance but also
highlights its potential in facilitating a deeper understanding of clinical
narratives through structured semantic representations. | cs.CL | Adapting Abstract Meaning Representation Parsing to the Clinical Narrative -- the SPRING THYME parser |
2024-05-15T06:59:33Z | http://arxiv.org/pdf/2405.13018v1 | http://arxiv.org/abs/2405.13018v1 | Ahmed Adel Attia, Dorottya Demszky, Tolulope Ogunremi, Jing Liu, Carol Espy-Wilson | 2024-05-15T06:59:33Z | cs.CL, cs.AI, eess.AS | Creating Automatic Speech Recognition (ASR) systems that are robust and
resilient to classroom conditions is paramount to the development of AI tools
to aid teachers and students. In this work, we study the efficacy of continued
pretraining (CPT) in adapting Wav2vec2.0 to the classroom domain. We show that
CPT is a powerful tool in that regard and reduces the Word Error Rate (WER) of
Wav2vec2.0-based models by upwards of 10%. More specifically, CPT improves the
model's robustness to different noises, microphones, classroom conditions as
well as classroom demographics. Our CPT models show improved ability to
generalize to different demographics unseen in the labeled finetuning data. | cs.CL | Continued Pretraining for Domain Adaptation of Wav2vec2.0 in Automatic Speech Recognition for Elementary Math Classroom Settings |
2024-05-15T05:41:06Z | http://arxiv.org/pdf/2405.13017v1 | http://arxiv.org/abs/2405.13017v1 | Asahi Ushio, Jose Camacho-Collados | 2024-05-15T05:41:06Z | cs.CL, cs.LG | In machine learning, temporal shifts occur when there are differences between
training and test splits in terms of time. For streaming data such as news or
social media, models are commonly trained on a fixed corpus from a certain
period of time, and they can become obsolete due to the dynamism and evolving
nature of online content. This paper focuses on temporal shifts in social media
and, in particular, Twitter. We propose a unified evaluation scheme to assess
the performance of language models (LMs) under temporal shift on standard
social media tasks. LMs are tested on five diverse social media NLP tasks under
different temporal settings, which revealed two important findings: (i) the
decrease in performance under temporal shift is consistent across different
models for entity-focused tasks such as named entity recognition or
disambiguation, and hate speech detection, but not significant in the other
tasks analysed (i.e., topic and sentiment classification); and (ii) continuous
pre-training on the test period does not improve the temporal adaptability of
LMs. | cs.CL | A Systematic Analysis on the Temporal Generalization of Language Models in Social Media |
2024-05-15T03:04:05Z | http://arxiv.org/pdf/2405.09055v1 | http://arxiv.org/abs/2405.09055v1 | Xin Yi, Shunfan Zheng, Linlin Wang, Xiaoling Wang, Liang He | 2024-05-15T03:04:05Z | cs.CL | The current safeguard mechanisms for large language models (LLMs) are indeed
susceptible to jailbreak attacks, making them inherently fragile. Even the
process of fine-tuning on apparently benign data for downstream tasks can
jeopardize safety. One potential solution is to conduct safety fine-tuning
subsequent to downstream fine-tuning. However, there's a risk of catastrophic
forgetting during safety fine-tuning, where LLMs may regain safety measures but
lose the task-specific knowledge acquired during downstream fine-tuning. In
this paper, we introduce a safety realignment framework through
subspace-oriented model fusion (SOMF), aiming to combine the safeguard
capabilities of initially aligned model and the current fine-tuned model into a
realigned model. Our approach begins by disentangling all task vectors from the
weights of each fine-tuned model. We then identify safety-related regions
within these vectors by subspace masking techniques. Finally, we explore the
fusion of the initial safely aligned LLM with all task vectors based on the
identified safety subspace. We validate that our safety realignment framework
satisfies the safety requirements of a single fine-tuned model as well as
multiple models during their fusion. Our findings confirm that SOMF preserves
safety without notably compromising performance on downstream tasks, including
instruction following in Chinese, English, and Hindi, as well as
problem-solving capabilities in Code and Math. | cs.CL | A safety realignment framework via subspace-oriented model fusion for large language models |
2024-05-15T00:54:40Z | http://arxiv.org/pdf/2405.09017v1 | http://arxiv.org/abs/2405.09017v1 | Masaaki Nagata, Makoto Morishita, Katsuki Chousa, Norihito Yasuda | 2024-05-15T00:54:40Z | cs.CL | Using crowdsourcing, we collected more than 10,000 URL pairs (parallel top
page pairs) of bilingual websites that contain parallel documents and created a
Japanese-Chinese parallel corpus of 4.6M sentence pairs from these websites. We
used a Japanese-Chinese bilingual dictionary of 160K word pairs for document
and sentence alignment. We then used high-quality 1.2M Japanese-Chinese
sentence pairs to train a parallel corpus filter based on statistical language
models and word translation probabilities. We compared the translation accuracy
of the model trained on these 4.6M sentence pairs with that of the model
trained on Japanese-Chinese sentence pairs from CCMatrix (12.4M), a parallel
corpus from global web mining. Although our corpus is only one-third the size
of CCMatrix, we found that the accuracy of the two models was comparable and
confirmed that it is feasible to use crowdsourcing for web mining of parallel
data. | cs.CL | A Japanese-Chinese Parallel Corpus Using Crowdsourcing for Web Mining |
2024-05-15T00:17:48Z | http://arxiv.org/pdf/2405.09006v1 | http://arxiv.org/abs/2405.09006v1 | Jiaxing Yang, Lihe Zhang, Jiayu Sun, Huchuan Lu | 2024-05-15T00:17:48Z | cs.CV, cs.CL | Referring Image Segmentation (RIS) consistently requires language and
appearance semantics to more understand each other. The need becomes acute
especially under hard situations. To achieve, existing works tend to resort to
various trans-representing mechanisms to directly feed forward language
semantic along main RGB branch, which however will result in referent
distribution weakly-mined in space and non-referent semantic contaminated along
channel. In this paper, we propose Spatial Semantic Recurrent Mining
(S\textsuperscript{2}RM) to achieve high-quality cross-modality fusion. It
follows a working strategy of trilogy: distributing language feature, spatial
semantic recurrent coparsing, and parsed-semantic balancing. During fusion,
S\textsuperscript{2}RM will first generate a constraint-weak yet
distribution-aware language feature, then bundle features of each row and
column from rotated features of one modality context to recurrently correlate
relevant semantic contained in feature from other modality context, and finally
resort to self-distilled weights to weigh on the contributions of different
parsed semantics. Via coparsing, S\textsuperscript{2}RM transports information
from the near and remote slice layers of generator context to the current slice
layer of parsed context, capable of better modeling global relationship
bidirectional and structured. Besides, we also propose a Cross-scale Abstract
Semantic Guided Decoder (CASG) to emphasize the foreground of the referent,
finally integrating different grained features at a comparatively low cost.
Extensive experimental results on four current challenging datasets show that
our proposed method performs favorably against other state-of-the-art
algorithms. | cs.CV | Spatial Semantic Recurrent Mining for Referring Image Segmentation |
2024-05-14T23:41:44Z | http://arxiv.org/pdf/2405.08997v2 | http://arxiv.org/abs/2405.08997v2 | Jared Coleman, Bhaskar Krishnamachari, Khalil Iskarous, Ruben Rosales | 2024-05-16T16:24:58Z | cs.CL | We propose a new paradigm for machine translation that is particularly useful
for no-resource languages (those without any publicly available bilingual or
monolingual corpora): LLM-RBMT (LLM-Assisted Rule Based Machine Translation).
Using the LLM-RBMT paradigm, we design the first language
education/revitalization-oriented machine translator for Owens Valley Paiute
(OVP), a critically endangered Indigenous American language for which there is
virtually no publicly available data. We present a detailed evaluation of the
translator's components: a rule-based sentence builder, an OVP to English
translator, and an English to OVP translator. We also discuss the potential of
the paradigm, its limitations, and the many avenues for future research that it
opens up. | cs.CL | LLM-Assisted Rule Based Machine Translation for Low/No-Resource Languages |
2024-05-14T23:03:52Z | http://arxiv.org/pdf/2405.08989v1 | http://arxiv.org/abs/2405.08989v1 | Jacqueline Harding, Nathaniel Sharadin | 2024-05-14T23:03:52Z | cs.AI, cs.CL, cs.LG | What can contemporary machine learning (ML) models do? Given the
proliferation of ML models in society, answering this question matters to a
variety of stakeholders, both public and private. The evaluation of models'
capabilities is rapidly emerging as a key subfield of modern ML, buoyed by
regulatory attention and government grants. Despite this, the notion of an ML
model possessing a capability has not been interrogated: what are we saying
when we say that a model is able to do something? And what sorts of evidence
bear upon this question? In this paper, we aim to answer these questions, using
the capabilities of large language models (LLMs) as a running example. Drawing
on the large philosophical literature on abilities, we develop an account of ML
models' capabilities which can be usefully applied to the nascent science of
model evaluation. Our core proposal is a conditional analysis of model
abilities (CAMA): crudely, a machine learning model has a capability to X just
when it would reliably succeed at doing X if it 'tried'. The main contribution
of the paper is making this proposal precise in the context of ML, resulting in
an operationalisation of CAMA applicable to LLMs. We then put CAMA to work,
showing that it can help make sense of various features of ML model evaluation
practice, as well as suggest procedures for performing fair inter-model
comparisons. | cs.AI | What is it for a Machine Learning Model to Have a Capability? |
2024-05-14T20:17:22Z | http://arxiv.org/pdf/2405.08944v1 | http://arxiv.org/abs/2405.08944v1 | Yao Fu | 2024-05-14T20:17:22Z | cs.LG, cs.AI, cs.CL, cs.DC | Transformer-based long context generative models power emerging AI
applications like hour-long video understanding and project-level coding agent.
Deploying long context transformers (e.g., 100K to 10M tokens) is prohibitively
expensive compared to short context (e.g., 4K tokens) model variants. Reducing
the cost of long-context transformers is becoming a pressing research and
engineering challenge starting from the year of 2024. This work describes a
concurrent programming framework for quantitatively analyzing the efficiency
challenges in serving multiple long-context requests under limited size of GPU
high-bandwidth memory (HBM) regime. We give a detailed analysis of how all
additional computational costs, compared to 4K context, trace back to
\textit{one single source: the large size of the KV cache}. We use a 34B
GPT-3.5 level model of 50K context on A100 NVLink as a running example, and
describe how its large KV cache causes four types of deployment challenges: (1)
prefilling long inputs takes much longer compute time and GPU memory than short
inputs; (2) after prefilling, the large KV cache residing on the GPU HBM
substantially restricts the number of concurrent users being served; (3) during
decoding, repeatedly reading the KV cache from HBM to SM largely increases
latency; (4) when KV cache memory overflows, swapping it from HBM to DDR causes
significant context switching latency. We use this framework to analyze
existing works and identify possibilities of combining them to build end-to-end
systems. Overall, this work offers a foundational framework for analyzing long
context transformer deployment and identifies directions towards reducing the
inference cost of 1M context to be as cheap as 4K. | cs.LG | Challenges in Deploying Long-Context Transformers: A Theoretical Peak Performance Analysis |
2024-05-14T19:53:20Z | http://arxiv.org/pdf/2405.08932v1 | http://arxiv.org/abs/2405.08932v1 | Alexandre Englebert, Anne-Sophie Collin, Olivier Cornu, Christophe De Vleeschouwer | 2024-05-14T19:53:20Z | cs.CV, cs.AI, cs.CL | This paper proposes leveraging vision-language pretraining on bone X-rays
paired with French reports to address downstream tasks of interest on bone
radiography. A practical processing pipeline is introduced to anonymize and
process French medical reports. Pretraining then consists in the
self-supervised alignment of visual and textual embedding spaces derived from
deep model encoders. The resulting image encoder is then used to handle various
downstream tasks, including quantification of osteoarthritis, estimation of
bone age on pediatric wrists, bone fracture and anomaly detection. Our approach
demonstrates competitive performance on downstream tasks, compared to
alternatives requiring a significantly larger amount of human expert
annotations. Our work stands as the first study to integrate French reports to
shape the embedding space devoted to bone X-Rays representations, capitalizing
on the large quantity of paired images and reports data available in an
hospital. By relying on generic vision-laguage deep models in a
language-specific scenario, it contributes to the deployement of vision models
for wider healthcare applications. | cs.CV | Self-supervised vision-langage alignment of deep learning representations for bone X-rays analysis |
2024-05-14T18:05:44Z | http://arxiv.org/pdf/2405.08888v1 | http://arxiv.org/abs/2405.08888v1 | Jan Kaiser, Annika Eichler, Anne Lauscher | 2024-05-14T18:05:44Z | cs.CL, cs.AI, cs.LG, physics.acc-ph | Autonomous tuning of particle accelerators is an active and challenging field
of research with the goal of enabling novel accelerator technologies
cutting-edge high-impact applications, such as physics discovery, cancer
research and material sciences. A key challenge with autonomous accelerator
tuning remains that the most capable algorithms require an expert in
optimisation, machine learning or a similar field to implement the algorithm
for every new tuning task. In this work, we propose the use of large language
models (LLMs) to tune particle accelerators. We demonstrate on a
proof-of-principle example the ability of LLMs to successfully and autonomously
tune a particle accelerator subsystem based on nothing more than a natural
language prompt from the operator, and compare the performance of our LLM-based
solution to state-of-the-art optimisation algorithms, such as Bayesian
optimisation (BO) and reinforcement learning-trained optimisation (RLO). In
doing so, we also show how LLMs can perform numerical optimisation of a highly
non-linear real-world objective function. Ultimately, this work represents yet
another complex task that LLMs are capable of solving and promises to help
accelerate the deployment of autonomous tuning algorithms to the day-to-day
operations of particle accelerators. | cs.CL | Large Language Models for Human-Machine Collaborative Particle Accelerator Tuning through Natural Language |
2024-05-14T17:27:59Z | http://arxiv.org/pdf/2405.08784v1 | http://arxiv.org/abs/2405.08784v1 | Aehong Min, Xuan Wang, Rion Brattig Correia, Jordan Rozum, Wendy R. Miller, Luis M. Rocha | 2024-05-14T17:27:59Z | cs.CL, cs.SI | We used a dictionary built from biomedical terminology extracted from various
sources such as DrugBank, MedDRA, MedlinePlus, TCMGeneDIT, to tag more than 8
million Instagram posts by users who have mentioned an epilepsy-relevant drug
at least once, between 2010 and early 2016. A random sample of 1,771 posts with
2,947 term matches was evaluated by human annotators to identify
false-positives. OpenAI's GPT series models were compared against human
annotation. Frequent terms with a high false-positive rate were removed from
the dictionary. Analysis of the estimated false-positive rates of the annotated
terms revealed 8 ambiguous terms (plus synonyms) used in Instagram posts, which
were removed from the original dictionary. To study the effect of removing
those terms, we constructed knowledge networks using the refined and the
original dictionaries and performed an eigenvector-centrality analysis on both
networks. We show that the refined dictionary thus produced leads to a
significantly different rank of important terms, as measured by their
eigenvector-centrality of the knowledge networks. Furthermore, the most
important terms obtained after refinement are of greater medical relevance. In
addition, we show that OpenAI's GPT series models fare worse than human
annotators in this task. | cs.CL | Refinement of an Epilepsy Dictionary through Human Annotation of Health-related posts on Instagram |
2024-05-14T16:48:56Z | http://arxiv.org/pdf/2405.08760v2 | http://arxiv.org/abs/2405.08760v2 | Akhila Yerukola, Saujas Vaduguru, Daniel Fried, Maarten Sap | 2024-06-19T19:07:47Z | cs.CL, cs.AI | Humans often express their communicative intents indirectly or non-literally,
which requires their interlocutors -- human or AI -- to understand beyond the
literal meaning of words. While most existing work has focused on
discriminative evaluations, we present a new approach to generatively evaluate
large language models' (LLMs') intention understanding by examining their
responses to non-literal utterances. Ideally, an LLM should respond in line
with the true intention of a non-literal utterance, not its literal
interpretation. Our findings show that LLMs struggle to generate pragmatically
relevant responses to non-literal language, achieving only 50-55% accuracy on
average. While explicitly providing oracle intentions significantly improves
performance (e.g., 75% for Mistral-Instruct), this still indicates challenges
in leveraging given intentions to produce appropriate responses. Using
chain-of-thought to make models spell out intentions yields much smaller gains
(60% for Mistral-Instruct). These findings suggest that LLMs are not yet
effective pragmatic interlocutors, highlighting the need for better approaches
for modeling intentions and utilizing them for pragmatic generation. | cs.CL | Is the Pope Catholic? Yes, the Pope is Catholic. Generative Evaluation of Non-Literal Intent Resolution in LLMs |
2024-05-14T16:35:21Z | http://arxiv.org/pdf/2405.08751v1 | http://arxiv.org/abs/2405.08751v1 | Alapan Kuila, Sudeshna Sarkar | 2024-05-14T16:35:21Z | cs.CL, cs.IR | Navigating the complex landscape of news articles involves understanding the
various actors or entities involved, referred to as news stakeholders. These
stakeholders, ranging from policymakers to opposition figures, citizens, and
more, play pivotal roles in shaping news narratives. Recognizing their
stakeholder types, reflecting their roles, political alignments, social
standing, and more, is paramount for a nuanced comprehension of news content.
Despite existing works focusing on salient entity extraction, coverage
variations, and political affiliations through social media data, the automated
detection of stakeholder roles within news content remains an underexplored
domain. In this paper, we bridge this gap by introducing an effective approach
to classify stakeholder types in news articles. Our method involves
transforming the stakeholder classification problem into a natural language
inference task, utilizing contextual information from news articles and
external knowledge to enhance the accuracy of stakeholder type detection.
Moreover, our proposed model showcases efficacy in zero-shot settings, further
extending its applicability to diverse news contexts. | cs.CL | From Text to Context: An Entailment Approach for News Stakeholder Classification |
2024-05-14T16:15:31Z | http://arxiv.org/pdf/2405.08729v1 | http://arxiv.org/abs/2405.08729v1 | Sijia Wang, Lifu Huang | 2024-05-14T16:15:31Z | cs.CL, cs.AI | Addressing the challenge of low-resource information extraction remains an
ongoing issue due to the inherent information scarcity within limited training
examples. Existing data augmentation methods, considered potential solutions,
struggle to strike a balance between weak augmentation (e.g., synonym
augmentation) and drastic augmentation (e.g., conditional generation without
proper guidance). This paper introduces a novel paradigm that employs targeted
augmentation and back validation to produce augmented examples with enhanced
diversity, polarity, accuracy, and coherence. Extensive experimental results
demonstrate the effectiveness of the proposed paradigm. Furthermore, identified
limitations are discussed, shedding light on areas for future improvement. | cs.CL | Targeted Augmentation for Low-Resource Event Extraction |
2024-05-14T15:08:32Z | http://arxiv.org/pdf/2405.13016v1 | http://arxiv.org/abs/2405.13016v1 | Aissam Outchakoucht, Hamza Es-Samaali | 2024-05-14T15:08:32Z | cs.CL, cs.LG | Darija Open Dataset (DODa) represents an open-source project aimed at
enhancing Natural Language Processing capabilities for the Moroccan dialect,
Darija. With approximately 100,000 entries, DODa stands as the largest
collaborative project of its kind for Darija-English translation. The dataset
features semantic and syntactic categorizations, variations in spelling, verb
conjugations across multiple tenses, as well as tens of thousands of translated
sentences. The dataset includes entries written in both Latin and Arabic
alphabets, reflecting the linguistic variations and preferences found in
different sources and applications. The availability of such dataset is
critical for developing applications that can accurately understand and
generate Darija, thus supporting the linguistic needs of the Moroccan community
and potentially extending to similar dialects in neighboring regions. This
paper explores the strategic importance of DODa, its current achievements, and
the envisioned future enhancements that will continue to promote its use and
expansion in the global NLP landscape. | cs.CL | The Evolution of Darija Open Dataset: Introducing Version 2 |
2024-05-14T15:03:05Z | http://arxiv.org/pdf/2406.18841v2 | http://arxiv.org/abs/2406.18841v2 | Junfeng Jiao, Saleh Afroogh, Yiming Xu, Connor Phillips | 2024-06-28T02:56:09Z | cs.CY, cs.AI, cs.CL | This study addresses ethical issues surrounding Large Language Models (LLMs)
within the field of artificial intelligence. It explores the common ethical
challenges posed by both LLMs and other AI systems, such as privacy and
fairness, as well as ethical challenges uniquely arising from LLMs. It
highlights challenges such as hallucination, verifiable accountability, and
decoding censorship complexity, which are unique to LLMs and distinct from
those encountered in traditional AI systems. The study underscores the need to
tackle these complexities to ensure accountability, reduce biases, and enhance
transparency in the influential role that LLMs play in shaping information
dissemination. It proposes mitigation strategies and future directions for LLM
ethics, advocating for interdisciplinary collaboration. It recommends ethical
frameworks tailored to specific domains and dynamic auditing systems adapted to
diverse contexts. This roadmap aims to guide responsible development and
integration of LLMs, envisioning a future where ethical considerations govern
AI advancements in society. | cs.CY | Navigating LLM Ethics: Advancements, Challenges, and Future Directions |
2024-05-14T14:21:43Z | http://arxiv.org/pdf/2405.08644v1 | http://arxiv.org/abs/2405.08644v1 | David Herel, Tomas Mikolov | 2024-05-14T14:21:43Z | cs.CL, cs.AI | How much is 56 times 37? Language models often make mistakes in these types
of difficult calculations. This is usually explained by their inability to
perform complex reasoning. Since language models rely on large training sets
and great memorization capability, naturally they are not equipped to run
complex calculations. However, one can argue that humans also cannot perform
this calculation immediately and require a considerable amount of time to
construct the solution. In order to enhance the generalization capability of
language models, and as a parallel to human behavior, we propose to use special
'thinking tokens' which allow the model to perform much more calculations
whenever a complex problem is encountered. | cs.CL | Thinking Tokens for Language Modeling |
2024-05-14T13:59:24Z | http://arxiv.org/pdf/2405.08619v2 | http://arxiv.org/abs/2405.08619v2 | Dimitris Gkoumas | 2024-05-15T09:08:40Z | cs.CL, cs.MM | The field of chemistry and Artificial Intelligence (AI) intersection is an
area of active research that aims to accelerate scientific discovery. The
integration of large language models (LLMs) with scientific modalities has
shown significant promise in this endeavour. However, challenges persist in
effectively addressing training efficacy and the out-of-distribution problem,
particularly as existing approaches rely on larger models and datasets. In this
context, we focus on machine language-molecule translation and deploy a novel
training approach called contrastive preference optimisation, which avoids
generating translations that are merely adequate but not perfect. To ensure
generalisability and mitigate memorisation effects, we conduct experiments
using only 10\% of the data. Our results demonstrate that our models achieve up
to a 32\% improvement compared to counterpart models. We also introduce a
scalable fine-grained evaluation methodology that accommodates responsibility. | cs.CL | ALMol: Aligned Language-Molecule Translation LLMs through Offline Preference Contrastive Optimisation |
2024-05-14T13:42:12Z | http://arxiv.org/pdf/2405.13015v1 | http://arxiv.org/abs/2405.13015v1 | Elliot Faugier, Frédéric Armetta, Angela Bonifati, Bruno Yun | 2024-05-14T13:42:12Z | cs.CL, cs.AI | We introduce ADBL2, an assisted debate builder tool. It is based on the
capability of large language models to generalise and perform relation-based
argument mining in a wide-variety of domains. It is the first open-source tool
that leverages relation-based mining for (1) the verification of
pre-established relations in a debate and (2) the assisted creation of new
arguments by means of large language models. ADBL2 is highly modular and can
work with any open-source large language models that are used as plugins. As a
by-product, we also provide the first fine-tuned Mistral-7B large language
model for relation-based argument mining, usable by ADBL2, which outperforms
existing approaches for this task with an overall F1-score of 90.59% across all
domains. | cs.CL | Assisted Debate Builder with Large Language Models |
2024-05-14T13:42:05Z | http://arxiv.org/pdf/2405.08603v1 | http://arxiv.org/abs/2405.08603v1 | Hanguang Xiao, Feizhong Zhou, Xingyue Liu, Tianqi Liu, Zhipeng Li, Xin Liu, Xiaoxuan Huang | 2024-05-14T13:42:05Z | cs.CL | Since the release of ChatGPT and GPT-4, large language models (LLMs) and
multimodal large language models (MLLMs) have garnered significant attention
due to their powerful and general capabilities in understanding, reasoning, and
generation, thereby offering new paradigms for the integration of artificial
intelligence with medicine. This survey comprehensively overviews the
development background and principles of LLMs and MLLMs, as well as explores
their application scenarios, challenges, and future directions in medicine.
Specifically, this survey begins by focusing on the paradigm shift, tracing the
evolution from traditional models to LLMs and MLLMs, summarizing the model
structures to provide detailed foundational knowledge. Subsequently, the survey
details the entire process from constructing and evaluating to using LLMs and
MLLMs with a clear logic. Following this, to emphasize the significant value of
LLMs and MLLMs in healthcare, we survey and summarize 6 promising applications
in healthcare. Finally, the survey discusses the challenges faced by medical
LLMs and MLLMs and proposes a feasible approach and direction for the
subsequent integration of artificial intelligence with medicine. Thus, this
survey aims to provide researchers with a valuable and comprehensive reference
guide from the perspectives of the background, principles, and clinical
applications of LLMs and MLLMs. | cs.CL | A Comprehensive Survey of Large Language Models and Multimodal Large Language Models in Medicine |
2024-05-14T13:07:10Z | http://arxiv.org/pdf/2405.13014v1 | http://arxiv.org/abs/2405.13014v1 | Wei Wang, Zhaowei Li, Qi Xu, Yiqing Cai, Hang Song, Qi Qi, Ran Zhou, Zhida Huang, Tao Wang, Li Xiao | 2024-05-14T13:07:10Z | cs.CL, cs.AI | Deploying large language models (LLMs) poses challenges in terms of resource
limitations and inference efficiency. To address these challenges, recent
research has focused on using smaller task-specific language models, which are
enhanced by distilling the knowledge rationales generated by LLMs. However,
previous works mostly emphasize the effectiveness of positive knowledge, while
overlooking the knowledge noise and the exploration of negative knowledge. In
this paper, we first propose a general approach called quality-guided
contrastive rationale distillation for reasoning capacity learning, considering
contrastive learning perspectives. For the learning of positive knowledge, we
collect positive rationales through self-consistency to denoise the LLM
rationales generated by temperature sampling. For the negative knowledge
distillation, we generate negative rationales using temperature sampling for
the iteration-before smaller language models themselves. Finally, a contrastive
loss is designed to better distill the positive and negative rationales into
the smaller language model, where an online-update discriminator is used to
judge the qualities of rationales and assign weights for better optimizing the
training process. Through extensive experiments on multiple reasoning tasks, we
demonstrate that our method consistently outperforms the previous distillation
methods and produces higher-quality rationales. | cs.CL | QCRD: Quality-guided Contrastive Rationale Distillation for Large Language Models |
2024-05-14T13:05:16Z | http://arxiv.org/pdf/2405.08570v1 | http://arxiv.org/abs/2405.08570v1 | Yubo Song | 2024-05-14T13:05:16Z | cs.CL | This article explores the adaptive relationship between Encoder Layers and
Decoder Layers using the SOTA model Helsinki-NLP/opus-mt-de-en, which
translates German to English. The specific method involves introducing a
bias-free fully connected layer between the Encoder and Decoder, with different
initializations of the layer's weights, and observing the outcomes of
fine-tuning versus retraining. Four experiments were conducted in total. The
results suggest that directly modifying the pre-trained model structure for
fine-tuning yields suboptimal performance. However, upon observing the outcomes
of the experiments with retraining, this structural adjustment shows
significant potential. | cs.CL | Rethinking the adaptive relationship between Encoder Layers and Decoder Layers |
2024-05-14T12:53:32Z | http://arxiv.org/pdf/2405.19342v1 | http://arxiv.org/abs/2405.19342v1 | Chloé Sekkat, Fanny Leroy, Salima Mdhaffar, Blake Perry Smith, Yannick Estève, Joseph Dureau, Alice Coucke | 2024-05-14T12:53:32Z | cs.SD, cs.CL, cs.LG, eess.AS | Recent works demonstrate that voice assistants do not perform equally well
for everyone, but research on demographic robustness of speech technologies is
still scarce. This is mainly due to the rarity of large datasets with
controlled demographic tags. This paper introduces the Sonos Voice Control Bias
Assessment Dataset, an open dataset composed of voice assistant requests for
North American English in the music domain (1,038 speakers, 166 hours, 170k
audio samples, with 9,040 unique labelled transcripts) with a controlled
demographic diversity (gender, age, dialectal region and ethnicity). We also
release a statistical demographic bias assessment methodology, at the
univariate and multivariate levels, tailored to this specific use case and
leveraging spoken language understanding metrics rather than transcription
accuracy, which we believe is a better proxy for user experience. To
demonstrate the capabilities of this dataset and statistical method to detect
demographic bias, we consider a pair of state-of-the-art Automatic Speech
Recognition and Spoken Language Understanding models. Results show
statistically significant differences in performance across age, dialectal
region and ethnicity. Multivariate tests are crucial to shed light on mixed
effects between dialectal region, gender and age. | cs.SD | Sonos Voice Control Bias Assessment Dataset: A Methodology for Demographic Bias Assessment in Voice Assistants |
2024-05-14T12:50:33Z | http://arxiv.org/pdf/2405.08562v1 | http://arxiv.org/abs/2405.08562v1 | Zehui Yu, Indira Sen, Dennis Assenmacher, Mattia Samory, Leon Fröhling, Christina Dahn, Debora Nozza, Claudia Wagner | 2024-05-14T12:50:33Z | cs.CL, cs.CY | Machine learning (ML)-based content moderation tools are essential to keep
online spaces free from hateful communication. Yet, ML tools can only be as
capable as the quality of the data they are trained on allows them. While there
is increasing evidence that they underperform in detecting hateful
communications directed towards specific identities and may discriminate
against them, we know surprisingly little about the provenance of such bias. To
fill this gap, we present a systematic review of the datasets for the automated
detection of hateful communication introduced over the past decade, and unpack
the quality of the datasets in terms of the identities that they embody: those
of the targets of hateful communication that the data curators focused on, as
well as those unintentionally included in the datasets. We find, overall, a
skewed representation of selected target identities and mismatches between the
targets that research conceptualizes and ultimately includes in datasets. Yet,
by contextualizing these findings in the language and location of origin of the
datasets, we highlight a positive trend towards the broadening and
diversification of this research space. | cs.CL | The Unseen Targets of Hate -- A Systematic Review of Hateful Communication Datasets |
2024-05-14T12:41:11Z | http://arxiv.org/pdf/2405.08553v2 | http://arxiv.org/abs/2405.08553v2 | Da Xiao, Qingye Meng, Shengping Li, Xingyuan Yuan | 2024-06-04T14:49:36Z | cs.LG, cs.CL | Multi-Head Attention (MHA) is a key component of Transformer. In MHA,
attention heads work independently, causing problems such as low-rank
bottleneck of attention score matrices and head redundancy. We propose
Dynamically Composable Multi-Head Attention (DCMHA), a parameter and
computation efficient attention architecture that tackles the shortcomings of
MHA and increases the expressive power of the model by dynamically composing
attention heads. At the core of DCMHA is a $\it{Compose}$ function that
transforms the attention score and weight matrices in an input-dependent way.
DCMHA can be used as a drop-in replacement of MHA in any transformer
architecture to obtain the corresponding DCFormer. DCFormer significantly
outperforms Transformer on different architectures and model scales in language
modeling, matching the performance of models with ~1.7x-2.0x compute. For
example, DCPythia-6.9B outperforms open source Pythia-12B on both pretraining
perplexity and downstream task evaluation. The code and models are available at
https://github.com/Caiyun-AI/DCFormer. | cs.LG | Improving Transformers with Dynamically Composable Multi-Head Attention |
2024-05-14T12:34:25Z | http://arxiv.org/pdf/2405.08546v1 | http://arxiv.org/abs/2405.08546v1 | Esam Ghaleb, Marlou Rasenberg, Wim Pouw, Ivan Toni, Judith Holler, Aslı Özyürek, Raquel Fernández | 2024-05-14T12:34:25Z | cs.CL | Conversation requires a substantial amount of coordination between dialogue
participants, from managing turn taking to negotiating mutual understanding.
Part of this coordination effort surfaces as the reuse of linguistic behaviour
across speakers, a process often referred to as alignment. While the presence
of linguistic alignment is well documented in the literature, several questions
remain open, including the extent to which patterns of reuse across speakers
have an impact on the emergence of labelling conventions for novel referents.
In this study, we put forward a methodology for automatically detecting shared
lemmatised constructions -- expressions with a common lexical core used by both
speakers within a dialogue -- and apply it to a referential communication
corpus where participants aim to identify novel objects for which no
established labels exist. Our analyses uncover the usage patterns of shared
constructions in interaction and reveal that features such as their frequency
and the amount of different constructions used for a referent are associated
with the degree of object labelling convergence the participants exhibit after
social interaction. More generally, the present study shows that automatically
detected shared constructions offer a useful level of analysis to investigate
the dynamics of reference negotiation in dialogue. | cs.CL | Analysing Cross-Speaker Convergence in Face-to-Face Dialogue through the Lens of Automatically Detected Shared Linguistic Constructions |
2024-05-14T12:24:39Z | http://arxiv.org/pdf/2406.00006v1 | http://arxiv.org/abs/2406.00006v1 | Yaohua Liu | 2024-05-14T12:24:39Z | cs.RO, cs.AI, cs.CL | With the rapid development of drone technology, the application of
multi-drones is becoming increasingly widespread in various fields. However,
the task planning technology for multi-drones still faces challenges such as
the complexity of remote operation and the convenience of human-machine
interaction. To address these issues, this paper proposes a prompt-driven task
planning method for multi-drones based on large language models. By introducing
the Prompt technique, appropriate prompt information is provided for the
multi-drone system. | cs.RO | A Prompt-driven Task Planning Method for Multi-drones based on Large Language Model |
2024-05-14T11:37:26Z | http://arxiv.org/pdf/2405.08514v1 | http://arxiv.org/abs/2405.08514v1 | AmeerAli Khan, Qusai Ramadan, Cong Yang, Zeyd Boukhers | 2024-05-14T11:37:26Z | cs.LG, cs.CL, cs.DL | This paper aims to tackle the challenge posed by the increasing integration
of software tools in research across various disciplines by investigating the
application of Falcon-7b for the detection and classification of software
mentions within scholarly texts. Specifically, the study focuses on solving
Subtask I of the Software Mention Detection in Scholarly Publications (SOMD),
which entails identifying and categorizing software mentions from academic
literature. Through comprehensive experimentation, the paper explores different
training strategies, including a dual-classifier approach, adaptive sampling,
and weighted loss scaling, to enhance detection accuracy while overcoming the
complexities of class imbalance and the nuanced syntax of scholarly writing.
The findings highlight the benefits of selective labelling and adaptive
sampling in improving the model's performance. However, they also indicate that
integrating multiple strategies does not necessarily result in cumulative
improvements. This research offers insights into the effective application of
large language models for specific tasks such as SOMD, underlining the
importance of tailored approaches to address the unique challenges presented by
academic text analysis. | cs.LG | Falcon 7b for Software Mention Detection in Scholarly Documents |
2024-05-14T11:04:16Z | http://arxiv.org/pdf/2405.08502v1 | http://arxiv.org/abs/2405.08502v1 | Odysseas S. Chlapanis, Ion Androutsopoulos, Dimitrios Galanis | 2024-05-14T11:04:16Z | cs.CL | The SemEval task on Argument Reasoning in Civil Procedure is challenging in
that it requires understanding legal concepts and inferring complex arguments.
Currently, most Large Language Models (LLM) excelling in the legal realm are
principally purposed for classification tasks, hence their reasoning rationale
is subject to contention. The approach we advocate involves using a powerful
teacher-LLM (ChatGPT) to extend the training dataset with explanations and
generate synthetic data. The resulting data are then leveraged to fine-tune a
small student-LLM. Contrary to previous work, our explanations are not directly
derived from the teacher's internal knowledge. Instead they are grounded in
authentic human analyses, therefore delivering a superior reasoning signal.
Additionally, a new `mutation' method generates artificial data instances
inspired from existing ones. We are publicly releasing the explanations as an
extension to the original dataset, along with the synthetic dataset and the
prompts that were used to generate both. Our system ranked 15th in the SemEval
competition. It outperforms its own teacher and can produce explanations
aligned with the original human analyses, as verified by legal experts. | cs.CL | Archimedes-AUEB at SemEval-2024 Task 5: LLM explains Civil Procedure |
2024-05-14T10:54:20Z | http://arxiv.org/pdf/2405.08497v1 | http://arxiv.org/abs/2405.08497v1 | Agne Knietaite, Adam Allsebrook, Anton Minkov, Adam Tomaszewski, Norbert Slinko, Richard Johnson, Thomas Pickard, Dylan Phelps, Aline Villavicencio | 2024-05-14T10:54:20Z | cs.CL, I.2.7 | Compositionality in language models presents a problem when processing
idiomatic expressions, as their meaning often cannot be directly derived from
their individual parts. Although fine-tuning and other optimization strategies
can be used to improve representations of idiomatic expressions, this depends
on the availability of relevant data. We present the Noun Compound Synonym
Substitution in Books - NCSSB - datasets, which are created by substitution of
synonyms of potentially idiomatic English noun compounds in public domain book
texts. We explore the trade-off between data quantity and quality when training
models for idiomaticity detection, in conjunction with contextual information
obtained locally (from the surrounding sentences) or externally (through
language resources). Performance on an idiomaticity detection task indicates
that dataset quality is a stronger factor for context-enriched models, but that
quantity also plays a role in models without context inclusion strategies. | cs.CL | Is Less More? Quality, Quantity and Context in Idiom Processing with Natural Language Models |
2024-05-14T10:46:33Z | http://arxiv.org/pdf/2405.17441v2 | http://arxiv.org/abs/2405.17441v2 | Danshi Wang, Yidi Wang, Xiaotian Jiang, Yao Zhang, Yue Pang, Min Zhang | 2024-06-25T03:23:00Z | cs.NI, cs.AI, cs.CL, cs.SY, eess.SY | Since the advent of GPT, large language models (LLMs) have brought about
revolutionary advancements in all walks of life. As a superior natural language
processing (NLP) technology, LLMs have consistently achieved state-of-the-art
performance on numerous areas. However, LLMs are considered to be
general-purpose models for NLP tasks, which may encounter challenges when
applied to complex tasks in specialized fields such as optical networks. In
this study, we propose a framework of LLM-empowered optical networks,
facilitating intelligent control of the physical layer and efficient
interaction with the application layer through an LLM-driven agent (AI-Agent)
deployed in the control layer. The AI-Agent can leverage external tools and
extract domain knowledge from a comprehensive resource library specifically
established for optical networks. This is achieved through user input and
well-crafted prompts, enabling the generation of control instructions and
result representations for autonomous operation and maintenance in optical
networks. To improve LLM's capability in professional fields and stimulate its
potential on complex tasks, the details of performing prompt engineering,
establishing domain knowledge library, and implementing complex tasks are
illustrated in this study. Moreover, the proposed framework is verified on two
typical tasks: network alarm analysis and network performance optimization. The
good response accuracies and sematic similarities of 2,400 test situations
exhibit the great potential of LLM in optical networks. | cs.NI | When Large Language Models Meet Optical Networks: Paving the Way for Automation |
2024-05-14T10:29:59Z | http://arxiv.org/pdf/2405.13013v1 | http://arxiv.org/abs/2405.13013v1 | Adamu Lawan, Juhua Pu, Haruna Yunusa, Jawad Muhammad, Aliyu Umar | 2024-05-14T10:29:59Z | cs.CL, cs.AI | Aspect-Based Sentiment Analysis (ABSA) is increasingly crucial in Natural
Language Processing (NLP) for applications such as customer feedback analysis
and product recommendation systems. ABSA goes beyond traditional sentiment
analysis by extracting sentiments related to specific aspects mentioned in the
text; existing attention-based models often need help to effectively connect
aspects with context due to language complexity and multiple sentiment
polarities in a single sentence. Recent research underscores the value of
integrating syntactic information, such as dependency trees, to understand
long-range syntactic relationships better and link aspects with context.
Despite these advantages, challenges persist, including sensitivity to parsing
errors and increased computational complexity when combining syntactic and
semantic information. To address these issues, we propose Amplifying
Aspect-Sentence Awareness (A3SN), a novel technique designed to enhance ABSA
through amplifying aspect-sentence awareness attention. Following the
transformer's standard process, our innovative approach incorporates multi-head
attention mechanisms to augment the model with sentence and aspect semantic
information. We added another multi-head attention module: amplify
aspect-sentence awareness attention. By doubling its focus between the sentence
and aspect, we effectively highlighted aspect importance within the sentence
context. This enables accurate capture of subtle relationships and
dependencies. Additionally, gated fusion integrates feature representations
from multi-head and amplified aspect-sentence awareness attention mechanisms,
which is essential for ABSA. Experimental results across three benchmark
datasets demonstrate A3SN's effectiveness and outperform state-of-the-art
(SOTA) baseline models. | cs.CL | Amplifying Aspect-Sentence Awareness: A Novel Approach for Aspect-Based Sentiment Analysis |
2024-05-14T10:02:50Z | http://arxiv.org/pdf/2405.08477v1 | http://arxiv.org/abs/2405.08477v1 | Andrea Piergentili, Beatrice Savoldi, Matteo Negri, Luisa Bentivogli | 2024-05-14T10:02:50Z | cs.CL | Machine translation (MT) models are known to suffer from gender bias,
especially when translating into languages with extensive gendered morphology.
Accordingly, they still fall short in using gender-inclusive language, also
representative of non-binary identities. In this paper, we look at
gender-inclusive neomorphemes, neologistic elements that avoid binary gender
markings as an approach towards fairer MT. In this direction, we explore
prompting techniques with large language models (LLMs) to translate from
English into Italian using neomorphemes. So far, this area has been
under-explored due to its novelty and the lack of publicly available evaluation
resources. We fill this gap by releasing Neo-GATE, a resource designed to
evaluate gender-inclusive en-it translation with neomorphemes. With Neo-GATE,
we assess four LLMs of different families and sizes and different prompt
formats, identifying strengths and weaknesses of each on this novel task for
MT. | cs.CL | Enhancing Gender-Inclusive Machine Translation with Neomorphemes and Large Language Models |
2024-05-14T09:51:09Z | http://arxiv.org/pdf/2405.08469v1 | http://arxiv.org/abs/2405.08469v1 | Anisia Katinskaia, Roman Yangarber | 2024-05-14T09:51:09Z | cs.CL, cs.AI | This paper investigates the application of GPT-3.5 for Grammatical Error
Correction (GEC) in multiple languages in several settings: zero-shot GEC,
fine-tuning for GEC, and using GPT-3.5 to re-rank correction hypotheses
generated by other GEC models. In the zero-shot setting, we conduct automatic
evaluations of the corrections proposed by GPT-3.5 using several methods:
estimating grammaticality with language models (LMs), the Scribendi test, and
comparing the semantic embeddings of sentences. GPT-3.5 has a known tendency to
over-correct erroneous sentences and propose alternative corrections. For
several languages, such as Czech, German, Russian, Spanish, and Ukrainian,
GPT-3.5 substantially alters the source sentences, including their semantics,
which presents significant challenges for evaluation with reference-based
metrics. For English, GPT-3.5 demonstrates high recall, generates fluent
corrections, and generally preserves sentence semantics. However, human
evaluation for both English and Russian reveals that, despite its strong
error-detection capabilities, GPT-3.5 struggles with several error types,
including punctuation mistakes, tense errors, syntactic dependencies between
words, and lexical compatibility at the sentence level. | cs.CL | GPT-3.5 for Grammatical Error Correction |
2024-05-14T09:44:52Z | http://arxiv.org/pdf/2405.08468v1 | http://arxiv.org/abs/2405.08468v1 | Kenza Amara, Rita Sevastjanova, Mennatallah El-Assady | 2024-05-14T09:44:52Z | cs.CL, cs.AI | The necessity for interpretability in natural language processing (NLP) has
risen alongside the growing prominence of large language models. Among the
myriad tasks within NLP, text generation stands out as a primary objective of
autoregressive models. The NLP community has begun to take a keen interest in
gaining a deeper understanding of text generation, leading to the development
of model-agnostic explainable artificial intelligence (xAI) methods tailored to
this task. The design and evaluation of explainability methods are non-trivial
since they depend on many factors involved in the text generation process,
e.g., the autoregressive model and its stochastic nature. This paper outlines
17 challenges categorized into three groups that arise during the development
and assessment of attribution-based explainability methods. These challenges
encompass issues concerning tokenization, defining explanation similarity,
determining token importance and prediction change metrics, the level of human
intervention required, and the creation of suitable test datasets. The paper
illustrates how these challenges can be intertwined, showcasing new
opportunities for the community. These include developing probabilistic
word-level explainability methods and engaging humans in the explainability
pipeline, from the data design to the final evaluation, to draw robust
conclusions on xAI methods. | cs.CL | Challenges and Opportunities in Text Generation Explainability |
2024-05-14T09:31:31Z | http://arxiv.org/pdf/2405.08460v1 | http://arxiv.org/abs/2405.08460v1 | Chenghao Zhu, Nuo Chen, Yufei Gao, Benyou Wang | 2024-05-14T09:31:31Z | cs.CL, cs.AI | The rapid advancement of Large Language Models (LLMs) highlights the urgent
need for evolving evaluation methodologies that keep pace with improvements in
language comprehension and information processing. However, traditional
benchmarks, which are often static, fail to capture the continually changing
information landscape, leading to a disparity between the perceived and actual
effectiveness of LLMs in ever-changing real-world scenarios. Furthermore, these
benchmarks do not adequately measure the models' capabilities over a broader
temporal range or their adaptability over time. We examine current LLMs in
terms of temporal generalization and bias, revealing that various temporal
biases emerge in both language likelihood and prognostic prediction. This
serves as a caution for LLM practitioners to pay closer attention to mitigating
temporal biases. Also, we propose an evaluation framework Freshbench for
dynamically generating benchmarks from the most recent real-world
prognostication prediction. Our code is available at
https://github.com/FreedomIntelligence/FreshBench. The dataset will be released
soon. | cs.CL | Evaluating LLMs at Evaluating Temporal Generalization |
2024-05-14T09:20:59Z | http://arxiv.org/pdf/2405.08454v1 | http://arxiv.org/abs/2405.08454v1 | Christian Arnold, Andreas Küpfer | 2024-05-14T09:20:59Z | cs.CL | When studying political communication, combining the information from text,
audio, and video signals promises to reflect the richness of human
communication more comprehensively than confining it to individual modalities
alone. However, when modeling such multimodal data, its heterogeneity,
connectedness, and interaction are challenging to address. We argue that
aligning the respective modalities can be an essential step in entirely using
the potential of multimodal data because it informs the model with human
understanding. Exploring aligned modalities unlocks promising analytical
leverage. First, it allows us to make the most of information in the data,
which inter alia opens the door to better quality predictions. Second, it is
possible to answer research questions that span multiple modalities with
cross-modal queries. Finally, alignment addresses concerns about model
interpretability. We illustrate the utility of this approach by analyzing how
German MPs address members of the far-right AfD in their speeches, and
predicting the tone of video advertising in the context of the 2020 US
presidential race. Our paper offers important insights to all keen to analyze
multimodal data effectively. | cs.CL | How Alignment Helps Make the Most of Multimodal Data |
2024-05-14T08:42:49Z | http://arxiv.org/pdf/2405.08427v1 | http://arxiv.org/abs/2405.08427v1 | Yuanchen Shi, Biao Ma, Fang Kong | 2024-05-14T08:42:49Z | cs.CL, cs.AI | Stickers are increasingly used in social media to express sentiment and
intent. When finding typing troublesome, people often use a sticker instead.
Despite the significant impact of stickers on sentiment analysis and intent
recognition, little research has been conducted. To address this gap, we
propose a new task: Multimodal chat Sentiment Analysis and Intent Recognition
involving Stickers (MSAIRS). Additionally, we introduce a novel multimodal
dataset containing Chinese chat records and stickers excerpted from several
mainstream social media platforms. Our dataset includes paired data with the
same text but different stickers, and various stickers consisting of the same
images with different texts, allowing us to better understand the impact of
stickers on chat sentiment and intent. We also propose an effective multimodal
joint model, MMSAIR, for our task, which is validated on our datasets and
indicates that visual information of stickers counts. Our dataset and code will
be publicly available. | cs.CL | Impact of Stickers on Multimodal Chat Sentiment Analysis and Intent Recognition: A New Task, Dataset and Baseline |
2024-05-14T07:55:37Z | http://arxiv.org/pdf/2405.08402v1 | http://arxiv.org/abs/2405.08402v1 | Valentin Vielzeuf | 2024-05-14T07:55:37Z | cs.CL | Self-supervised learning has shown great success in Speech Recognition.
However, it has been observed that finetuning all layers of the learned model
leads to lower performance compared to resetting top layers. This phenomenon is
attributed to the ''autoencoder'' behavior: top layers contain information
closer to the input and are less suitable for tasks that require linguistic
information, such as Speech Recognition.To better our understanding of this
behavior, we propose to study the evolution of high-level information within
the model during pretraining. We focus on the HuBERT model, which exhibits a
less pronounced ''autoencoder'' behavior. By experimentally exploring various
factors that may have an impact, we aim to improve the training procedure and
enhance the top layers of HuBERT for high-level tasks.Furthermore, our
experiments demonstrate that these improvements in the training procedure
result in faster convergence and competitive performance on downstream tasks. | cs.CL | Investigating the 'Autoencoder Behavior' in Speech Self-Supervised Models: a focus on HuBERT's Pretraining |
2024-05-14T07:54:54Z | http://arxiv.org/pdf/2405.08400v1 | http://arxiv.org/abs/2405.08400v1 | Georg Niess, Roman Kern | 2024-05-14T07:54:54Z | cs.CL | The rapid advancement of large language models (LLMs) has made it
increasingly difficult to distinguish between text written by humans and
machines. Addressing this, we propose a novel method for generating watermarks
that strategically alters token probabilities during generation. Unlike
previous works, this method uniquely employs linguistic features such as
stylometry. Concretely, we introduce acrostica and sensorimotor norms to LLMs.
Further, these features are parameterized by a key, which is updated every
sentence. To compute this key, we use semantic zero shot classification, which
enhances resilience. In our evaluation, we find that for three or more
sentences, our method achieves a false positive and false negative rate of
0.02. For the case of a cyclic translation attack, we observe similar results
for seven or more sentences. This research is of particular of interest for
proprietary LLMs to facilitate accountability and prevent societal harm. | cs.CL | Stylometric Watermarks for Large Language Models |
2024-05-14T07:16:56Z | http://arxiv.org/pdf/2405.08839v1 | http://arxiv.org/abs/2405.08839v1 | Satya K Gundabathula, Sriram R Kolar | 2024-05-14T07:16:56Z | cs.DB, cs.AI, cs.CL, cs.LG | This paper presents our approach to the EHRSQL-2024 shared task, which aims
to develop a reliable Text-to-SQL system for electronic health records. We
propose two approaches that leverage large language models (LLMs) for prompting
and fine-tuning to generate EHRSQL queries. In both techniques, we concentrate
on bridging the gap between the real-world knowledge on which LLMs are trained
and the domain specific knowledge required for the task. The paper provides the
results of each approach individually, demonstrating that they achieve high
execution accuracy. Additionally, we show that an ensemble approach further
enhances generation reliability by reducing errors. This approach secured us
2nd place in the shared task competition. The methodologies outlined in this
paper are designed to be transferable to domain-specific Text-to-SQL problems
that emphasize both accuracy and reliability. | cs.DB | PromptMind Team at EHRSQL-2024: Improving Reliability of SQL Generation using Ensemble LLMs |
2024-05-14T07:16:36Z | http://arxiv.org/pdf/2405.08373v1 | http://arxiv.org/abs/2405.08373v1 | Satya Kesav Gundabathula, Sriram R Kolar | 2024-05-14T07:16:36Z | cs.CL, cs.AI, cs.LG | This paper describes our approach to the MEDIQA-CORR shared task, which
involves error detection and correction in clinical notes curated by medical
professionals. This task involves handling three subtasks: detecting the
presence of errors, identifying the specific sentence containing the error, and
correcting it. Through our work, we aim to assess the capabilities of Large
Language Models (LLMs) trained on a vast corpora of internet data that contain
both factual and unreliable information. We propose to comprehensively address
all subtasks together, and suggest employing a unique prompt-based in-context
learning strategy. We will evaluate its efficacy in this specialized task
demanding a combination of general reasoning and medical knowledge. In medical
systems where prediction errors can have grave consequences, we propose
leveraging self-consistency and ensemble methods to enhance error correction
and error detection performance. | cs.CL | PromptMind Team at MEDIQA-CORR 2024: Improving Clinical Text Correction with Error Categorization and LLM Ensembles |
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.