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-03-30T12:13:57Z | http://arxiv.org/pdf/2404.01334v1 | http://arxiv.org/abs/2404.01334v1 | Yuji Naraki, Ryosuke Yamaki, Yoshikazu Ikeda, Takafumi Horie, Hiroki Naganuma | 2024-03-30T12:13:57Z | cs.CL, cs.LG | In the field of Natural Language Processing (NLP), Named Entity Recognition
(NER) is recognized as a critical technology, employed across a wide array of
applications. Traditional methodologies for annotating datasets for NER models
are challenged by high costs and variations in dataset quality. This research
introduces a novel hybrid annotation approach that synergizes human effort with
the capabilities of Large Language Models (LLMs). This approach not only aims
to ameliorate the noise inherent in manual annotations, such as omissions,
thereby enhancing the performance of NER models, but also achieves this in a
cost-effective manner. Additionally, by employing a label mixing strategy, it
addresses the issue of class imbalance encountered in LLM-based annotations.
Through an analysis across multiple datasets, this method has been consistently
shown to provide superior performance compared to traditional annotation
methods, even under constrained budget conditions. This study illuminates the
potential of leveraging LLMs to improve dataset quality, introduces a novel
technique to mitigate class imbalances, and demonstrates the feasibility of
achieving high-performance NER in a cost-effective way. | cs.CL | Augmenting NER Datasets with LLMs: Towards Automated and Refined Annotation |
2024-03-30T09:55:58Z | http://arxiv.org/pdf/2404.00303v1 | http://arxiv.org/abs/2404.00303v1 | Md Saroar Jahan, Mourad Oussalah, Djamila Romaissa Beddia, Jhuma kabir Mim, Nabil Arhab | 2024-03-30T09:55:58Z | cs.CL | The surge of interest in data augmentation within the realm of NLP has been
driven by the need to address challenges posed by hate speech domains, the
dynamic nature of social media vocabulary, and the demands for large-scale
neural networks requiring extensive training data. However, the prevalent use
of lexical substitution in data augmentation has raised concerns, as it may
inadvertently alter the intended meaning, thereby impacting the efficacy of
supervised machine learning models. In pursuit of suitable data augmentation
methods, this study explores both established legacy approaches and
contemporary practices such as Large Language Models (LLM), including GPT in
Hate Speech detection. Additionally, we propose an optimized utilization of
BERT-based encoder models with contextual cosine similarity filtration,
exposing significant limitations in prior synonym substitution methods. Our
comparative analysis encompasses five popular augmentation techniques: WordNet
and Fast-Text synonym replacement, Back-translation, BERT-mask contextual
augmentation, and LLM. Our analysis across five benchmarked datasets revealed
that while traditional methods like back-translation show low label alteration
rates (0.3-1.5%), and BERT-based contextual synonym replacement offers sentence
diversity but at the cost of higher label alteration rates (over 6%). Our
proposed BERT-based contextual cosine similarity filtration markedly reduced
label alteration to just 0.05%, demonstrating its efficacy in 0.7% higher F1
performance. However, augmenting data with GPT-3 not only avoided overfitting
with up to sevenfold data increase but also improved embedding space coverage
by 15% and classification F1 score by 1.4% over traditional methods, and by
0.8% over our method. | cs.CL | A Comprehensive Study on NLP Data Augmentation for Hate Speech Detection: Legacy Methods, BERT, and LLMs |
2024-03-30T09:20:43Z | http://arxiv.org/pdf/2404.00297v2 | http://arxiv.org/abs/2404.00297v2 | Md Abrar Jahin, Md Sakib Hossain Shovon, M. F. Mridha, Md Rashedul Islam, Yutaka Watanobe | 2024-05-16T14:35:36Z | cs.CL, cs.LG | Sentiment analysis is crucial for understanding public opinion and consumer
behavior. Existing models face challenges with linguistic diversity,
generalizability, and explainability. We propose TRABSA, a hybrid framework
integrating transformer-based architectures, attention mechanisms, and BiLSTM
networks to address this. Leveraging RoBERTa-trained on 124M tweets, we bridge
gaps in sentiment analysis benchmarks, ensuring state-of-the-art accuracy.
Augmenting datasets with tweets from 32 countries and US states, we compare six
word-embedding techniques and three lexicon-based labeling techniques,
selecting the best for optimal sentiment analysis. TRABSA outperforms
traditional ML and deep learning models with 94% accuracy and significant
precision, recall, and F1-score gains. Evaluation across diverse datasets
demonstrates consistent superiority and generalizability. SHAP and LIME
analyses enhance interpretability, improving confidence in predictions. Our
study facilitates pandemic resource management, aiding resource planning,
policy formation, and vaccination tactics. | cs.CL | TRABSA: Interpretable Sentiment Analysis of Tweets using Attention-based BiLSTM and Twitter-RoBERTa |
2024-03-30T08:35:08Z | http://arxiv.org/pdf/2404.00284v1 | http://arxiv.org/abs/2404.00284v1 | V. S. D. S. Mahesh Akavarapu, Arnab Bhattacharya | 2024-03-30T08:35:08Z | cs.CL, I.2.7 | Lexical resemblances among a group of languages indicate that the languages
could be genetically related, i.e., they could have descended from a common
ancestral language. However, such resemblances can arise by chance and, hence,
need not always imply an underlying genetic relationship. Many tests of
significance based on permutation of wordlists and word similarity measures
appeared in the past to determine the statistical significance of such
relationships. We demonstrate that although existing tests may work well for
bilateral comparisons, i.e., on pairs of languages, they are either infeasible
by design or are prone to yield false positives when applied to groups of
languages or language families. To this end, inspired by molecular
phylogenetics, we propose a likelihood ratio test to determine if given
languages are related based on the proportion of invariant character sites in
the aligned wordlists applied during tree inference. Further, we evaluate some
language families and show that the proposed test solves the problem of false
positives. Finally, we demonstrate that the test supports the existence of
macro language families such as Nostratic and Macro-Mayan. | cs.CL | A Likelihood Ratio Test of Genetic Relationship among Languages |
2024-03-30T08:28:08Z | http://arxiv.org/pdf/2404.00282v1 | http://arxiv.org/abs/2404.00282v1 | Yuji Cao, Huan Zhao, Yuheng Cheng, Ting Shu, Guolong Liu, Gaoqi Liang, Junhua Zhao, Yun Li | 2024-03-30T08:28:08Z | cs.LG, cs.AI, cs.CL, cs.RO | With extensive pre-trained knowledge and high-level general capabilities,
large language models (LLMs) emerge as a promising avenue to augment
reinforcement learning (RL) in aspects such as multi-task learning, sample
efficiency, and task planning. In this survey, we provide a comprehensive
review of the existing literature in $\textit{LLM-enhanced RL}$ and summarize
its characteristics compared to conventional RL methods, aiming to clarify the
research scope and directions for future studies. Utilizing the classical
agent-environment interaction paradigm, we propose a structured taxonomy to
systematically categorize LLMs' functionalities in RL, including four roles:
information processor, reward designer, decision-maker, and generator.
Additionally, for each role, we summarize the methodologies, analyze the
specific RL challenges that are mitigated, and provide insights into future
directions. Lastly, potential applications, prospective opportunities and
challenges of the $\textit{LLM-enhanced RL}$ are discussed. | cs.LG | Survey on Large Language Model-Enhanced Reinforcement Learning: Concept, Taxonomy, and Methods |
2024-03-30T06:49:17Z | http://arxiv.org/pdf/2404.00267v2 | http://arxiv.org/abs/2404.00267v2 | Zhivar Sourati, Meltem Ozcan, Colin McDaniel, Alireza Ziabari, Nuan Wen, Ala Tak, Fred Morstatter, Morteza Dehghani | 2024-04-03T17:29:12Z | cs.CL | Prior research has established associations between individuals' language
usage and their personal traits; our linguistic patterns reveal information
about our personalities, emotional states, and beliefs. However, with the
increasing adoption of Large Language Models (LLMs) as writing assistants in
everyday writing, a critical question emerges: are authors' linguistic patterns
still predictive of their personal traits when LLMs are involved in the writing
process? We investigate the impact of LLMs on the linguistic markers of
demographic and psychological traits, specifically examining three LLMs -
GPT3.5, Llama 2, and Gemini - across six different traits: gender, age,
political affiliation, personality, empathy, and morality. Our findings
indicate that although the use of LLMs slightly reduces the predictive power of
linguistic patterns over authors' personal traits, the significant changes are
infrequent, and the use of LLMs does not fully diminish the predictive power of
authors' linguistic patterns over their personal traits. We also note that some
theoretically established lexical-based linguistic markers lose their
reliability as predictors when LLMs are used in the writing process. Our
findings have important implications for the study of linguistic markers of
personal traits in the age of LLMs. | cs.CL | Secret Keepers: The Impact of LLMs on Linguistic Markers of Personal Traits |
2024-03-30T06:40:54Z | http://arxiv.org/pdf/2404.00264v1 | http://arxiv.org/abs/2404.00264v1 | Aru Maekawa, Satoshi Kosugi, Kotaro Funakoshi, Manabu Okumura | 2024-03-30T06:40:54Z | cs.CL, cs.LG | Dataset distillation aims to compress a training dataset by creating a small
number of informative synthetic samples such that neural networks trained on
them perform as well as those trained on the original training dataset. Current
text dataset distillation methods create each synthetic sample as a sequence of
word embeddings instead of a text to apply gradient-based optimization;
however, such embedding-level distilled datasets cannot be used for training
other models whose word embedding weights are different from the model used for
distillation. To address this issue, we propose a novel text dataset
distillation approach, called Distilling dataset into Language Model (DiLM),
which trains a language model to generate informative synthetic training
samples as text data, instead of directly optimizing synthetic samples. We
evaluated DiLM on various text classification datasets and showed that
distilled synthetic datasets from DiLM outperform those from current coreset
selection methods. DiLM achieved remarkable generalization performance in
training different types of models and in-context learning of large language
models. Our code will be available at https://github.com/arumaekawa/DiLM. | cs.CL | DiLM: Distilling Dataset into Language Model for Text-level Dataset Distillation |
2024-03-30T04:48:38Z | http://arxiv.org/pdf/2404.00246v1 | http://arxiv.org/abs/2404.00246v1 | Guande Wu, Chen Zhao, Claudio Silva, He He | 2024-03-30T04:48:38Z | cs.CL, cs.AI, cs.HC | Language agents that interact with the world on their own have great
potential for automating digital tasks. While large language model (LLM) agents
have made progress in understanding and executing tasks such as textual games
and webpage control, many real-world tasks also require collaboration with
humans or other LLMs in equal roles, which involves intent understanding, task
coordination, and communication. To test LLM's ability to collaborate, we
design a blocks-world environment, where two agents, each having unique goals
and skills, build a target structure together. To complete the goals, they can
act in the world and communicate in natural language. Under this environment,
we design increasingly challenging settings to evaluate different collaboration
perspectives, from independent to more complex, dependent tasks. We further
adopt chain-of-thought prompts that include intermediate reasoning steps to
model the partner's state and identify and correct execution errors. Both
human-machine and machine-machine experiments show that LLM agents have strong
grounding capacities, and our approach significantly improves the evaluation
metric. | cs.CL | Your Co-Workers Matter: Evaluating Collaborative Capabilities of Language Models in Blocks World |
2024-03-30T04:34:54Z | http://arxiv.org/pdf/2404.00242v2 | http://arxiv.org/abs/2404.00242v2 | Jinwei Yao, Kaiqi Chen, Kexun Zhang, Jiaxuan You, Binhang Yuan, Zeke Wang, Tao Lin | 2024-05-29T18:46:41Z | cs.CL, cs.AI | Given the increasing demand for tree-structured interactions with LLMs, we
introduce DeFT (Decoding with Flash Tree-Attention), an IO-aware tree attention
algorithm tailored for tree-structured inference. Unlike traditional
sequence-based decoding, tree-structured decoding better accommodates modern
task requirements, including self-consistency, few-shot prompting, multi-step
reasoning, and multi-model/head coordination. However, existing sequence-based
inference systems are ill-suited for tree-structured decoding, resulting in
redundancy in computation, memory footprints, and memory access, thereby
undermining inference efficiency. To address this challenge, DeFT maintains
memory-efficient attention calculation with low memory footprints through two
key stages: (1) QKV Preparation: We propose a KV-Guided Grouping Strategy with
Tree Split to intelligently group QKV, optimizing GPU resource utilization
while minimizing memory reads/writes for KV cache between GPU global memory and
on-chip shared memory; (2)Attention Calculation: We compute partial attention
of each QKV group in a fused kernel and employ a Tree-topology-aware Global
Reduction strategy to obtain final attention. By reducing 73-99% KV cache IO
and nearly 100% IO for partial results during attention calculation (e.g.,
Softmax), DeFT achieves up to 2.52/3.82x speedup in the end-to-end/attention
latency across three practical tree-based workloads: namely, few-shot
prompting, multi-step reasoning, and speculative decoding, over
state-of-the-art attention algorithms. | cs.CL | DeFT: Decoding with Flash Tree-attention for Efficient Tree-structured LLM Inference |
2024-03-30T03:56:53Z | http://arxiv.org/pdf/2404.00236v1 | http://arxiv.org/abs/2404.00236v1 | Wentao Xu, Qianqian Xie, Shuo Yang, Jiangxia Cao, Shuchao Pang | 2024-03-30T03:56:53Z | cs.IR, cs.CL | In real-world applications, users express different behaviors when they
interact with different items, including implicit click/like interactions, and
explicit comments/reviews interactions. Nevertheless, almost all recommender
works are focused on how to describe user preferences by the implicit
click/like interactions, to find the synergy of people. For the content-based
explicit comments/reviews interactions, some works attempt to utilize them to
mine the semantic knowledge to enhance recommender models. However, they still
neglect the following two points: (1) The content semantic is a universal world
knowledge; how do we extract the multi-aspect semantic information to empower
different domains? (2) The user/item ID feature is a fundamental element for
recommender models; how do we align the ID and content semantic feature space?
In this paper, we propose a `plugin' semantic knowledge transferring method
\textbf{LoID}, which includes two major components: (1) LoRA-based large
language model pretraining to extract multi-aspect semantic information; (2)
ID-based contrastive objective to align their feature spaces. We conduct
extensive experiments with SOTA baselines on real-world datasets, the detailed
results demonstrating significant improvements of our method LoID. | cs.IR | Enhancing Content-based Recommendation via Large Language Model |
2024-03-30T02:57:55Z | http://arxiv.org/pdf/2404.00227v1 | http://arxiv.org/abs/2404.00227v1 | Kalahasti Ganesh Srivatsa, Sabyasachi Mukhopadhyay, Ganesh Katrapati, Manish Shrivastava | 2024-03-30T02:57:55Z | cs.SE, cs.CL | Infrastructure as Code (IaC) is a revolutionary approach which has gained
significant prominence in the Industry. IaC manages and provisions IT
infrastructure using machine-readable code by enabling automation, consistency
across the environments, reproducibility, version control, error reduction and
enhancement in scalability. However, IaC orchestration is often a painstaking
effort which requires specialised skills as well as a lot of manual effort.
Automation of IaC is a necessity in the present conditions of the Industry and
in this survey, we study the feasibility of applying Large Language Models
(LLM) to address this problem. LLMs are large neural network-based models which
have demonstrated significant language processing abilities and shown to be
capable of following a range of instructions within a broad scope. Recently,
they have also been adapted for code understanding and generation tasks
successfully, which makes them a promising choice for the automatic generation
of IaC configurations. In this survey, we delve into the details of IaC, usage
of IaC in different platforms, their challenges, LLMs in terms of
code-generation aspects and the importance of LLMs in IaC along with our own
experiments. Finally, we conclude by presenting the challenges in this area and
highlighting the scope for future research. | cs.SE | A Survey of using Large Language Models for Generating Infrastructure as Code |
2024-03-30T02:56:54Z | http://arxiv.org/pdf/2404.00226v2 | http://arxiv.org/abs/2404.00226v2 | Tongkun Su, Jun Li, Xi Zhang, Haibo Jin, Hao Chen, Qiong Wang, Faqin Lv, Baoliang Zhao, Yin Hu | 2024-04-08T13:05:11Z | cs.CV, cs.CL | Multimodal pre-training demonstrates its potential in the medical domain,
which learns medical visual representations from paired medical reports.
However, many pre-training tasks require extra annotations from clinicians, and
most of them fail to explicitly guide the model to learn the desired features
of different pathologies. To the best of our knowledge, we are the first to
utilize Visual Question Answering (VQA) for multimodal pre-training to guide
the framework focusing on targeted pathological features. In this work, we
leverage descriptions in medical reports to design multi-granular
question-answer pairs associated with different diseases, which assist the
framework in pre-training without requiring extra annotations from experts. We
also propose a novel pre-training framework with a quasi-textual feature
transformer, a module designed to transform visual features into a
quasi-textual space closer to the textual domain via a contrastive learning
strategy. This narrows the vision-language gap and facilitates modality
alignment. Our framework is applied to four downstream tasks: report
generation, classification, segmentation, and detection across five datasets.
Extensive experiments demonstrate the superiority of our framework compared to
other state-of-the-art methods. Our code will be released upon acceptance. | cs.CV | Design as Desired: Utilizing Visual Question Answering for Multimodal Pre-training |
2024-03-30T02:52:14Z | http://arxiv.org/pdf/2404.00224v1 | http://arxiv.org/abs/2404.00224v1 | Gustavo Bartz Guedes, Ana Estela Antunes da Silva | 2024-03-30T02:52:14Z | cs.CL | Scientific articles are long text documents organized into sections, each
describing aspects of the research. Analyzing scientific production has become
progressively challenging due to the increase in the number of available
articles. Within this scenario, our approach consisted of fine-tuning
transformer language models to generate sentence-level embeddings from
scientific articles, considering the following labels: background, objective,
methods, results, and conclusion. We trained our models on three datasets with
contrastive learning. Two datasets are from the article's abstracts in the
computer science and medical domains. Also, we introduce PMC-Sents-FULL, a
novel dataset of sentences extracted from the full texts of medical articles.
We compare the fine-tuned and baseline models in clustering and classification
tasks to evaluate our approach. On average, clustering agreement measures
values were five times higher. For the classification measures, in the
best-case scenario, we had an average improvement in F1-micro of 30.73\%.
Results show that fine-tuning sentence transformers with contrastive learning
and using the generated embeddings in downstream tasks is a feasible approach
to sentence classification in scientific articles. Our experiment codes are
available on GitHub. | cs.CL | Classification and Clustering of Sentence-Level Embeddings of Scientific Articles Generated by Contrastive Learning |
2024-03-30T02:22:57Z | http://arxiv.org/pdf/2404.00217v1 | http://arxiv.org/abs/2404.00217v1 | Haoyuan Li, Snigdha Chaturvedi | 2024-03-30T02:22:57Z | cs.CL | Opinion summarization aims to generate concise summaries that present popular
opinions of a large group of reviews. However, these summaries can be too
generic and lack supporting details. To address these issues, we propose a new
paradigm for summarizing reviews, rationale-based opinion summarization.
Rationale-based opinion summaries output the representative opinions as well as
one or more corresponding rationales. To extract good rationales, we define
four desirable properties: relatedness, specificity, popularity, and diversity
and present a Gibbs-sampling-based method to extract rationales. Overall, we
propose RATION, an unsupervised extractive system that has two components: an
Opinion Extractor (to extract representative opinions) and Rationales Extractor
(to extract corresponding rationales). We conduct automatic and human
evaluations to show that rationales extracted by RATION have the proposed
properties and its summaries are more useful than conventional summaries. The
implementation of our work is available at
https://github.com/leehaoyuan/RATION. | cs.CL | Rationale-based Opinion Summarization |
2024-03-30T02:08:28Z | http://arxiv.org/pdf/2404.00216v1 | http://arxiv.org/abs/2404.00216v1 | Baolong Bi, Shenghua Liu, Yiwei Wang, Lingrui Mei, Xueqi Cheng | 2024-03-30T02:08:28Z | cs.CL, cs.AI | The rapid development of large language models (LLMs) enables them to convey
factual knowledge in a more human-like fashion. Extensive efforts have been
made to reduce factual hallucinations by modifying LLMs with factuality
decoding. However, they also pose risks of hindering knowledge updates, as they
make models overly confident in known facts. In this work, we first revisite
the current factuality decoding methods and verified their effectiveness in
enhancing factual accuracy. Subsequently, we conduct further evaluation of
several strong factuality decoding methods on the knowledge editing benchmark.
All these decoding methods significantly diminish the performance of llama2
models compared to their original decoding, with the largest decrease being a
staggering 81.3\%. This further indicates that the current existing decoding
methods still cannot perfectly address the factual hallucinations, as they
overlook the importance of preserving the flexibility for knowledge editing.
Therefore, our work suggests that research into factual alignment should
simultaneously focus on the effectiveness of knowledge editing. | cs.CL | Is Factuality Decoding a Free Lunch for LLMs? Evaluation on Knowledge Editing Benchmark |
2024-03-30T01:56:07Z | http://arxiv.org/pdf/2404.00213v2 | http://arxiv.org/abs/2404.00213v2 | Nick Mecklenburg, Yiyou Lin, Xiaoxiao Li, Daniel Holstein, Leonardo Nunes, Sara Malvar, Bruno Silva, Ranveer Chandra, Vijay Aski, Pavan Kumar Reddy Yannam, Tolga Aktas, Todd Hendry | 2024-04-02T20:09:45Z | cs.CL | In recent years, Large Language Models (LLMs) have shown remarkable
performance in generating human-like text, proving to be a valuable asset
across various applications. However, adapting these models to incorporate new,
out-of-domain knowledge remains a challenge, particularly for facts and events
that occur after the model's knowledge cutoff date. This paper investigates the
effectiveness of Supervised Fine-Tuning (SFT) as a method for knowledge
injection in LLMs, specifically focusing on the domain of recent sporting
events. We compare different dataset generation strategies -- token-based and
fact-based scaling -- to create training data that helps the model learn new
information. Our experiments on GPT-4 demonstrate that while token-based
scaling can lead to improvements in Q&A accuracy, it may not provide uniform
coverage of new knowledge. Fact-based scaling, on the other hand, offers a more
systematic approach to ensure even coverage across all facts. We present a
novel dataset generation process that leads to more effective knowledge
ingestion through SFT, and our results show considerable performance
improvements in Q&A tasks related to out-of-domain knowledge. This study
contributes to the understanding of domain adaptation for LLMs and highlights
the potential of SFT in enhancing the factuality of LLM responses in specific
knowledge domains. | cs.CL | Injecting New Knowledge into Large Language Models via Supervised Fine-Tuning |
2024-03-30T01:26:05Z | http://arxiv.org/pdf/2404.00211v1 | http://arxiv.org/abs/2404.00211v1 | Pouya Pezeshkpour, Estevam Hruschka | 2024-03-30T01:26:05Z | cs.CL, cs.LG | Utilizing large language models (LLMs) to rank a set of items has become a
common approach in recommendation and retrieval systems. Typically, these
systems focus on ordering a substantial number of documents in a monotonic
order based on a given query. However, real-world scenarios often present a
different challenge: ranking a comparatively smaller set of items, but
according to a variety of diverse and occasionally conflicting conditions. In
this paper, we define and explore the task of multi-conditional ranking by
introducing MCRank, a benchmark tailored for assessing multi-conditional
ranking across various item types and conditions. Our analysis of LLMs using
MCRank indicates a significant decrease in performance as the number and
complexity of items and conditions grow. To overcome this limitation, we
propose a novel decomposed reasoning method, consisting of EXtracting and
Sorting the conditions, and then Iterativly Ranking the items (EXSIR). Our
extensive experiments show that this decomposed reasoning method enhances LLMs'
performance significantly, achieving up to a 12% improvement over existing
LLMs. We also provide a detailed analysis of LLMs performance across various
condition categories, and examine the effectiveness of decomposition step.
Furthermore, we compare our method with existing approaches such as
Chain-of-Thought and an encoder-type ranking model, demonstrating the
superiority of our approach and complexity of MCR task. We released our dataset
and code. | cs.CL | Multi-Conditional Ranking with Large Language Models |
2024-03-30T01:16:37Z | http://arxiv.org/pdf/2404.00209v1 | http://arxiv.org/abs/2404.00209v1 | Cheng Jiayang, Lin Qiu, Chunkit Chan, Xin Liu, Yangqiu Song, Zheng Zhang | 2024-03-30T01:16:37Z | cs.CL | Narrative reasoning relies on the understanding of eventualities in story
contexts, which requires a wealth of background world knowledge. To help
machines leverage such knowledge, existing solutions can be categorized into
two groups. Some focus on implicitly modeling eventuality knowledge by
pretraining language models (LMs) with eventuality-aware objectives. However,
this approach breaks down knowledge structures and lacks interpretability.
Others explicitly collect world knowledge of eventualities into structured
eventuality-centric knowledge graphs (KGs). However, existing research on
leveraging these knowledge sources for free-texts is limited. In this work, we
propose an initial comprehensive framework called EventGround, which aims to
tackle the problem of grounding free-texts to eventuality-centric KGs for
contextualized narrative reasoning. We identify two critical problems in this
direction: the event representation and sparsity problems. We provide simple
yet effective parsing and partial information extraction methods to tackle
these problems. Experimental results demonstrate that our approach consistently
outperforms baseline models when combined with graph neural network (GNN) or
large language model (LLM) based graph reasoning models. Our framework,
incorporating grounded knowledge, achieves state-of-the-art performance while
providing interpretable evidence. | cs.CL | EventGround: Narrative Reasoning by Grounding to Eventuality-centric Knowledge Graphs |
2024-03-30T01:08:25Z | http://arxiv.org/pdf/2404.00207v1 | http://arxiv.org/abs/2404.00207v1 | Bohan Zhang, Yixin Wang, Paramveer S. Dhillon | 2024-03-30T01:08:25Z | cs.CL, cs.AI, cs.LG | In this paper, we examine the collaborative dynamics between humans and
language models (LMs), where the interactions typically involve LMs proposing
text segments and humans editing or responding to these proposals. Productive
engagement with LMs in such scenarios necessitates that humans discern
effective text-based interaction strategies, such as editing and response
styles, from historical human-LM interactions. This objective is inherently
causal, driven by the counterfactual `what-if' question: how would the outcome
of collaboration change if humans employed a different text editing/refinement
strategy? A key challenge in answering this causal inference question is
formulating an appropriate causal estimand: the conventional average treatment
effect (ATE) estimand is inapplicable to text-based treatments due to their
high dimensionality. To address this concern, we introduce a new causal
estimand -- Incremental Stylistic Effect (ISE) -- which characterizes the
average impact of infinitesimally shifting a text towards a specific style,
such as increasing formality. We establish the conditions for the
non-parametric identification of ISE. Building on this, we develop
CausalCollab, an algorithm designed to estimate the ISE of various interaction
strategies in dynamic human-LM collaborations. Our empirical investigations
across three distinct human-LM collaboration scenarios reveal that CausalCollab
effectively reduces confounding and significantly improves counterfactual
estimation over a set of competitive baselines. | cs.CL | Causal Inference for Human-Language Model Collaboration |
2024-03-30T00:53:53Z | http://arxiv.org/pdf/2404.00205v1 | http://arxiv.org/abs/2404.00205v1 | Ben Zhou, Hongming Zhang, Sihao Chen, Dian Yu, Hongwei Wang, Baolin Peng, Dan Roth, Dong Yu | 2024-03-30T00:53:53Z | cs.CL | Conceptual reasoning, the ability to reason in abstract and high-level
perspectives, is key to generalization in human cognition. However, limited
study has been done on large language models' capability to perform conceptual
reasoning. In this work, we bridge this gap and propose a novel
conceptualization framework that forces models to perform conceptual reasoning
on abstract questions and generate solutions in a verifiable symbolic space.
Using this framework as an analytical tool, we show that existing large
language models fall short on conceptual reasoning, dropping 9% to 28% on
various benchmarks compared to direct inference methods. We then discuss how
models can improve since high-level abstract reasoning is key to unbiased and
generalizable decision-making. We propose two techniques to add trustworthy
induction signals by generating familiar questions with similar underlying
reasoning paths and asking models to perform self-refinement. Experiments show
that our proposed techniques improve models' conceptual reasoning performance
by 8% to 11%, achieving a more robust reasoning system that relies less on
inductive biases. | cs.CL | Conceptual and Unbiased Reasoning in Language Models |
2024-03-29T23:04:04Z | http://arxiv.org/pdf/2404.00189v1 | http://arxiv.org/abs/2404.00189v1 | Xiao Liu, Jiawei Zhang | 2024-03-29T23:04:04Z | cs.CL | This study introduces GPTA, a Large Language Model assistance training
framework, that enhances the training of downstream task models via prefix
prompt. By minimizing data exposure to LLM, the framework addresses the
security and legal challenges of applying LLM in downstream task model
training. GPTA utilizes a new synergistic training approach, optimizing the
downstream models with parameter gradients and LLMs with the novel ``dialogue
gradient''. The framework not only demonstrates significant improvements in
model performance across six NLP benchmark datasets, but also reduces
overfitting in low-resource scenarios effectively. The detailed analyses
further validate that our pioneer framework provides a cost-efficient and
adaptive method for downstream task model training with LLM support. | cs.CL | GPTA: Generative Prompt Tuning Assistant for Synergistic Downstream Neural Network Enhancement with LLMs |
2024-03-29T22:59:34Z | http://arxiv.org/pdf/2404.00188v1 | http://arxiv.org/abs/2404.00188v1 | Manit Mishra, Abderrahman Braham, Charles Marsom, Bryan Chung, Gavin Griffin, Dakshesh Sidnerlikar, Chatanya Sarin, Arjun Rajaram | 2024-03-29T22:59:34Z | cs.CL, cs.AI | Conventional processes for analyzing datasets and extracting meaningful
information are often time-consuming and laborious. Previous work has
identified manual, repetitive coding and data collection as major obstacles
that hinder data scientists from undertaking more nuanced labor and high-level
projects. To combat this, we evaluated OpenAI's GPT-3.5 as a "Language Data
Scientist" (LDS) that can extrapolate key findings, including correlations and
basic information, from a given dataset. The model was tested on a diverse set
of benchmark datasets to evaluate its performance across multiple standards,
including data science code-generation based tasks involving libraries such as
NumPy, Pandas, Scikit-Learn, and TensorFlow, and was broadly successful in
correctly answering a given data science query related to the benchmark
dataset. The LDS used various novel prompt engineering techniques to
effectively answer a given question, including Chain-of-Thought reinforcement
and SayCan prompt engineering. Our findings demonstrate great potential for
leveraging Large Language Models for low-level, zero-shot data analysis. | cs.CL | DataAgent: Evaluating Large Language Models' Ability to Answer Zero-Shot, Natural Language Queries |
2024-03-29T22:49:43Z | http://arxiv.org/pdf/2404.01332v1 | http://arxiv.org/abs/2404.01332v1 | Behnam Mohammadi | 2024-03-29T22:49:43Z | cs.CL, cs.AI, cs.LG | The emergence of large language models (LLMs) has opened up exciting
possibilities for simulating human behavior and cognitive processes, with
potential applications in various domains, including marketing research and
consumer behavior analysis. However, the validity of utilizing LLMs as
stand-ins for human subjects remains uncertain due to glaring divergences that
suggest fundamentally different underlying processes at play and the
sensitivity of LLM responses to prompt variations. This paper presents a novel
approach based on Shapley values from cooperative game theory to interpret LLM
behavior and quantify the relative contribution of each prompt component to the
model's output. Through two applications-a discrete choice experiment and an
investigation of cognitive biases-we demonstrate how the Shapley value method
can uncover what we term "token noise" effects, a phenomenon where LLM
decisions are disproportionately influenced by tokens providing minimal
informative content. This phenomenon raises concerns about the robustness and
generalizability of insights obtained from LLMs in the context of human
behavior simulation. Our model-agnostic approach extends its utility to
proprietary LLMs, providing a valuable tool for marketers and researchers to
strategically optimize prompts and mitigate apparent cognitive biases. Our
findings underscore the need for a more nuanced understanding of the factors
driving LLM responses before relying on them as substitutes for human subjects
in research settings. We emphasize the importance of researchers reporting
results conditioned on specific prompt templates and exercising caution when
drawing parallels between human behavior and LLMs. | cs.CL | Wait, It's All Token Noise? Always Has Been: Interpreting LLM Behavior Using Shapley Value |
2024-03-29T22:41:40Z | http://arxiv.org/pdf/2404.00184v1 | http://arxiv.org/abs/2404.00184v1 | Marianna Marcella Bolognesi, Claudia Collacciani, Andrea Ferrari, Francesca Genovese, Tommaso Lamarra, Adele Loia, Giulia Rambelli, Andrea Amelio Ravelli, Caterina Villani | 2024-03-29T22:41:40Z | cs.CL | Word Ladders is a free mobile application for Android and iOS, developed for
collecting linguistic data, specifically lists of words related to each other
through semantic relations of categorical inclusion, within the Abstraction
project (ERC-2021-STG-101039777). We hereby provide an overview of Word
Ladders, explaining its game logic, motivation and expected results and
applications to nlp tasks as well as to the investigation of cognitive
scientific open questions | cs.CL | Word Ladders: A Mobile Application for Semantic Data Collection |
2024-03-29T22:11:54Z | http://arxiv.org/pdf/2404.00176v1 | http://arxiv.org/abs/2404.00176v1 | Dominik Schlechtweg, Shafqat Mumtaz Virk, Nikolay Arefyev | 2024-03-29T22:11:54Z | cs.CL | Lexical Semantic Change Detection (LSCD) is a complex, lemma-level task,
which is usually operationalized based on two subsequently applied usage-level
tasks: First, Word-in-Context (WiC) labels are derived for pairs of usages.
Then, these labels are represented in a graph on which Word Sense Induction
(WSI) is applied to derive sense clusters. Finally, LSCD labels are derived by
comparing sense clusters over time. This modularity is reflected in most LSCD
datasets and models. It also leads to a large heterogeneity in modeling options
and task definitions, which is exacerbated by a variety of dataset versions,
preprocessing options and evaluation metrics. This heterogeneity makes it
difficult to evaluate models under comparable conditions, to choose optimal
model combinations or to reproduce results. Hence, we provide a benchmark
repository standardizing LSCD evaluation. Through transparent implementation
results become easily reproducible and by standardization different components
can be freely combined. The repository reflects the task's modularity by
allowing model evaluation for WiC, WSI and LSCD. This allows for careful
evaluation of increasingly complex model components providing new ways of model
optimization. | cs.CL | The LSCD Benchmark: a Testbed for Diachronic Word Meaning Tasks |
2024-03-29T21:44:24Z | http://arxiv.org/pdf/2404.00165v1 | http://arxiv.org/abs/2404.00165v1 | Markus J. Hofmann, Markus T. Jansen, Christoph Wigbels, Benny Briesemeister, Arthur M. Jacobs | 2024-03-29T21:44:24Z | cs.CL, cs.LG | Here we examine whether the personality dimension of openness to experience
can be predicted from the individual google search history. By web scraping,
individual text corpora (ICs) were generated from 214 participants with a mean
number of 5 million word tokens. We trained word2vec models and used the
similarities of each IC to label words, which were derived from a lexical
approach of personality. These IC-label-word similarities were utilized as
predictive features in neural models. For training and validation, we relied on
179 participants and held out a test sample of 35 participants. A grid search
with varying number of predictive features, hidden units and boost factor was
performed. As model selection criterion, we used R2 in the validation samples
penalized by the absolute R2 difference between training and validation. The
selected neural model explained 35% of the openness variance in the test
sample, while an ensemble model with the same architecture often provided
slightly more stable predictions for intellectual interests, knowledge in
humanities and level of education. Finally, a learning curve analysis suggested
that around 500 training participants are required for generalizable
predictions. We discuss ICs as a complement or replacement of survey-based
psychodiagnostics. | cs.CL | Individual Text Corpora Predict Openness, Interests, Knowledge and Level of Education |
2024-03-29T21:32:50Z | http://arxiv.org/pdf/2404.01331v2 | http://arxiv.org/abs/2404.01331v2 | Musashi Hinck, Matthew L. Olson, David Cobbley, Shao-Yen Tseng, Vasudev Lal | 2024-06-10T20:59:48Z | cs.CL, cs.AI | We train a suite of multimodal foundation models (MMFM) using the popular
LLaVA framework with the recently released Gemma family of large language
models (LLMs). Of particular interest is the 2B parameter Gemma model, which
provides opportunities to construct capable small-scale MMFMs. In line with
findings from other papers in this space, we test the effect of ablating three
design features: pretraining the connector, utilizing a more powerful image
backbone, and increasing the size of the language backbone. The resulting
models, which we call LLaVA-Gemma, exhibit moderate performance on an array of
evaluations, but fail to improve past the current comparably sized SOTA models.
Closer analysis of performance shows mixed effects; skipping pretraining tends
to reduce performance, larger vision models sometimes improve performance, and
increasing language model size has inconsistent effects. We publicly release
training recipes, code and weights for our models for the LLaVA-Gemma models. | cs.CL | LLaVA-Gemma: Accelerating Multimodal Foundation Models with a Compact Language Model |
2024-03-29T20:59:27Z | http://arxiv.org/pdf/2404.00152v2 | http://arxiv.org/abs/2404.00152v2 | Monica Munnangi, Sergey Feldman, Byron C Wallace, Silvio Amir, Tom Hope, Aakanksha Naik | 2024-04-23T17:43:31Z | cs.CL | Despite their general capabilities, LLMs still struggle on biomedical NER
tasks, which are difficult due to the presence of specialized terminology and
lack of training data. In this work we set out to improve LLM performance on
biomedical NER in limited data settings via a new knowledge augmentation
approach which incorporates definitions of relevant concepts on-the-fly. During
this process, to provide a test bed for knowledge augmentation, we perform a
comprehensive exploration of prompting strategies. Our experiments show that
definition augmentation is useful for both open source and closed LLMs. For
example, it leads to a relative improvement of 15\% (on average) in GPT-4
performance (F1) across all (six) of our test datasets. We conduct extensive
ablations and analyses to demonstrate that our performance improvements stem
from adding relevant definitional knowledge. We find that careful prompting
strategies also improve LLM performance, allowing them to outperform fine-tuned
language models in few-shot settings. To facilitate future research in this
direction, we release our code at https://github.com/allenai/beacon. | cs.CL | On-the-fly Definition Augmentation of LLMs for Biomedical NER |
2024-03-29T20:29:12Z | http://arxiv.org/pdf/2404.00141v1 | http://arxiv.org/abs/2404.00141v1 | Ahmad Diab, Rr. Nefriana, Yu-Ru Lin | 2024-03-29T20:29:12Z | cs.CL, cs.SI | Online discussions frequently involve conspiracy theories, which can
contribute to the proliferation of belief in them. However, not all discussions
surrounding conspiracy theories promote them, as some are intended to debunk
them. Existing research has relied on simple proxies or focused on a
constrained set of signals to identify conspiracy theories, which limits our
understanding of conspiratorial discussions across different topics and online
communities. This work establishes a general scheme for classifying discussions
related to conspiracy theories based on authors' perspectives on the conspiracy
belief, which can be expressed explicitly through narrative elements, such as
the agent, action, or objective, or implicitly through references to known
theories, such as chemtrails or the New World Order. We leverage human-labeled
ground truth to train a BERT-based model for classifying online CTs, which we
then compared to the Generative Pre-trained Transformer machine (GPT) for
detecting online conspiratorial content. Despite GPT's known strengths in its
expressiveness and contextual understanding, our study revealed significant
flaws in its logical reasoning, while also demonstrating comparable strengths
from our classifiers. We present the first large-scale classification study
using posts from the most active conspiracy-related Reddit forums and find that
only one-third of the posts are classified as positive. This research sheds
light on the potential applications of large language models in tasks demanding
nuanced contextual comprehension. | cs.CL | Classifying Conspiratorial Narratives At Scale: False Alarms and Erroneous Connections |
2024-03-29T19:27:04Z | http://arxiv.org/pdf/2404.00124v1 | http://arxiv.org/abs/2404.00124v1 | Sana Isam, Hossein Hassani | 2024-03-29T19:27:04Z | cs.CL, cs.SD, eess.AS | Classifying Sorani Kurdish subdialects poses a challenge due to the need for
publicly available datasets or reliable resources like social media or websites
for data collection. We conducted field visits to various cities and villages
to address this issue, connecting with native speakers from different age
groups, genders, academic backgrounds, and professions. We recorded their
voices while engaging in conversations covering diverse topics such as
lifestyle, background history, hobbies, interests, vacations, and life lessons.
The target area of the research was the Kurdistan Region of Iraq. As a result,
we accumulated 29 hours, 16 minutes, and 40 seconds of audio recordings from
107 interviews, constituting an unbalanced dataset encompassing six
subdialects. Subsequently, we adapted three deep learning models: ANN, CNN, and
RNN-LSTM. We explored various configurations, including different track
durations, dataset splitting, and imbalanced dataset handling techniques such
as oversampling and undersampling. Two hundred and twenty-five(225) experiments
were conducted, and the outcomes were evaluated. The results indicated that the
RNN-LSTM outperforms the other methods by achieving an accuracy of 96%. CNN
achieved an accuracy of 93%, and ANN 75%. All three models demonstrated
improved performance when applied to balanced datasets, primarily when we
followed the oversampling approach. Future studies can explore additional
future research directions to include other Kurdish dialects. | cs.CL | Where Are You From? Let Me Guess! Subdialect Recognition of Speeches in Sorani Kurdish |
2024-03-29T17:59:53Z | http://arxiv.org/pdf/2403.20331v1 | http://arxiv.org/abs/2403.20331v1 | Atsuyuki Miyai, Jingkang Yang, Jingyang Zhang, Yifei Ming, Qing Yu, Go Irie, Yixuan Li, Hai Li, Ziwei Liu, Kiyoharu Aizawa | 2024-03-29T17:59:53Z | cs.CV, cs.AI, cs.CL, cs.LG | This paper introduces a novel and significant challenge for Vision Language
Models (VLMs), termed Unsolvable Problem Detection (UPD). UPD examines the
VLM's ability to withhold answers when faced with unsolvable problems in the
context of Visual Question Answering (VQA) tasks. UPD encompasses three
distinct settings: Absent Answer Detection (AAD), Incompatible Answer Set
Detection (IASD), and Incompatible Visual Question Detection (IVQD). To deeply
investigate the UPD problem, extensive experiments indicate that most VLMs,
including GPT-4V and LLaVA-Next-34B, struggle with our benchmarks to varying
extents, highlighting significant room for the improvements. To address UPD, we
explore both training-free and training-based solutions, offering new insights
into their effectiveness and limitations. We hope our insights, together with
future efforts within the proposed UPD settings, will enhance the broader
understanding and development of more practical and reliable VLMs. | cs.CV | Unsolvable Problem Detection: Evaluating Trustworthiness of Vision Language Models |
2024-03-29T17:59:06Z | http://arxiv.org/pdf/2403.20329v1 | http://arxiv.org/abs/2403.20329v1 | Joel Ruben Antony Moniz, Soundarya Krishnan, Melis Ozyildirim, Prathamesh Saraf, Halim Cagri Ates, Yuan Zhang, Hong Yu, Nidhi Rajshree | 2024-03-29T17:59:06Z | cs.CL, cs.AI, cs.LG | Reference resolution is an important problem, one that is essential to
understand and successfully handle context of different kinds. This context
includes both previous turns and context that pertains to non-conversational
entities, such as entities on the user's screen or those running in the
background. While LLMs have been shown to be extremely powerful for a variety
of tasks, their use in reference resolution, particularly for
non-conversational entities, remains underutilized. This paper demonstrates how
LLMs can be used to create an extremely effective system to resolve references
of various types, by showing how reference resolution can be converted into a
language modeling problem, despite involving forms of entities like those on
screen that are not traditionally conducive to being reduced to a text-only
modality. We demonstrate large improvements over an existing system with
similar functionality across different types of references, with our smallest
model obtaining absolute gains of over 5% for on-screen references. We also
benchmark against GPT-3.5 and GPT-4, with our smallest model achieving
performance comparable to that of GPT-4, and our larger models substantially
outperforming it. | cs.CL | ReALM: Reference Resolution As Language Modeling |
2024-03-29T17:56:40Z | http://arxiv.org/pdf/2403.20327v1 | http://arxiv.org/abs/2403.20327v1 | Jinhyuk Lee, Zhuyun Dai, Xiaoqi Ren, Blair Chen, Daniel Cer, Jeremy R. Cole, Kai Hui, Michael Boratko, Rajvi Kapadia, Wen Ding, Yi Luan, Sai Meher Karthik Duddu, Gustavo Hernandez Abrego, Weiqiang Shi, Nithi Gupta, Aditya Kusupati, Prateek Jain, Siddhartha Reddy Jonnalagadda, Ming-Wei Chang, Iftekhar Naim | 2024-03-29T17:56:40Z | cs.CL, cs.AI | We present Gecko, a compact and versatile text embedding model. Gecko
achieves strong retrieval performance by leveraging a key idea: distilling
knowledge from large language models (LLMs) into a retriever. Our two-step
distillation process begins with generating diverse, synthetic paired data
using an LLM. Next, we further refine the data quality by retrieving a set of
candidate passages for each query, and relabeling the positive and hard
negative passages using the same LLM. The effectiveness of our approach is
demonstrated by the compactness of the Gecko. On the Massive Text Embedding
Benchmark (MTEB), Gecko with 256 embedding dimensions outperforms all existing
entries with 768 embedding size. Gecko with 768 embedding dimensions achieves
an average score of 66.31, competing with 7x larger models and 5x higher
dimensional embeddings. | cs.CL | Gecko: Versatile Text Embeddings Distilled from Large Language Models |
2024-03-29T17:50:28Z | http://arxiv.org/pdf/2403.20322v2 | http://arxiv.org/abs/2403.20322v2 | Neema Kotonya, Francesca Toni | 2024-05-19T15:07:07Z | cs.CL | As deep neural models in NLP become more complex, and as a consequence
opaque, the necessity to interpret them becomes greater. A burgeoning interest
has emerged in rationalizing explanations to provide short and coherent
justifications for predictions. In this position paper, we advocate for a
formal framework for key concepts and properties about rationalizing
explanations to support their evaluation systematically. We also outline one
such formal framework, tailored to rationalizing explanations of increasingly
complex structures, from free-form explanations to deductive explanations, to
argumentative explanations (with the richest structure). Focusing on the
automated fact verification task, we provide illustrations of the use and
usefulness of our formalization for evaluating explanations, tailored to their
varying structures. | cs.CL | Towards a Framework for Evaluating Explanations in Automated Fact Verification |
2024-03-29T17:22:53Z | http://arxiv.org/pdf/2403.20308v1 | http://arxiv.org/abs/2403.20308v1 | Rowan Hall Maudslay, Simone Teufel, Francis Bond, James Pustejovsky | 2024-03-29T17:22:53Z | cs.CL, cs.AI | The senses of a word exhibit rich internal structure. In a typical lexicon,
this structure is overlooked: a word's senses are encoded as a list without
inter-sense relations. We present ChainNet, a lexical resource which for the
first time explicitly identifies these structures. ChainNet expresses how
senses in the Open English Wordnet are derived from one another: every nominal
sense of a word is either connected to another sense by metaphor or metonymy,
or is disconnected in the case of homonymy. Because WordNet senses are linked
to resources which capture information about their meaning, ChainNet represents
the first dataset of grounded metaphor and metonymy. | cs.CL | ChainNet: Structured Metaphor and Metonymy in WordNet |
2024-03-29T17:00:55Z | http://arxiv.org/pdf/2403.20289v1 | http://arxiv.org/abs/2403.20289v1 | Fangxu Yu, Junjie Guo, Zhen Wu, Xinyu Dai | 2024-03-29T17:00:55Z | cs.CL, cs.SD, eess.AS | Emotion Recognition in Conversation (ERC) involves detecting the underlying
emotion behind each utterance within a conversation. Effectively generating
representations for utterances remains a significant challenge in this task.
Recent works propose various models to address this issue, but they still
struggle with differentiating similar emotions such as excitement and
happiness. To alleviate this problem, We propose an Emotion-Anchored
Contrastive Learning (EACL) framework that can generate more distinguishable
utterance representations for similar emotions. To achieve this, we utilize
label encodings as anchors to guide the learning of utterance representations
and design an auxiliary loss to ensure the effective separation of anchors for
similar emotions. Moreover, an additional adaptation process is proposed to
adapt anchors to serve as effective classifiers to improve classification
performance. Across extensive experiments, our proposed EACL achieves
state-of-the-art emotion recognition performance and exhibits superior
performance on similar emotions. Our code is available at
https://github.com/Yu-Fangxu/EACL. | cs.CL | Emotion-Anchored Contrastive Learning Framework for Emotion Recognition in Conversation |
2024-03-29T16:59:13Z | http://arxiv.org/pdf/2403.20288v2 | http://arxiv.org/abs/2403.20288v2 | Burcu Sayin, Pasquale Minervini, Jacopo Staiano, Andrea Passerini | 2024-05-06T14:13:51Z | cs.CL, cs.AI | We explore the potential of Large Language Models (LLMs) to assist and
potentially correct physicians in medical decision-making tasks. We evaluate
several LLMs, including Meditron, Llama2, and Mistral, to analyze the ability
of these models to interact effectively with physicians across different
scenarios. We consider questions from PubMedQA and several tasks, ranging from
binary (yes/no) responses to long answer generation, where the answer of the
model is produced after an interaction with a physician. Our findings suggest
that prompt design significantly influences the downstream accuracy of LLMs and
that LLMs can provide valuable feedback to physicians, challenging incorrect
diagnoses and contributing to more accurate decision-making. For example, when
the physician is accurate 38% of the time, Mistral can produce the correct
answer, improving accuracy up to 74% depending on the prompt being used, while
Llama2 and Meditron models exhibit greater sensitivity to prompt choice. Our
analysis also uncovers the challenges of ensuring that LLM-generated
suggestions are pertinent and useful, emphasizing the need for further research
in this area. | cs.CL | Can LLMs Correct Physicians, Yet? Investigating Effective Interaction Methods in the Medical Domain |
2024-03-29T16:53:11Z | http://arxiv.org/pdf/2403.20284v1 | http://arxiv.org/abs/2403.20284v1 | Taha ValizadehAslani, Hualou Liang | 2024-03-29T16:53:11Z | cs.CL, cs.LG | Fine-tuning a pre-trained model, such as Bidirectional Encoder
Representations from Transformers (BERT), has been proven to be an effective
method for solving many natural language processing (NLP) tasks. However, due
to the large number of parameters in many state-of-the-art NLP models,
including BERT, the process of fine-tuning is computationally expensive. One
attractive solution to this issue is parameter-efficient fine-tuning, which
involves modifying only a minimal segment of the model while keeping the
remainder unchanged. Yet, it remains unclear which segment of the BERT model is
crucial for fine-tuning. In this paper, we first analyze different components
in the BERT model to pinpoint which one undergoes the most significant changes
after fine-tuning. We find that output LayerNorm changes more than any other
components when fine-tuned for different General Language Understanding
Evaluation (GLUE) tasks. Then we show that only fine-tuning the LayerNorm can
reach comparable, or in some cases better, performance to full fine-tuning and
other parameter-efficient fine-tuning methods. Moreover, we use Fisher
information to determine the most critical subset of LayerNorm and demonstrate
that many NLP tasks in the GLUE benchmark can be solved by fine-tuning only a
small portion of LayerNorm with negligible performance degradation. | cs.CL | LayerNorm: A key component in parameter-efficient fine-tuning |
2024-03-29T16:49:24Z | http://arxiv.org/pdf/2403.20279v1 | http://arxiv.org/abs/2403.20279v1 | Caiqi Zhang, Fangyu Liu, Marco Basaldella, Nigel Collier | 2024-03-29T16:49:24Z | cs.CL | Large Language Models (LLMs) have demonstrated remarkable capability in a
variety of NLP tasks. Despite their effectiveness, these models are prone to
generate nonfactual content. Uncertainty Quantification (UQ) is pivotal in
enhancing our understanding of a model's confidence in its generated content,
thereby aiding in the mitigation of nonfactual outputs. Existing research on UQ
predominantly targets short text generation, typically yielding brief,
word-limited responses. However, real-world applications frequently necessitate
much longer responses. Our study first highlights the limitations of current UQ
methods in handling long text generation. We then introduce \textsc{Luq}, a
novel sampling-based UQ approach specifically designed for long text. Our
findings reveal that \textsc{Luq} outperforms existing baseline methods in
correlating with the model's factuality scores (negative coefficient of -0.85
observed for Gemini Pro). With \textsc{Luq} as the tool for UQ, we investigate
behavior patterns of several popular LLMs' response confidence spectrum and how
that interplays with the response' factuality. We identify that LLMs lack
confidence in generating long text for rare facts and a factually strong model
(i.e. GPT-4) tends to reject questions it is not sure about. To further improve
the factual accuracy of LLM responses, we propose a method called
\textsc{Luq-Ensemble} that ensembles responses from multiple models and selects
the response with the least uncertainty. The ensembling method greatly improves
the response factuality upon the best standalone LLM. | cs.CL | LUQ: Long-text Uncertainty Quantification for LLMs |
2024-03-29T16:16:48Z | http://arxiv.org/pdf/2403.20266v1 | http://arxiv.org/abs/2403.20266v1 | Julen Etxaniz, Oscar Sainz, Naiara Perez, Itziar Aldabe, German Rigau, Eneko Agirre, Aitor Ormazabal, Mikel Artetxe, Aitor Soroa | 2024-03-29T16:16:48Z | cs.CL, cs.AI, cs.LG | We introduce Latxa, a family of large language models for Basque ranging from
7 to 70 billion parameters. Latxa is based on Llama 2, which we continue
pretraining on a new Basque corpus comprising 4.3M documents and 4.2B tokens.
Addressing the scarcity of high-quality benchmarks for Basque, we further
introduce 4 multiple choice evaluation datasets: EusProficiency, comprising
5,169 questions from official language proficiency exams; EusReading,
comprising 352 reading comprehension questions; EusTrivia, comprising 1,715
trivia questions from 5 knowledge areas; and EusExams, comprising 16,774
questions from public examinations. In our extensive evaluation, Latxa
outperforms all previous open models we compare to by a large margin. In
addition, it is competitive with GPT-4 Turbo in language proficiency and
understanding, despite lagging behind in reading comprehension and
knowledge-intensive tasks. Both the Latxa family of models, as well as our new
pretraining corpora and evaluation datasets, are publicly available under open
licenses at https://github.com/hitz-zentroa/latxa. Our suite enables
reproducible research on methods to build LLMs for low-resource languages. | cs.CL | Latxa: An Open Language Model and Evaluation Suite for Basque |
2024-03-29T16:13:31Z | http://arxiv.org/pdf/2403.20262v1 | http://arxiv.org/abs/2403.20262v1 | Thibaut Thonet, Jos Rozen, Laurent Besacier | 2024-03-29T16:13:31Z | cs.CL, cs.AI, cs.LG | Research on Large Language Models (LLMs) has recently witnessed an increasing
interest in extending models' context size to better capture dependencies
within long documents. While benchmarks have been proposed to assess long-range
abilities, existing efforts primarily considered generic tasks that are not
necessarily aligned with real-world applications. In contrast, our work
proposes a new benchmark for long-context LLMs focused on a practical meeting
assistant scenario. In this scenario, the long contexts consist of transcripts
obtained by automatic speech recognition, presenting unique challenges for LLMs
due to the inherent noisiness and oral nature of such data. Our benchmark,
named ELITR-Bench, augments the existing ELITR corpus' transcripts with 271
manually crafted questions and their ground-truth answers. Our experiments with
recent long-context LLMs on ELITR-Bench highlight a gap between open-source and
proprietary models, especially when questions are asked sequentially within a
conversation. We also provide a thorough analysis of our GPT-4-based evaluation
method, encompassing insights from a crowdsourcing study. Our findings suggest
that while GPT-4's evaluation scores are correlated with human judges', its
ability to differentiate among more than three score levels may be limited. | cs.CL | ELITR-Bench: A Meeting Assistant Benchmark for Long-Context Language Models |
2024-03-29T15:58:46Z | http://arxiv.org/pdf/2403.20252v1 | http://arxiv.org/abs/2403.20252v1 | Keiichi Namikoshi, Alex Filipowicz, David A. Shamma, Rumen Iliev, Candice L. Hogan, Nikos Arechiga | 2024-03-29T15:58:46Z | cs.CL, cs.AI, cs.LG | We consider the problem of aligning a large language model (LLM) to model the
preferences of a human population. Modeling the beliefs, preferences, and
behaviors of a specific population can be useful for a variety of different
applications, such as conducting simulated focus groups for new products,
conducting virtual surveys, and testing behavioral interventions, especially
for interventions that are expensive, impractical, or unethical. Existing work
has had mixed success using LLMs to accurately model human behavior in
different contexts. We benchmark and evaluate two well-known fine-tuning
approaches and evaluate the resulting populations on their ability to match the
preferences of real human respondents on a survey of preferences for battery
electric vehicles (BEVs). We evaluate our models against their ability to match
population-wide statistics as well as their ability to match individual
responses, and we investigate the role of temperature in controlling the
trade-offs between these two. Additionally, we propose and evaluate a novel
loss term to improve model performance on responses that require a numeric
response. | cs.CL | Using LLMs to Model the Beliefs and Preferences of Targeted Populations |
2024-03-29T15:07:21Z | http://arxiv.org/pdf/2403.20222v1 | http://arxiv.org/abs/2403.20222v1 | Aleksandr V. Petrov, Sean MacAvaney, Craig Macdonald | 2024-03-29T15:07:21Z | cs.IR, cs.CL | Transformer-based Cross-Encoders achieve state-of-the-art effectiveness in
text retrieval. However, Cross-Encoders based on large transformer models (such
as BERT or T5) are computationally expensive and allow for scoring only a small
number of documents within a reasonably small latency window. However, keeping
search latencies low is important for user satisfaction and energy usage. In
this paper, we show that weaker shallow transformer models (i.e., transformers
with a limited number of layers) actually perform better than full-scale models
when constrained to these practical low-latency settings since they can
estimate the relevance of more documents in the same time budget. We further
show that shallow transformers may benefit from the generalized Binary
Cross-Entropy (gBCE) training scheme, which has recently demonstrated success
for recommendation tasks. Our experiments with TREC Deep Learning passage
ranking query sets demonstrate significant improvements in shallow and
full-scale models in low-latency scenarios. For example, when the latency limit
is 25ms per query, MonoBERT-Large (a cross-encoder based on a full-scale BERT
model) is only able to achieve NDCG@10 of 0.431 on TREC DL 2019, while
TinyBERT-gBCE (a cross-encoder based on TinyBERT trained with gBCE) reaches
NDCG@10 of 0.652, a +51% gain over MonoBERT-Large. We also show that shallow
Cross-Encoders are effective even when used without a GPU (e.g., with CPU
inference, NDCG@10 decreases only by 3% compared to GPU inference with 50ms
latency), which makes Cross-Encoders practical to run even without specialized
hardware acceleration. | cs.IR | Shallow Cross-Encoders for Low-Latency Retrieval |
2024-03-29T14:54:19Z | http://arxiv.org/pdf/2403.20215v1 | http://arxiv.org/abs/2403.20215v1 | Abed Alhakim Freihat, Hadi Khalilia, Gábor Bella, Fausto Giunchiglia | 2024-03-29T14:54:19Z | cs.CL | High-quality WordNets are crucial for achieving high-quality results in NLP
applications that rely on such resources. However, the wordnets of most
languages suffer from serious issues of correctness and completeness with
respect to the words and word meanings they define, such as incorrect lemmas,
missing glosses and example sentences, or an inadequate, Western-centric
representation of the morphology and the semantics of the language. Previous
efforts have largely focused on increasing lexical coverage while ignoring
other qualitative aspects. In this paper, we focus on the Arabic language and
introduce a major revision of the Arabic WordNet that addresses multiple
dimensions of lexico-semantic resource quality. As a result, we updated more
than 58% of the synsets of the existing Arabic WordNet by adding missing
information and correcting errors. In order to address issues of language
diversity and untranslatability, we also extended the wordnet structure by new
elements: phrasets and lexical gaps. | cs.CL | Advancing the Arabic WordNet: Elevating Content Quality |
2024-03-29T14:18:26Z | http://arxiv.org/pdf/2403.20196v2 | http://arxiv.org/abs/2403.20196v2 | Yingxue Fu | 2024-04-06T13:54:43Z | cs.CL | Existing discourse corpora are annotated based on different frameworks, which
show significant dissimilarities in definitions of arguments and relations and
structural constraints. Despite surface differences, these frameworks share
basic understandings of discourse relations. The relationship between these
frameworks has been an open research question, especially the correlation
between relation inventories utilized in different frameworks. Better
understanding of this question is helpful for integrating discourse theories
and enabling interoperability of discourse corpora annotated under different
frameworks. However, studies that explore correlations between discourse
relation inventories are hindered by different criteria of discourse
segmentation, and expert knowledge and manual examination are typically needed.
Some semi-automatic methods have been proposed, but they rely on corpora
annotated in multiple frameworks in parallel. In this paper, we introduce a
fully automatic approach to address the challenges. Specifically, we extend the
label-anchored contrastive learning method introduced by Zhang et al. (2022b)
to learn label embeddings during a classification task. These embeddings are
then utilized to map discourse relations from different frameworks. We show
experimental results on RST-DT (Carlson et al., 2001) and PDTB 3.0 (Prasad et
al., 2018). | cs.CL | Automatic Alignment of Discourse Relations of Different Discourse Annotation Frameworks |
2024-03-29T13:59:34Z | http://arxiv.org/pdf/2403.20184v1 | http://arxiv.org/abs/2403.20184v1 | Tuan Nguyen, Corinne Fredouille, Alain Ghio, Mathieu Balaguer, Virginie Woisard | 2024-03-29T13:59:34Z | eess.AS, cs.CL, cs.LG, cs.SD | Automatic speech quality assessment has raised more attention as an
alternative or support to traditional perceptual clinical evaluation. However,
most research so far only gains good results on simple tasks such as binary
classification, largely due to data scarcity. To deal with this challenge,
current works tend to segment patients' audio files into many samples to
augment the datasets. Nevertheless, this approach has limitations, as it
indirectly relates overall audio scores to individual segments. This paper
introduces a novel approach where the system learns at the audio level instead
of segments despite data scarcity. This paper proposes to use the pre-trained
Wav2Vec2 architecture for both SSL, and ASR as feature extractor in speech
assessment. Carried out on the HNC dataset, our ASR-driven approach established
a new baseline compared with other approaches, obtaining average $MSE=0.73$ and
$MSE=1.15$ for the prediction of intelligibility and severity scores
respectively, using only 95 training samples. It shows that the ASR based
Wav2Vec2 model brings the best results and may indicate a strong correlation
between ASR and speech quality assessment. We also measure its ability on
variable segment durations and speech content, exploring factors influencing
its decision. | eess.AS | Exploring Pathological Speech Quality Assessment with ASR-Powered Wav2Vec2 in Data-Scarce Context |
2024-03-29T13:56:21Z | http://arxiv.org/pdf/2403.20180v1 | http://arxiv.org/abs/2403.20180v1 | Po-Heng Chen, Sijia Cheng, Wei-Lin Chen, Yen-Ting Lin, Yun-Nung Chen | 2024-03-29T13:56:21Z | cs.CL | The evaluation of large language models (LLMs) has drawn substantial
attention in the field recently. This work focuses on evaluating LLMs in a
Chinese context, specifically, for Traditional Chinese which has been largely
underrepresented in existing benchmarks. We present TMLU, a holistic evaluation
suit tailored for assessing the advanced knowledge and reasoning capability in
LLMs, under the context of Taiwanese Mandarin. TMLU consists of an array of 37
subjects across social science, STEM, humanities, Taiwan-specific content, and
others, ranging from middle school to professional levels. In addition, we
curate chain-of-thought-like few-shot explanations for each subject to
facilitate the evaluation of complex reasoning skills. To establish a
comprehensive baseline, we conduct extensive experiments and analysis on 24
advanced LLMs. The results suggest that Chinese open-weight models demonstrate
inferior performance comparing to multilingual proprietary ones, and
open-weight models tailored for Taiwanese Mandarin lag behind the
Simplified-Chinese counterparts. The findings indicate great headrooms for
improvement, and emphasize the goal of TMLU to foster the development of
localized Taiwanese-Mandarin LLMs. We release the benchmark and evaluation
scripts for the community to promote future research. | cs.CL | Measuring Taiwanese Mandarin Language Understanding |
2024-03-29T13:15:46Z | http://arxiv.org/pdf/2404.08664v1 | http://arxiv.org/abs/2404.08664v1 | Silvia García-Méndez, Milagros Fernández-Gavilanes, Jonathan Juncal-Martínez, Francisco J. González-Castaño, Oscar Barba Seara | 2024-03-29T13:15:46Z | cs.IR, cs.AI, cs.CE, cs.CL, cs.LG | Short texts are omnipresent in real-time news, social network commentaries,
etc. Traditional text representation methods have been successfully applied to
self-contained documents of medium size. However, information in short texts is
often insufficient, due, for example, to the use of mnemonics, which makes them
hard to classify. Therefore, the particularities of specific domains must be
exploited. In this article we describe a novel system that combines Natural
Language Processing techniques with Machine Learning algorithms to classify
banking transaction descriptions for personal finance management, a problem
that was not previously considered in the literature. We trained and tested
that system on a labelled dataset with real customer transactions that will be
available to other researchers on request. Motivated by existing solutions in
spam detection, we also propose a short text similarity detector to reduce
training set size based on the Jaccard distance. Experimental results with a
two-stage classifier combining this detector with a SVM indicate a high
accuracy in comparison with alternative approaches, taking into account
complexity and computing time. Finally, we present a use case with a personal
finance application, CoinScrap, which is available at Google Play and App
Store. | cs.IR | Identifying Banking Transaction Descriptions via Support Vector Machine Short-Text Classification Based on a Specialized Labelled Corpus |
2024-03-29T13:12:09Z | http://arxiv.org/pdf/2403.20158v1 | http://arxiv.org/abs/2403.20158v1 | Zehao Wen, Rabih Younes | 2024-03-29T13:12:09Z | cs.CL, cs.AI | In our rapidly evolving digital sphere, the ability to discern media bias
becomes crucial as it can shape public sentiment and influence pivotal
decisions. The advent of large language models (LLMs), such as ChatGPT, noted
for their broad utility in various natural language processing (NLP) tasks,
invites exploration of their efficacy in media bias detection. Can ChatGPT
detect media bias? This study seeks to answer this question by leveraging the
Media Bias Identification Benchmark (MBIB) to assess ChatGPT's competency in
distinguishing six categories of media bias, juxtaposed against fine-tuned
models such as BART, ConvBERT, and GPT-2. The findings present a dichotomy:
ChatGPT performs at par with fine-tuned models in detecting hate speech and
text-level context bias, yet faces difficulties with subtler elements of other
bias detections, namely, fake news, racial, gender, and cognitive biases. | cs.CL | ChatGPT v.s. Media Bias: A Comparative Study of GPT-3.5 and Fine-tuned Language Models |
2024-03-29T13:09:23Z | http://arxiv.org/pdf/2403.20157v1 | http://arxiv.org/abs/2403.20157v1 | Francois Meyer, Jan Buys | 2024-03-29T13:09:23Z | cs.CL | Multilingual modelling can improve machine translation for low-resource
languages, partly through shared subword representations. This paper studies
the role of subword segmentation in cross-lingual transfer. We systematically
compare the efficacy of several subword methods in promoting synergy and
preventing interference across different linguistic typologies. Our findings
show that subword regularisation boosts synergy in multilingual modelling,
whereas BPE more effectively facilitates transfer during cross-lingual
fine-tuning. Notably, our results suggest that differences in orthographic word
boundary conventions (the morphological granularity of written words) may
impede cross-lingual transfer more significantly than linguistic unrelatedness.
Our study confirms that decisions around subword modelling can be key to
optimising the benefits of multilingual modelling. | cs.CL | A Systematic Analysis of Subwords and Cross-Lingual Transfer in Multilingual Translation |
2024-03-29T12:32:06Z | http://arxiv.org/pdf/2403.20147v2 | http://arxiv.org/abs/2403.20147v2 | Nihar Ranjan Sahoo, Pranamya Prashant Kulkarni, Narjis Asad, Arif Ahmad, Tanu Goyal, Aparna Garimella, Pushpak Bhattacharyya | 2024-04-03T11:59:19Z | cs.CL | The pervasive influence of social biases in language data has sparked the
need for benchmark datasets that capture and evaluate these biases in Large
Language Models (LLMs). Existing efforts predominantly focus on English
language and the Western context, leaving a void for a reliable dataset that
encapsulates India's unique socio-cultural nuances. To bridge this gap, we
introduce IndiBias, a comprehensive benchmarking dataset designed specifically
for evaluating social biases in the Indian context. We filter and translate the
existing CrowS-Pairs dataset to create a benchmark dataset suited to the Indian
context in Hindi language. Additionally, we leverage LLMs including ChatGPT and
InstructGPT to augment our dataset with diverse societal biases and stereotypes
prevalent in India. The included bias dimensions encompass gender, religion,
caste, age, region, physical appearance, and occupation. We also build a
resource to address intersectional biases along three intersectional
dimensions. Our dataset contains 800 sentence pairs and 300 tuples for bias
measurement across different demographics. The dataset is available in English
and Hindi, providing a size comparable to existing benchmark datasets.
Furthermore, using IndiBias we compare ten different language models on
multiple bias measurement metrics. We observed that the language models exhibit
more bias across a majority of the intersectional groups. | cs.CL | IndiBias: A Benchmark Dataset to Measure Social Biases in Language Models for Indian Context |
2024-03-29T12:25:37Z | http://arxiv.org/pdf/2403.20145v2 | http://arxiv.org/abs/2403.20145v2 | Manjeet Yadav, Nilesh Kumar Sahu, Mudita Chaturvedi, Snehil Gupta, Haroon R Lone | 2024-04-04T10:36:48Z | cs.CL | Improving mental health support in developing countries is a pressing need.
One potential solution is the development of scalable, automated systems to
conduct diagnostic screenings, which could help alleviate the burden on mental
health professionals. In this work, we evaluate several state-of-the-art Large
Language Models (LLMs), with and without fine-tuning, on our custom dataset for
generating concise summaries from mental state examinations. We rigorously
evaluate four different models for summary generation using established ROUGE
metrics and input from human evaluators. The results highlight that our
top-performing fine-tuned model outperforms existing models, achieving ROUGE-1
and ROUGE-L values of 0.810 and 0.764, respectively. Furthermore, we assessed
the fine-tuned model's generalizability on a publicly available D4 dataset, and
the outcomes were promising, indicating its potential applicability beyond our
custom dataset. | cs.CL | Fine-tuning Large Language Models for Automated Diagnostic Screening Summaries |
2024-03-29T12:10:21Z | http://arxiv.org/pdf/2404.01327v1 | http://arxiv.org/abs/2404.01327v1 | Silvia García-Méndez, Francisco de Arriba-Pérez, Francisco J. González-Castaño, José A. Regueiro-Janeiro, Felipe Gil-Castiñeira | 2024-03-29T12:10:21Z | cs.CL, cs.AI, cs.HC, cs.LG | Current language processing technologies allow the creation of conversational
chatbot platforms. Even though artificial intelligence is still too immature to
support satisfactory user experience in many mass market domains,
conversational interfaces have found their way into ad hoc applications such as
call centres and online shopping assistants. However, they have not been
applied so far to social inclusion of elderly people, who are particularly
vulnerable to the digital divide. Many of them relieve their loneliness with
traditional media such as TV and radio, which are known to create a feeling of
companionship. In this paper we present the EBER chatbot, designed to reduce
the digital gap for the elderly. EBER reads news in the background and adapts
its responses to the user's mood. Its novelty lies in the concept of
"intelligent radio", according to which, instead of simplifying a digital
information system to make it accessible to the elderly, a traditional channel
they find familiar -- background news -- is augmented with interactions via
voice dialogues. We make it possible by combining Artificial Intelligence
Modelling Language, automatic Natural Language Generation and Sentiment
Analysis. The system allows accessing digital content of interest by combining
words extracted from user answers to chatbot questions with keywords extracted
from the news items. This approach permits defining metrics of the abstraction
capabilities of the users depending on a spatial representation of the word
space. To prove the suitability of the proposed solution we present results of
real experiments conducted with elderly people that provided valuable insights.
Our approach was considered satisfactory during the tests and improved the
information search capabilities of the participants. | cs.CL | Entertainment chatbot for the digital inclusion of elderly people without abstraction capabilities |
2024-03-29T11:54:13Z | http://arxiv.org/pdf/2403.20134v1 | http://arxiv.org/abs/2403.20134v1 | Megan Su, Yuwei Bao | 2024-03-29T11:54:13Z | cs.CL | Interactive Artificial Intelligent(AI) assistant systems are designed to
offer timely guidance to help human users to complete a variety tasks. One of
the remaining challenges is to understand user's mental states during the task
for more personalized guidance. In this work, we analyze users' mental states
during task executions and investigate the capabilities and challenges for
large language models to interpret user profiles for more personalized user
guidance. | cs.CL | User Modeling Challenges in Interactive AI Assistant Systems |
2024-03-29T10:53:07Z | http://arxiv.org/pdf/2406.15359v1 | http://arxiv.org/abs/2406.15359v1 | Jesse Atuhurra, Iqra Ali, Tatsuya Hiraoka, Hidetaka Kamigaito, Tomoya Iwakura, Taro Watanabe | 2024-03-29T10:53:07Z | cs.CL, cs.CV | Large language models (LLMs) have increased interest in vision language
models (VLMs), which process image-text pairs as input. Studies investigating
the visual understanding ability of VLMs have been proposed, but such studies
are still preliminary because existing datasets do not permit a comprehensive
evaluation of the fine-grained visual linguistic abilities of VLMs across
multiple languages. To further explore the strengths of VLMs, such as GPT-4V
\cite{openai2023GPT4}, we developed new datasets for the systematic and
qualitative analysis of VLMs. Our contribution is four-fold: 1) we introduced
nine vision-and-language (VL) tasks (including object recognition, image-text
matching, and more) and constructed multilingual visual-text datasets in four
languages: English, Japanese, Swahili, and Urdu through utilizing templates
containing \textit{questions} and prompting GPT4-V to generate the
\textit{answers} and the \textit{rationales}, 2) introduced a new VL task named
\textit{unrelatedness}, 3) introduced rationales to enable human understanding
of the VLM reasoning process, and 4) employed human evaluation to measure the
suitability of proposed datasets for VL tasks. We show that VLMs can be
fine-tuned on our datasets. Our work is the first to conduct such analyses in
Swahili and Urdu. Also, it introduces \textit{rationales} in VL analysis, which
played a vital role in the evaluation. | cs.CL | Constructing Multilingual Visual-Text Datasets Revealing Visual Multilingual Ability of Vision Language Models |
2024-03-29T10:32:44Z | http://arxiv.org/pdf/2403.20103v1 | http://arxiv.org/abs/2403.20103v1 | Helena Bonaldi, Yi-Ling Chung, Gavin Abercrombie, Marco Guerini | 2024-03-29T10:32:44Z | cs.CL | In recent years, counterspeech has emerged as one of the most promising
strategies to fight online hate. These non-escalatory responses tackle online
abuse while preserving the freedom of speech of the users, and can have a
tangible impact in reducing online and offline violence. Recently, there has
been growing interest from the Natural Language Processing (NLP) community in
addressing the challenges of analysing, collecting, classifying, and
automatically generating counterspeech, to reduce the huge burden of manually
producing it. In particular, researchers have taken different directions in
addressing these challenges, thus providing a variety of related tasks and
resources. In this paper, we provide a guide for doing research on
counterspeech, by describing - with detailed examples - the steps to undertake,
and providing best practices that can be learnt from the NLP studies on this
topic. Finally, we discuss open challenges and future directions of
counterspeech research in NLP. | cs.CL | NLP for Counterspeech against Hate: A Survey and How-To Guide |
2024-03-29T10:31:32Z | http://arxiv.org/pdf/2403.20101v1 | http://arxiv.org/abs/2403.20101v1 | Benjamin Townsend, Madison May, Christopher Wells | 2024-03-29T10:31:32Z | cs.CL, cs.CV, cs.LG | We introduce RealKIE, a benchmark of five challenging datasets aimed at
advancing key information extraction methods, with an emphasis on enterprise
applications. The datasets include a diverse range of documents including SEC
S1 Filings, US Non-disclosure Agreements, UK Charity Reports, FCC Invoices, and
Resource Contracts. Each presents unique challenges: poor text serialization,
sparse annotations in long documents, and complex tabular layouts. These
datasets provide a realistic testing ground for key information extraction
tasks like investment analysis and legal data processing.
In addition to presenting these datasets, we offer an in-depth description of
the annotation process, document processing techniques, and baseline modeling
approaches. This contribution facilitates the development of NLP models capable
of handling practical challenges and supports further research into information
extraction technologies applicable to industry-specific problems.
The annotated data and OCR outputs are available to download at
https://indicodatasolutions.github.io/RealKIE/ code to reproduce the baselines
will be available shortly. | cs.CL | RealKIE: Five Novel Datasets for Enterprise Key Information Extraction |
2024-03-29T09:52:18Z | http://arxiv.org/pdf/2403.20088v1 | http://arxiv.org/abs/2403.20088v1 | Fahim Faisal, Antonios Anastasopoulos | 2024-03-29T09:52:18Z | cs.CL | The capacity and effectiveness of pre-trained multilingual models (MLMs) for
zero-shot cross-lingual transfer is well established. However, phenomena of
positive or negative transfer, and the effect of language choice still need to
be fully understood, especially in the complex setting of massively
multilingual LMs. We propose an \textit{efficient} method to study transfer
language influence in zero-shot performance on another target language. Unlike
previous work, our approach disentangles downstream tasks from language, using
dedicated adapter units. Our findings suggest that some languages do not
largely affect others, while some languages, especially ones unseen during
pre-training, can be extremely beneficial or detrimental for different target
languages. We find that no transfer language is beneficial for all target
languages. We do, curiously, observe languages previously unseen by MLMs
consistently benefit from transfer from almost any language. We additionally
use our modular approach to quantify negative interference efficiently and
categorize languages accordingly. Furthermore, we provide a list of promising
transfer-target language configurations that consistently lead to target
language performance improvements. Code and data are publicly available:
https://github.com/ffaisal93/neg_inf | cs.CL | An Efficient Approach for Studying Cross-Lingual Transfer in Multilingual Language Models |
2024-03-29T09:33:34Z | http://arxiv.org/pdf/2403.20084v1 | http://arxiv.org/abs/2403.20084v1 | Kanij Fatema, Fazle Dawood Haider, Nirzona Ferdousi Turpa, Tanveer Azmal, Sourav Ahmed, Navid Hasan, Mohammad Akhlaqur Rahman, Biplab Kumar Sarkar, Afrar Jahin, Md. Rezuwan Hassan, Md Foriduzzaman Zihad, Rubayet Sabbir Faruque, Asif Sushmit, Mashrur Imtiaz, Farig Sadeque, Syed Shahrier Rahman | 2024-03-29T09:33:34Z | cs.CL | The International Phonetic Alphabet (IPA) serves to systematize phonemes in
language, enabling precise textual representation of pronunciation. In Bengali
phonology and phonetics, ongoing scholarly deliberations persist concerning the
IPA standard and core Bengali phonemes. This work examines prior research,
identifies current and potential issues, and suggests a framework for a Bengali
IPA standard, facilitating linguistic analysis and NLP resource creation and
downstream technology development. In this work, we present a comprehensive
study of Bengali IPA transcription and introduce a novel IPA transcription
framework incorporating a novel dataset with DL-based benchmarks. | cs.CL | IPA Transcription of Bengali Texts |
2024-03-29T08:47:15Z | http://arxiv.org/pdf/2403.20056v1 | http://arxiv.org/abs/2403.20056v1 | Shadi Manafi, Nikhil Krishnaswamy | 2024-03-29T08:47:15Z | cs.CL | Multilingual Language Models (MLLMs) exhibit robust cross-lingual transfer
capabilities, or the ability to leverage information acquired in a source
language and apply it to a target language. These capabilities find practical
applications in well-established Natural Language Processing (NLP) tasks such
as Named Entity Recognition (NER). This study aims to investigate the
effectiveness of a source language when applied to a target language,
particularly in the context of perturbing the input test set. We evaluate on 13
pairs of languages, each including one high-resource language (HRL) and one
low-resource language (LRL) with a geographic, genetic, or borrowing
relationship. We evaluate two well-known MLLMs--MBERT and XLM-R--on these
pairs, in native LRL and cross-lingual transfer settings, in two tasks, under a
set of different perturbations. Our findings indicate that NER cross-lingual
transfer depends largely on the overlap of entity chunks. If a source and
target language have more entities in common, the transfer ability is stronger.
Models using cross-lingual transfer also appear to be somewhat more robust to
certain perturbations of the input, perhaps indicating an ability to leverage
stronger representations derived from the HRL. Our research provides valuable
insights into cross-lingual transfer and its implications for NLP applications,
and underscores the need to consider linguistic nuances and potential
limitations when employing MLLMs across distinct languages. | cs.CL | Cross-Lingual Transfer Robustness to Lower-Resource Languages on Adversarial Datasets |
2024-03-29T08:30:34Z | http://arxiv.org/pdf/2403.20046v2 | http://arxiv.org/abs/2403.20046v2 | Yongqi Tong, Dawei Li, Sizhe Wang, Yujia Wang, Fei Teng, Jingbo Shang | 2024-06-07T06:27:50Z | cs.CL | Recent works have shown the benefits to LLMs from fine-tuning golden-standard
Chain-of-Thought (CoT) rationales or using them as correct examples in few-shot
prompting. While humans can indeed imitate correct examples, learning from our
mistakes is another vital aspect of human cognition. Hence, a question
naturally arises: \textit{can LLMs learn and benefit from their mistakes,
especially for their reasoning? } This study investigates this problem from
both the prompting and model-tuning perspectives. We begin by introducing
\textsc{CoTErrorSet}, a new benchmark with 609,432 questions, each designed
with both correct and error references, and demonstrating the types and reasons
for making such mistakes. To explore the effectiveness of those mistakes, we
design two methods: (1) \textbf{Self-rethinking} prompting guides LLMs to
rethink whether they have made similar previous mistakes; and (2)
\textbf{Mistake tuning} involves finetuning models in both correct and
incorrect reasoning domains, rather than only tuning models to learn ground
truth in traditional methodology. We conduct a series of experiments to prove
LLMs can obtain benefits from mistakes in both directions. Our two methods
offer potentially cost-effective strategies by leveraging errors to enhance
reasoning capabilities, which costs significantly less than creating
meticulously hand-crafted golden references. We ultimately make a thorough
analysis of the reasons behind LLMs' errors, which provides directions that
future research needs to overcome. \textsc{CoTErrorSet} will be published soon
on \texttt{\url{https://github.com/YookiTong/Learn-from-Mistakes-CotErrorSet}}. | cs.CL | Can LLMs Learn from Previous Mistakes? Investigating LLMs' Errors to Boost for Reasoning |
2024-03-29T08:26:53Z | http://arxiv.org/pdf/2403.20041v2 | http://arxiv.org/abs/2403.20041v2 | Luchang Li, Sheng Qian, Jie Lu, Lunxi Yuan, Rui Wang, Qin Xie | 2024-05-21T01:21:19Z | cs.CL | The Large Language Model (LLM) is widely employed for tasks such as
intelligent assistants, text summarization, translation, and multi-modality on
mobile phones. However, the current methods for on-device LLM deployment
maintain slow inference speed, which causes poor user experience. To facilitate
high-efficiency LLM deployment on device GPUs, we propose four optimization
techniques: (a) a symbolic expression-based approach to support dynamic shape
model inference; (b) operator optimizations and execution priority setting to
enhance inference speed and reduce phone lagging; (c) an FP4 quantization
method termed M0E4 to reduce dequantization overhead; (d) a sub-tensor-based
technique to eliminate the need for copying KV cache after LLM inference.
Furthermore, we implement these methods in our mobile inference engine,
Transformer-Lite, which is compatible with both Qualcomm and MTK processors. We
evaluated Transformer-Lite's performance using LLMs with varied architectures
and parameters ranging from 2B to 14B. Specifically, we achieved prefill and
decoding speeds of 121 token/s and 14 token/s for ChatGLM2 6B, and 330 token/s
and 30 token/s for smaller Gemma 2B, respectively. Compared with CPU-based
FastLLM and GPU-based MLC-LLM, our engine attains over 10x speedup for the
prefill speed and 2~3x speedup for the decoding speed. | cs.CL | Transformer-Lite: High-efficiency Deployment of Large Language Models on Mobile Phone GPUs |
2024-03-29T07:28:50Z | http://arxiv.org/pdf/2403.20026v1 | http://arxiv.org/abs/2403.20026v1 | Shuang Li, Jiahua Wang, Lijie Wen | 2024-03-29T07:28:50Z | cs.CV, cs.CL | Multi-modal reasoning plays a vital role in bridging the gap between textual
and visual information, enabling a deeper understanding of the context. This
paper presents the Feature Swapping Multi-modal Reasoning (FSMR) model,
designed to enhance multi-modal reasoning through feature swapping. FSMR
leverages a pre-trained visual-language model as an encoder, accommodating both
text and image inputs for effective feature representation from both
modalities. It introduces a unique feature swapping module, enabling the
exchange of features between identified objects in images and corresponding
vocabulary words in text, thereby enhancing the model's comprehension of the
interplay between images and text. To further bolster its multi-modal alignment
capabilities, FSMR incorporates a multi-modal cross-attention mechanism,
facilitating the joint modeling of textual and visual information. During
training, we employ image-text matching and cross-entropy losses to ensure
semantic consistency between visual and language elements. Extensive
experiments on the PMR dataset demonstrate FSMR's superiority over
state-of-the-art baseline models across various performance metrics. | cs.CV | FSMR: A Feature Swapping Multi-modal Reasoning Approach with Joint Textual and Visual Clues |
2024-03-29T07:01:39Z | http://arxiv.org/pdf/2403.20015v1 | http://arxiv.org/abs/2403.20015v1 | Juhwan Choi, YoungBin Kim | 2024-03-29T07:01:39Z | cs.CL, cs.AI | In the field of text data augmentation, rule-based methods are widely adopted
for real-world applications owing to their cost-efficiency. However,
conventional rule-based approaches suffer from the possibility of losing the
original semantics of the given text. We propose a novel text data augmentation
strategy that avoids such phenomena through a straightforward deletion of
adverbs, which play a subsidiary role in the sentence. Our comprehensive
experiments demonstrate the efficiency and effectiveness of our proposed
approach for not just single text classification, but also natural language
inference that requires semantic preservation. We publicly released our source
code for reproducibility. | cs.CL | Adverb Is the Key: Simple Text Data Augmentation with Adverb Deletion |
2024-03-29T07:01:29Z | http://arxiv.org/pdf/2403.20014v1 | http://arxiv.org/abs/2403.20014v1 | Tonghui Ren, Yuankai Fan, Zhenying He, Ren Huang, Jiaqi Dai, Can Huang, Yinan Jing, Kai Zhang, Yifan Yang, X. Sean Wang | 2024-03-29T07:01:29Z | cs.DB, cs.AI, cs.CL | Large Language Model (LLM) techniques play an increasingly important role in
Natural Language to SQL (NL2SQL) translation. LLMs trained by extensive corpora
have strong natural language understanding and basic SQL generation abilities
without additional tuning specific to NL2SQL tasks. Existing LLMs-based NL2SQL
approaches try to improve the translation by enhancing the LLMs with an
emphasis on user intention understanding. However, LLMs sometimes fail to
generate appropriate SQL due to their lack of knowledge in organizing complex
logical operator composition. A promising method is to input the LLMs with
demonstrations, which include known NL2SQL translations from various databases.
LLMs can learn to organize operator compositions from the input demonstrations
for the given task. In this paper, we propose PURPLE (Pre-trained models
Utilized to Retrieve Prompts for Logical Enhancement), which improves accuracy
by retrieving demonstrations containing the requisite logical operator
composition for the NL2SQL task on hand, thereby guiding LLMs to produce better
SQL translation. PURPLE achieves a new state-of-the-art performance of 80.5%
exact-set match accuracy and 87.8% execution match accuracy on the validation
set of the popular NL2SQL benchmark Spider. PURPLE maintains high accuracy
across diverse benchmarks, budgetary constraints, and various LLMs, showing
robustness and cost-effectiveness. | cs.DB | PURPLE: Making a Large Language Model a Better SQL Writer |
2024-03-29T06:48:30Z | http://arxiv.org/pdf/2403.20009v1 | http://arxiv.org/abs/2403.20009v1 | Che Jiang, Biqing Qi, Xiangyu Hong, Dayuan Fu, Yang Cheng, Fandong Meng, Mo Yu, Bowen Zhou, Jie Zhou | 2024-03-29T06:48:30Z | cs.CL, cs.LG | Large language models are successful in answering factoid questions but are
also prone to hallucination.We investigate the phenomenon of LLMs possessing
correct answer knowledge yet still hallucinating from the perspective of
inference dynamics, an area not previously covered in studies on
hallucinations.We are able to conduct this analysis via two key ideas.First, we
identify the factual questions that query the same triplet knowledge but result
in different answers. The difference between the model behaviors on the correct
and incorrect outputs hence suggests the patterns when hallucinations happen.
Second, to measure the pattern, we utilize mappings from the residual streams
to vocabulary space. We reveal the different dynamics of the output token
probabilities along the depths of layers between the correct and hallucinated
cases. In hallucinated cases, the output token's information rarely
demonstrates abrupt increases and consistent superiority in the later stages of
the model. Leveraging the dynamic curve as a feature, we build a classifier
capable of accurately detecting hallucinatory predictions with an 88\% success
rate. Our study shed light on understanding the reasons for LLMs'
hallucinations on their known facts, and more importantly, on accurately
predicting when they are hallucinating. | cs.CL | On Large Language Models' Hallucination with Regard to Known Facts |
2024-03-29T06:43:55Z | http://arxiv.org/pdf/2403.20005v1 | http://arxiv.org/abs/2403.20005v1 | Shuyao Xu, Long Qin, Tianyang Chen, Zhenzhou Zha, Bingxue Qiu, Weizhi Wang | 2024-03-29T06:43:55Z | cs.CL | In second language learning, scenario-based conversation practice is
important for language learners to achieve fluency in speaking, but students
often lack sufficient opportunities to practice their conversational skills
with qualified instructors or native speakers. To bridge this gap, we propose
situational dialogue models for students to engage in conversational practice.
Our situational dialogue models are fine-tuned on large language models (LLMs),
with the aim of combining the engaging nature of an open-ended conversation
with the focused practice of scenario-based tasks. Leveraging the
generalization capabilities of LLMs, we demonstrate that our situational
dialogue models perform effectively not only on training topics but also on
topics not encountered during training. This offers a promising solution to
support a wide range of conversational topics without extensive manual work.
Additionally, research in the field of dialogue systems still lacks reliable
automatic evaluation metrics, leading to human evaluation as the gold standard
(Smith et al., 2022), which is typically expensive. To address the limitations
of existing evaluation methods, we present a novel automatic evaluation method
that employs fine-tuned LLMs to efficiently and effectively assess the
performance of situational dialogue models. | cs.CL | Large Language Model based Situational Dialogues for Second Language Learning |
2024-03-29T06:22:37Z | http://arxiv.org/pdf/2403.19995v1 | http://arxiv.org/abs/2403.19995v1 | Prasanna Vijayaraghavan, Jeffrey Frederic Queisser, Sergio Verduzco Flores, Jun Tani | 2024-03-29T06:22:37Z | cs.AI, cs.CL, cs.RO, 68T35, 68T40, I.2.9 | Humans excel at applying learned behavior to unlearned situations. A crucial
component of this generalization behavior is our ability to compose/decompose a
whole into reusable parts, an attribute known as compositionality. One of the
fundamental questions in robotics concerns this characteristic. "How can
linguistic compositionality be developed concomitantly with sensorimotor skills
through associative learning, particularly when individuals only learn partial
linguistic compositions and their corresponding sensorimotor patterns?" To
address this question, we propose a brain-inspired neural network model that
integrates vision, proprioception, and language into a framework of predictive
coding and active inference, based on the free-energy principle. The
effectiveness and capabilities of this model were assessed through various
simulation experiments conducted with a robot arm. Our results show that
generalization in learning to unlearned verb-noun compositions, is
significantly enhanced when training variations of task composition are
increased. We attribute this to self-organized compositional structures in
linguistic latent state space being influenced significantly by sensorimotor
learning. Ablation studies show that visual attention and working memory are
essential to accurately generate visuo-motor sequences to achieve
linguistically represented goals. These insights advance our understanding of
mechanisms underlying development of compositionality through interactions of
linguistic and sensorimotor experience. | cs.AI | Development of Compositionality and Generalization through Interactive Learning of Language and Action of Robots |
2024-03-29T03:48:12Z | http://arxiv.org/pdf/2403.19962v1 | http://arxiv.org/abs/2403.19962v1 | Qinhao Zhou, Zihan Zhang, Xiang Xiang, Ke Wang, Yuchuan Wu, Yongbin Li | 2024-03-29T03:48:12Z | cs.CL, cs.AI, cs.LG | Open-source pre-trained Large Language Models (LLMs) exhibit strong language
understanding and generation capabilities, making them highly successful in a
variety of tasks. However, when used as agents for dealing with complex
problems in the real world, their performance is far inferior to large
commercial models such as ChatGPT and GPT-4. As intelligent agents, LLMs need
to have the capabilities of task planning, long-term memory, and the ability to
leverage external tools to achieve satisfactory performance. Various methods
have been proposed to enhance the agent capabilities of LLMs. On the one hand,
methods involve constructing agent-specific data and fine-tuning the models. On
the other hand, some methods focus on designing prompts that effectively
activate the reasoning abilities of the LLMs. We explore both strategies on the
7B and 13B models. We propose a comprehensive method for constructing
agent-specific data using GPT-4. Through supervised fine-tuning with
constructed data, we find that for these models with a relatively small number
of parameters, supervised fine-tuning can significantly reduce hallucination
outputs and formatting errors in agent tasks. Furthermore, techniques such as
multi-path reasoning and task decomposition can effectively decrease problem
complexity and enhance the performance of LLMs as agents. We evaluate our
method on five agent tasks of AgentBench and achieve satisfactory results. | cs.CL | Enhancing the General Agent Capabilities of Low-Parameter LLMs through Tuning and Multi-Branch Reasoning |
2024-03-29T02:42:39Z | http://arxiv.org/pdf/2403.19936v1 | http://arxiv.org/abs/2403.19936v1 | Hao Wu, Fan Xu | 2024-03-29T02:42:39Z | cs.CL | Building natural language interfaces typically uses a semantic parser to
parse the user's natural language and convert it into structured
\textbf{S}emantic \textbf{L}ogic \textbf{F}orms (SLFs). The mainstream approach
is to adopt a sequence-to-sequence framework, which requires that natural
language commands and SLFs must be represented serially. Since a single natural
language may have multiple SLFs or multiple natural language commands may have
the same SLF, training a sequence-to-sequence model is sensitive to the choice
among them, a phenomenon recorded as "order matters". To solve this problem, we
propose a novel neural network, SLFNet, which firstly incorporates dependent
syntactic information as prior knowledge and can capture the long-range
interactions between contextual information and words. Secondly construct
semantic probability graphs to obtain local dependencies between predictor
variables. Finally we propose the Multi-Head SLF Attention mechanism to
synthesize SLFs from natural language commands based on Sequence-to-Slots.
Experiments show that SLFNet achieves state-of-the-art performance on the
ChineseQCI-TS and Okapi datasets, and competitive performance on the ATIS
dataset. | cs.CL | SLFNet: Generating Semantic Logic Forms from Natural Language Using Semantic Probability Graphs |
2024-03-29T02:36:54Z | http://arxiv.org/pdf/2403.19930v1 | http://arxiv.org/abs/2403.19930v1 | Shulin Liu, Chengcheng Xu, Hao Liu, Tinghao Yu, Tao Yang | 2024-03-29T02:36:54Z | cs.CL | The recent success of Large Language Models (LLMs) has garnered significant
attention in both academia and industry. Prior research on LLMs has primarily
focused on enhancing or leveraging their generalization capabilities in zero-
and few-shot settings. However, there has been limited investigation into
effectively fine-tuning LLMs for a specific natural language understanding task
in supervised settings. In this study, we conduct an experimental analysis by
fine-tuning LLMs for the task of Chinese short text matching. We explore
various factors that influence performance when fine-tuning LLMs, including
task modeling methods, prompt formats, and output formats. | cs.CL | Are LLMs Effective Backbones for Fine-tuning? An Experimental Investigation of Supervised LLMs on Chinese Short Text Matching |
2024-03-29T02:32:15Z | http://arxiv.org/pdf/2403.19928v2 | http://arxiv.org/abs/2403.19928v2 | Hanting Chen, Zhicheng Liu, Xutao Wang, Yuchuan Tian, Yunhe Wang | 2024-04-01T09:17:01Z | cs.CL, cs.LG | In an effort to reduce the computational load of Transformers, research on
linear attention has gained significant momentum. However, the improvement
strategies for attention mechanisms typically necessitate extensive retraining,
which is impractical for large language models with a vast array of parameters.
In this paper, we present DiJiang, a novel Frequency Domain Kernelization
approach that enables the transformation of a pre-trained vanilla Transformer
into a linear complexity model with little training costs. By employing a
weighted Quasi-Monte Carlo method for sampling, the proposed approach
theoretically offers superior approximation efficiency. To further reduce the
training computational complexity, our kernelization is based on Discrete
Cosine Transform (DCT) operations. Extensive experiments demonstrate that the
proposed method achieves comparable performance to the original Transformer,
but with significantly reduced training costs and much faster inference speeds.
Our DiJiang-7B achieves comparable performance with LLaMA2-7B on various
benchmark while requires only about 1/50 training cost. Code is available at
https://github.com/YuchuanTian/DiJiang. | cs.CL | DiJiang: Efficient Large Language Models through Compact Kernelization |
2024-03-29T01:53:24Z | http://arxiv.org/pdf/2403.19913v1 | http://arxiv.org/abs/2403.19913v1 | Peng Ding, Jiading Fang, Peng Li, Kangrui Wang, Xiaochen Zhou, Mo Yu, Jing Li, Matthew R. Walter, Hongyuan Mei | 2024-03-29T01:53:24Z | cs.CL, cs.AI, cs.LG, cs.RO | Large language models such as ChatGPT and GPT-4 have recently achieved
astonishing performance on a variety of natural language processing tasks. In
this paper, we propose MANGO, a benchmark to evaluate their capabilities to
perform text-based mapping and navigation. Our benchmark includes 53 mazes
taken from a suite of textgames: each maze is paired with a walkthrough that
visits every location but does not cover all possible paths. The task is
question-answering: for each maze, a large language model reads the walkthrough
and answers hundreds of mapping and navigation questions such as "How should
you go to Attic from West of House?" and "Where are we if we go north and east
from Cellar?". Although these questions are easy to humans, it turns out that
even GPT-4, the best-to-date language model, performs poorly at answering them.
Further, our experiments suggest that a strong mapping and navigation ability
would benefit large language models in performing relevant downstream tasks,
such as playing textgames. Our MANGO benchmark will facilitate future research
on methods that improve the mapping and navigation capabilities of language
models. We host our leaderboard, data, code, and evaluation program at
https://mango.ttic.edu and https://github.com/oaklight/mango/. | cs.CL | MANGO: A Benchmark for Evaluating Mapping and Navigation Abilities of Large Language Models |
2024-03-29T00:14:46Z | http://arxiv.org/pdf/2403.19889v1 | http://arxiv.org/abs/2403.19889v1 | Shengjie Liu, Jing Wu, Jingyuan Bao, Wenyi Wang, Naira Hovakimyan, Christopher G Healey | 2024-03-29T00:14:46Z | cs.CL, cs.AI, cs.IR, cs.LG | This paper describes an investigation of the robustness of large language
models (LLMs) for retrieval augmented generation (RAG)-based summarization
tasks. While LLMs provide summarization capabilities, their performance in
complex, real-world scenarios remains under-explored. Our first contribution is
LogicSumm, an innovative evaluation framework incorporating realistic scenarios
to assess LLM robustness during RAG-based summarization. Based on limitations
identified by LogiSumm, we then developed SummRAG, a comprehensive system to
create training dialogues and fine-tune a model to enhance robustness within
LogicSumm's scenarios. SummRAG is an example of our goal of defining structured
methods to test the capabilities of an LLM, rather than addressing issues in a
one-off fashion. Experimental results confirm the power of SummRAG, showcasing
improved logical coherence and summarization quality. Data, corresponding model
weights, and Python code are available online. | cs.CL | Towards a Robust Retrieval-Based Summarization System |
2024-03-29T00:09:48Z | http://arxiv.org/pdf/2404.00076v2 | http://arxiv.org/abs/2404.00076v2 | Orson Mengara | 2024-04-07T04:38:37Z | cs.CR, cs.AI, cs.CL, cs.LG, eess.SP | Audio-based machine learning systems frequently use public or third-party
data, which might be inaccurate. This exposes deep neural network (DNN) models
trained on such data to potential data poisoning attacks. In this type of
assault, attackers can train the DNN model using poisoned data, potentially
degrading its performance. Another type of data poisoning attack that is
extremely relevant to our investigation is label flipping, in which the
attacker manipulates the labels for a subset of data. It has been demonstrated
that these assaults may drastically reduce system performance, even for
attackers with minimal abilities. In this study, we propose a backdoor attack
named 'DirtyFlipping', which uses dirty label techniques, "label-on-label", to
input triggers (clapping) in the selected data patterns associated with the
target class, thereby enabling a stealthy backdoor. | cs.CR | A Backdoor Approach with Inverted Labels Using Dirty Label-Flipping Attacks |
2024-03-28T23:55:06Z | http://arxiv.org/pdf/2403.19887v2 | http://arxiv.org/abs/2403.19887v2 | Opher Lieber, Barak Lenz, Hofit Bata, Gal Cohen, Jhonathan Osin, Itay Dalmedigos, Erez Safahi, Shaked Meirom, Yonatan Belinkov, Shai Shalev-Shwartz, Omri Abend, Raz Alon, Tomer Asida, Amir Bergman, Roman Glozman, Michael Gokhman, Avashalom Manevich, Nir Ratner, Noam Rozen, Erez Shwartz, Mor Zusman, Yoav Shoham | 2024-07-03T14:30:33Z | cs.CL, cs.LG | We present Jamba, a new base large language model based on a novel hybrid
Transformer-Mamba mixture-of-experts (MoE) architecture. Specifically, Jamba
interleaves blocks of Transformer and Mamba layers, enjoying the benefits of
both model families. MoE is added in some of these layers to increase model
capacity while keeping active parameter usage manageable. This flexible
architecture allows resource- and objective-specific configurations. In the
particular configuration we have implemented, we end up with a powerful model
that fits in a single 80GB GPU. Built at large scale, Jamba provides high
throughput and small memory footprint compared to vanilla Transformers, and at
the same time state-of-the-art performance on standard language model
benchmarks and long-context evaluations. Remarkably, the model presents strong
results for up to 256K tokens context length. We study various architectural
decisions, such as how to combine Transformer and Mamba layers, and how to mix
experts, and show that some of them are crucial in large scale modeling. We
also describe several interesting properties of these architectures which the
training and evaluation of Jamba have revealed, and plan to release checkpoints
from various ablation runs, to encourage further exploration of this novel
architecture. We make the weights of our implementation of Jamba publicly
available under a permissive license. | cs.CL | Jamba: A Hybrid Transformer-Mamba Language Model |
2024-03-28T21:53:24Z | http://arxiv.org/pdf/2403.19851v1 | http://arxiv.org/abs/2403.19851v1 | Niklas Stoehr, Mitchell Gordon, Chiyuan Zhang, Owen Lewis | 2024-03-28T21:53:24Z | cs.CL, cs.CR, cs.LG, stat.ML | Can we localize the weights and mechanisms used by a language model to
memorize and recite entire paragraphs of its training data? In this paper, we
show that while memorization is spread across multiple layers and model
components, gradients of memorized paragraphs have a distinguishable spatial
pattern, being larger in lower model layers than gradients of non-memorized
examples. Moreover, the memorized examples can be unlearned by fine-tuning only
the high-gradient weights. We localize a low-layer attention head that appears
to be especially involved in paragraph memorization. This head is predominantly
focusing its attention on distinctive, rare tokens that are least frequent in a
corpus-level unigram distribution. Next, we study how localized memorization is
across the tokens in the prefix by perturbing tokens and measuring the caused
change in the decoding. A few distinctive tokens early in a prefix can often
corrupt the entire continuation. Overall, memorized continuations are not only
harder to unlearn, but also to corrupt than non-memorized ones. | cs.CL | Localizing Paragraph Memorization in Language Models |
2024-03-28T21:20:27Z | http://arxiv.org/pdf/2403.19839v1 | http://arxiv.org/abs/2403.19839v1 | Jing Wu, Zhixin Lai, Suiyao Chen, Ran Tao, Pan Zhao, Naira Hovakimyan | 2024-03-28T21:20:27Z | cs.LG, cs.AI, cs.CL | Crop management plays a crucial role in determining crop yield, economic
profitability, and environmental sustainability. Despite the availability of
management guidelines, optimizing these practices remains a complex and
multifaceted challenge. In response, previous studies have explored using
reinforcement learning with crop simulators, typically employing simple
neural-network-based reinforcement learning (RL) agents. Building on this
foundation, this paper introduces a more advanced intelligent crop management
system. This system uniquely combines RL, a language model (LM), and crop
simulations facilitated by the Decision Support System for Agrotechnology
Transfer (DSSAT). We utilize deep RL, specifically a deep Q-network, to train
management policies that process numerous state variables from the simulator as
observations. A novel aspect of our approach is the conversion of these state
variables into more informative language, facilitating the language model's
capacity to understand states and explore optimal management practices. The
empirical results reveal that the LM exhibits superior learning capabilities.
Through simulation experiments with maize crops in Florida (US) and Zaragoza
(Spain), the LM not only achieves state-of-the-art performance under various
evaluation metrics but also demonstrates a remarkable improvement of over 49\%
in economic profit, coupled with reduced environmental impact when compared to
baseline methods. Our code is available at
\url{https://github.com/jingwu6/LM_AG}. | cs.LG | The New Agronomists: Language Models are Experts in Crop Management |
2024-03-28T21:15:38Z | http://arxiv.org/pdf/2403.19837v3 | http://arxiv.org/abs/2403.19837v3 | Ravi Mangal, Nina Narodytska, Divya Gopinath, Boyue Caroline Hu, Anirban Roy, Susmit Jha, Corina Pasareanu | 2024-04-10T23:47:34Z | cs.LG, cs.AI, cs.CL, cs.CV, cs.LO | The analysis of vision-based deep neural networks (DNNs) is highly desirable
but it is very challenging due to the difficulty of expressing formal
specifications for vision tasks and the lack of efficient verification
procedures. In this paper, we propose to leverage emerging multimodal,
vision-language, foundation models (VLMs) as a lens through which we can reason
about vision models. VLMs have been trained on a large body of images
accompanied by their textual description, and are thus implicitly aware of
high-level, human-understandable concepts describing the images. We describe a
logical specification language $\texttt{Con}_{\texttt{spec}}$ designed to
facilitate writing specifications in terms of these concepts. To define and
formally check $\texttt{Con}_{\texttt{spec}}$ specifications, we build a map
between the internal representations of a given vision model and a VLM, leading
to an efficient verification procedure of natural-language properties for
vision models. We demonstrate our techniques on a ResNet-based classifier
trained on the RIVAL-10 dataset using CLIP as the multimodal model. | cs.LG | Concept-based Analysis of Neural Networks via Vision-Language Models |
2024-03-28T21:15:15Z | http://arxiv.org/pdf/2403.19836v2 | http://arxiv.org/abs/2403.19836v2 | Nazanin Jafari, James Allan, Sheikh Muhammad Sarwar | 2024-06-27T22:28:27Z | cs.CL | Identifying the targets of hate speech is a crucial step in grasping the
nature of such speech and, ultimately, in improving the detection of offensive
posts on online forums. Much harmful content on online platforms uses implicit
language especially when targeting vulnerable and protected groups such as
using stereotypical characteristics instead of explicit target names, making it
harder to detect and mitigate the language. In this study, we focus on
identifying implied targets of hate speech, essential for recognizing subtler
hate speech and enhancing the detection of harmful content on digital
platforms. We define a new task aimed at identifying the targets even when they
are not explicitly stated. To address that task, we collect and annotate target
spans in three prominent implicit hate speech datasets: SBIC, DynaHate, and
IHC. We call the resulting merged collection Implicit-Target-Span. The
collection is achieved using an innovative pooling method with matching scores
based on human annotations and Large Language Models (LLMs). Our experiments
indicate that Implicit-Target-Span provides a challenging test bed for target
span detection methods. | cs.CL | Target Span Detection for Implicit Harmful Content |
2024-03-28T20:35:10Z | http://arxiv.org/pdf/2403.19827v1 | http://arxiv.org/abs/2403.19827v1 | Kanishka Misra, Kyle Mahowald | 2024-03-28T20:35:10Z | cs.CL | Language models learn rare syntactic phenomena, but it has been argued that
they rely on rote memorization, as opposed to grammatical generalization.
Training on a corpus of human-scale in size (100M words), we iteratively
trained transformer language models on systematically manipulated corpora and
then evaluated their learning of a particular rare grammatical phenomenon: the
English Article+Adjective+Numeral+Noun (AANN) construction (``a beautiful five
days''). We first compared how well this construction was learned on the
default corpus relative to a counterfactual corpus in which the AANN sentences
were removed. AANNs were still learned better than systematically perturbed
variants of the construction. Using additional counterfactual corpora, we
suggest that this learning occurs through generalization from related
constructions (e.g., ``a few days''). An additional experiment showed that this
learning is enhanced when there is more variability in the input. Taken
together, our results provide an existence proof that models learn rare
grammatical phenomena by generalization from less rare phenomena. Code
available at https://github.com/kanishkamisra/aannalysis | cs.CL | Language Models Learn Rare Phenomena from Less Rare Phenomena: The Case of the Missing AANNs |
2024-03-28T20:23:39Z | http://arxiv.org/pdf/2403.19822v1 | http://arxiv.org/abs/2403.19822v1 | Yash Jain, David Chan, Pranav Dheram, Aparna Khare, Olabanji Shonibare, Venkatesh Ravichandran, Shalini Ghosh | 2024-03-28T20:23:39Z | cs.CL, cs.AI | Recent advances in machine learning have demonstrated that multi-modal
pre-training can improve automatic speech recognition (ASR) performance
compared to randomly initialized models, even when models are fine-tuned on
uni-modal tasks. Existing multi-modal pre-training methods for the ASR task
have primarily focused on single-stage pre-training where a single unsupervised
task is used for pre-training followed by fine-tuning on the downstream task.
In this work, we introduce a novel method combining multi-modal and multi-task
unsupervised pre-training with a translation-based supervised mid-training
approach. We empirically demonstrate that such a multi-stage approach leads to
relative word error rate (WER) improvements of up to 38.45% over baselines on
both Librispeech and SUPERB. Additionally, we share several important findings
for choosing pre-training methods and datasets. | cs.CL | Multi-Stage Multi-Modal Pre-Training for Automatic Speech Recognition |
2024-03-28T19:31:32Z | http://arxiv.org/pdf/2403.19802v1 | http://arxiv.org/abs/2403.19802v1 | Niall Taylor, Dan Schofield, Andrey Kormilitzin, Dan W Joyce, Alejo Nevado-Holgado | 2024-03-28T19:31:32Z | cs.CL, cs.AI | Pre-trained Large Language Models (LLMs) often struggle on out-of-domain
datasets like healthcare focused text. We explore specialized pre-training to
adapt smaller LLMs to different healthcare datasets. Three methods are
assessed: traditional masked language modeling, Deep Contrastive Learning for
Unsupervised Textual Representations (DeCLUTR), and a novel pre-training
objective utilizing metadata categories from the healthcare settings. These
schemes are evaluated on downstream document classification tasks for each
dataset, with additional analysis of the resultant embedding spaces.
Contrastively trained models outperform other approaches on the classification
tasks, delivering strong performance from limited labeled data and with fewer
model parameter updates required. While metadata-based pre-training does not
further improve classifications across the datasets, it yields interesting
embedding cluster separability. All domain adapted LLMs outperform their
publicly available general base LLM, validating the importance of
domain-specialization. This research illustrates efficient approaches to
instill healthcare competency in compact LLMs even under tight computational
budgets, an essential capability for responsible and sustainable deployment in
local healthcare settings. We provide pre-training guidelines for specialized
healthcare LLMs, motivate continued inquiry into contrastive objectives, and
demonstrates adaptation techniques to align small LLMs with privacy-sensitive
medical tasks. | cs.CL | Developing Healthcare Language Model Embedding Spaces |
2024-03-28T18:15:07Z | http://arxiv.org/pdf/2403.19758v2 | http://arxiv.org/abs/2403.19758v2 | Dominic Widdows, Willie Aboumrad, Dohun Kim, Sayonee Ray, Jonathan Mei | 2024-04-26T18:45:02Z | quant-ph, cs.AI, cs.CL | Language processing is at the heart of current developments in artificial
intelligence, and quantum computers are becoming available at the same time.
This has led to great interest in quantum natural language processing, and
several early proposals and experiments.
This paper surveys the state of this area, showing how NLP-related techniques
have been used in quantum language processing. We examine the art of word
embeddings and sequential models, proposing some avenues for future
investigation and discussing the tradeoffs present in these directions. We also
highlight some recent methods to compute attention in transformer models, and
perform grammatical parsing. We also introduce a new quantum design for the
basic task of text encoding (representing a string of characters in memory),
which has not been addressed in detail before.
Quantum theory has contributed toward quantifying uncertainty and explaining
"What is intelligence?" In this context, we argue that "hallucinations" in
modern artificial intelligence systems are a misunderstanding of the way facts
are conceptualized: language can express many plausible hypotheses, of which
only a few become actual. | quant-ph | Quantum Natural Language Processing |
2024-03-28T18:08:22Z | http://arxiv.org/pdf/2403.19754v1 | http://arxiv.org/abs/2403.19754v1 | Mohsen Gholami, Mohammad Akbari, Cindy Hu, Vaden Masrani, Z. Jane Wang, Yong Zhang | 2024-03-28T18:08:22Z | cs.CL | Knowledge distillation from LLMs is essential for the efficient deployment of
language models. Prior works have proposed data generation using LLMs for
preparing distilled models. We argue that generating data with LLMs is prone to
sampling mainly from the center of original content distribution. This
limitation hinders the distilled model from learning the true underlying data
distribution and to forget the tails of the distributions (samples with lower
probability). To this end, we propose GOLD, a task-agnostic data generation and
knowledge distillation framework, which employs an iterative
out-of-distribution-guided feedback mechanism for the LLM. As a result, the
generated data improves the generalizability of distilled models. An
energy-based OOD evaluation approach is also introduced to deal with noisy
generated data. Our extensive experiments on 10 different classification and
sequence-to-sequence tasks in NLP show that GOLD respectively outperforms prior
arts and the LLM with an average improvement of 5% and 14%. We will also show
that the proposed method is applicable to less explored and novel tasks. The
code is available. | cs.CL | GOLD: Generalized Knowledge Distillation via Out-of-Distribution-Guided Language Data Generation |
2024-03-28T17:59:20Z | http://arxiv.org/pdf/2403.19651v2 | http://arxiv.org/abs/2403.19651v2 | Kai Zhang, Yi Luan, Hexiang Hu, Kenton Lee, Siyuan Qiao, Wenhu Chen, Yu Su, Ming-Wei Chang | 2024-06-24T23:41:29Z | cs.CV, cs.AI, cs.CL, cs.IR, cs.MM | Image retrieval, i.e., finding desired images given a reference image,
inherently encompasses rich, multi-faceted search intents that are difficult to
capture solely using image-based measures. Recent works leverage text
instructions to allow users to more freely express their search intents.
However, they primarily focus on image pairs that are visually similar and/or
can be characterized by a small set of pre-defined relations. The core thesis
of this paper is that text instructions can enable retrieving images with
richer relations beyond visual similarity. To show this, we introduce
MagicLens, a series of self-supervised image retrieval models that support
open-ended instructions. MagicLens is built on a key novel insight: image pairs
that naturally occur on the same web pages contain a wide range of implicit
relations (e.g., inside view of), and we can bring those implicit relations
explicit by synthesizing instructions via foundation models. Trained on 36.7M
(query image, instruction, target image) triplets with rich semantic relations
mined from the web, MagicLens achieves results comparable with or better than
prior best on eight benchmarks of various image retrieval tasks, while
maintaining high parameter efficiency with a significantly smaller model size.
Additional human analyses on a 1.4M-image unseen corpus further demonstrate the
diversity of search intents supported by MagicLens. Code and models are
publicly available at https://open-vision-language.github.io/MagicLens/. | cs.CV | MagicLens: Self-Supervised Image Retrieval with Open-Ended Instructions |
2024-03-28T17:56:07Z | http://arxiv.org/pdf/2403.19647v2 | http://arxiv.org/abs/2403.19647v2 | Samuel Marks, Can Rager, Eric J. Michaud, Yonatan Belinkov, David Bau, Aaron Mueller | 2024-03-31T16:54:50Z | cs.LG, cs.AI, cs.CL | We introduce methods for discovering and applying sparse feature circuits.
These are causally implicated subnetworks of human-interpretable features for
explaining language model behaviors. Circuits identified in prior work consist
of polysemantic and difficult-to-interpret units like attention heads or
neurons, rendering them unsuitable for many downstream applications. In
contrast, sparse feature circuits enable detailed understanding of
unanticipated mechanisms. Because they are based on fine-grained units, sparse
feature circuits are useful for downstream tasks: We introduce SHIFT, where we
improve the generalization of a classifier by ablating features that a human
judges to be task-irrelevant. Finally, we demonstrate an entirely unsupervised
and scalable interpretability pipeline by discovering thousands of sparse
feature circuits for automatically discovered model behaviors. | cs.LG | Sparse Feature Circuits: Discovering and Editing Interpretable Causal Graphs in Language Models |
2024-03-28T17:49:31Z | http://arxiv.org/pdf/2403.19634v1 | http://arxiv.org/abs/2403.19634v1 | Pierre-Michel Bousquet, Mickael Rouvier | 2024-03-28T17:49:31Z | cs.SD, cs.CL, eess.AS | The SdSv challenge Task 2 provided an opportunity to assess efficiency and
robustness of modern text-independent speaker verification systems. But it also
made it possible to test new approaches, capable of taking into account the
main issues of this challenge (duration, language, ...). This paper describes
the contributions of our laboratory to the speaker recognition field. These
contributions highlight two other challenges in addition to short-duration and
language: the mismatch between enrollment and test data and the one between
subsets of the evaluation trial dataset. The proposed approaches experimentally
show their relevance and efficiency on the SdSv evaluation, and could be of
interest in many real-life applications. | cs.SD | Asymmetric and trial-dependent modeling: the contribution of LIA to SdSV Challenge Task 2 |
2024-03-28T17:47:19Z | http://arxiv.org/pdf/2403.19631v1 | http://arxiv.org/abs/2403.19631v1 | Yucheng Shi, Qiaoyu Tan, Xuansheng Wu, Shaochen Zhong, Kaixiong Zhou, Ninghao Liu | 2024-03-28T17:47:19Z | cs.CL, cs.AI, cs.LG | Large Language Models (LLMs) have shown proficiency in question-answering
tasks but often struggle to integrate real-time knowledge updates, leading to
potentially outdated or inaccurate responses. This problem becomes even more
challenging when dealing with multi-hop questions since they require LLMs to
update and integrate multiple knowledge pieces relevant to the questions. To
tackle the problem, we propose the Retrieval-Augmented model Editing (RAE)
framework tailored for multi-hop question answering. RAE first retrieves edited
facts and then refines the language model through in-context learning.
Specifically, our retrieval approach, based on mutual information maximization,
leverages the reasoning abilities of LLMs to identify chain facts that na\"ive
similarity-based searches might miss. Additionally, our framework incorporates
a pruning strategy to eliminate redundant information from the retrieved facts,
which enhances the editing accuracy and mitigates the hallucination problem.
Our framework is supported by theoretical justification for its fact retrieval
efficacy. Finally, comprehensive evaluation across various LLMs validates RAE's
ability in providing accurate answers with updated knowledge. | cs.CL | Retrieval-Enhanced Knowledge Editing for Multi-Hop Question Answering in Language Models |
2024-03-28T17:27:44Z | http://arxiv.org/pdf/2403.19603v1 | http://arxiv.org/abs/2403.19603v1 | Chengzu Li, Chao Zhang, Simone Teufel, Rama Sanand Doddipatla, Svetlana Stoyanchev | 2024-03-28T17:27:44Z | cs.CL, cs.AI, cs.CV | We are interested in the generation of navigation instructions, either in
their own right or as training material for robotic navigation task. In this
paper, we propose a new approach to navigation instruction generation by
framing the problem as an image captioning task using semantic maps as visual
input. Conventional approaches employ a sequence of panorama images to generate
navigation instructions. Semantic maps abstract away from visual details and
fuse the information in multiple panorama images into a single top-down
representation, thereby reducing computational complexity to process the input.
We present a benchmark dataset for instruction generation using semantic maps,
propose an initial model and ask human subjects to manually assess the quality
of generated instructions. Our initial investigations show promise in using
semantic maps for instruction generation instead of a sequence of panorama
images, but there is vast scope for improvement. We release the code for data
preparation and model training at https://github.com/chengzu-li/VLGen. | cs.CL | Semantic Map-based Generation of Navigation Instructions |
2024-03-28T16:53:08Z | http://arxiv.org/pdf/2406.11848v1 | http://arxiv.org/abs/2406.11848v1 | Edafetanure-Ibeh Faith, Evah Patrick Tamarauefiye, Mark Uwuoruya Uyi | 2024-03-28T16:53:08Z | cs.CY, cs.CL | The aim of attending an educational institution is learning, which in turn is
sought after for the reason of independence of thoughts, ideologies as well as
physical and material independence. This physical and material independence is
gotten from working in the industry, that is, being a part of the independent
working population of the country. There needs to be a way by which students
upon graduation can easily adapt to the real world with necessary skills and
knowledge required. This problem has been a challenge in some computer science
departments, which after effects known after the student begins to work in an
industry. The objectives of this project include: Designing a web based chat
application for the industry and computer science department, Develop a web
based chat application for the industry and computer science and Evaluate the
web based chat application for the industry and computer science department.
Waterfall system development lifecycle is used in establishing a system project
plan, because it gives an overall list of processes and sub-processes required
in developing a system. The descriptive research method applied in this project
is documentary analysis of previous articles. The result of the project is the
design, software a web-based chat application that aids communication between
the industry and the computer science department and the evaluation of the
system. The application is able to store this information which can be decided
to be used later. Awareness of the software to companies and universities,
implementation of the suggestions made by the industry in the computer science
curriculum, use of this software in universities across Nigeria and use of this
not just in the computer science field but in other field of study | cs.CY | Model Of Information System Towards Harmonized Industry And Computer Science |
2024-03-28T16:44:14Z | http://arxiv.org/pdf/2403.19559v1 | http://arxiv.org/abs/2403.19559v1 | Janis Goldzycher, Paul Röttger, Gerold Schneider | 2024-03-28T16:44:14Z | cs.CL | Hate speech detection models are only as good as the data they are trained
on. Datasets sourced from social media suffer from systematic gaps and biases,
leading to unreliable models with simplistic decision boundaries. Adversarial
datasets, collected by exploiting model weaknesses, promise to fix this
problem. However, adversarial data collection can be slow and costly, and
individual annotators have limited creativity. In this paper, we introduce
GAHD, a new German Adversarial Hate speech Dataset comprising ca.\ 11k
examples. During data collection, we explore new strategies for supporting
annotators, to create more diverse adversarial examples more efficiently and
provide a manual analysis of annotator disagreements for each strategy. Our
experiments show that the resulting dataset is challenging even for
state-of-the-art hate speech detection models, and that training on GAHD
clearly improves model robustness. Further, we find that mixing multiple
support strategies is most advantageous. We make GAHD publicly available at
https://github.com/jagol/gahd. | cs.CL | Improving Adversarial Data Collection by Supporting Annotators: Lessons from GAHD, a German Hate Speech Dataset |
2024-03-28T16:28:38Z | http://arxiv.org/pdf/2403.19548v1 | http://arxiv.org/abs/2403.19548v1 | Piotr Molenda, Adian Liusie, Mark J. F. Gales | 2024-03-28T16:28:38Z | cs.CL | Watermarking generative-AI systems, such as LLMs, has gained considerable
interest, driven by their enhanced capabilities across a wide range of tasks.
Although current approaches have demonstrated that small, context-dependent
shifts in the word distributions can be used to apply and detect watermarks,
there has been little work in analyzing the impact that these perturbations
have on the quality of generated texts. Balancing high detectability with
minimal performance degradation is crucial in terms of selecting the
appropriate watermarking setting; therefore this paper proposes a simple
analysis framework where comparative assessment, a flexible NLG evaluation
framework, is used to assess the quality degradation caused by a particular
watermark setting. We demonstrate that our framework provides easy
visualization of the quality-detection trade-off of watermark settings,
enabling a simple solution to find an LLM watermark operating point that
provides a well-balanced performance. This approach is applied to two different
summarization systems and a translation system, enabling cross-model analysis
for a task, and cross-task analysis. | cs.CL | WaterJudge: Quality-Detection Trade-off when Watermarking Large Language Models |
2024-03-28T15:54:59Z | http://arxiv.org/pdf/2403.19521v4 | http://arxiv.org/abs/2403.19521v4 | Ang Lv, Yuhan Chen, Kaiyi Zhang, Yulong Wang, Lifeng Liu, Ji-Rong Wen, Jian Xie, Rui Yan | 2024-05-24T15:06:45Z | cs.CL, cs.AI, cs.LG | In this paper, we delve into several mechanisms employed by Transformer-based
language models (LLMs) for factual recall tasks. We outline a pipeline
consisting of three major steps: (1) Given a prompt ``The capital of France
is,'' task-specific attention heads extract the topic token, such as
``France,'' from the context and pass it to subsequent MLPs. (2) As attention
heads' outputs are aggregated with equal weight and added to the residual
stream, the subsequent MLP acts as an ``activation,'' which either erases or
amplifies the information originating from individual heads. As a result, the
topic token ``France'' stands out in the residual stream. (3) A deep MLP takes
``France'' and generates a component that redirects the residual stream towards
the direction of the correct answer, i.e., ``Paris.'' This procedure is akin to
applying an implicit function such as ``get\_capital($X$),'' and the argument
$X$ is the topic token information passed by attention heads. To achieve the
above quantitative and qualitative analysis for MLPs, we proposed a novel
analytic method aimed at decomposing the outputs of the MLP into components
understandable by humans. Additionally, we observed a universal
anti-overconfidence mechanism in the final layer of models, which suppresses
correct predictions. We mitigate this suppression by leveraging our
interpretation to improve factual recall confidence. The above interpretations
are evaluated across diverse tasks spanning various domains of factual
knowledge, using various language models from the GPT-2 families, 1.3B OPT, up
to 7B Llama-2, and in both zero- and few-shot setups. | cs.CL | Interpreting Key Mechanisms of Factual Recall in Transformer-Based Language Models |
2024-03-28T15:53:45Z | http://arxiv.org/pdf/2404.01322v1 | http://arxiv.org/abs/2404.01322v1 | Kilian Carolan, Laura Fennelly, Alan F. Smeaton | 2024-03-28T15:53:45Z | cs.CL, cs.AI | Large Language Models (LLMs) have recently emerged as a focal point of
research and application, driven by their unprecedented ability to understand
and generate text with human-like quality. Even more recently, LLMs have been
extended into multi-modal large language models (MM-LLMs) which extends their
capabilities to deal with image, video and audio information, in addition to
text. This opens up applications like text-to-video generation, image
captioning, text-to-speech, and more and is achieved either by retro-fitting an
LLM with multi-modal capabilities, or building a MM-LLM from scratch. This
paper provides an extensive review of the current state of those LLMs with
multi-modal capabilities as well as the very recent MM-LLMs. It covers the
historical development of LLMs especially the advances enabled by
transformer-based architectures like OpenAI's GPT series and Google's BERT, as
well as the role of attention mechanisms in enhancing model performance. The
paper includes coverage of the major and most important of the LLMs and MM-LLMs
and also covers the techniques of model tuning, including fine-tuning and
prompt engineering, which tailor pre-trained models to specific tasks or
domains. Ethical considerations and challenges, such as data bias and model
misuse, are also analysed to underscore the importance of responsible AI
development and deployment. Finally, we discuss the implications of open-source
versus proprietary models in AI research. Through this review, we provide
insights into the transformative potential of MM-LLMs in various applications. | cs.CL | A Review of Multi-Modal Large Language and Vision Models |
2024-03-28T15:44:18Z | http://arxiv.org/pdf/2403.19511v1 | http://arxiv.org/abs/2403.19511v1 | Shan Chen, Jack Gallifant, Marco Guevara, Yanjun Gao, Majid Afshar, Timothy Miller, Dmitriy Dligach, Danielle S. Bitterman | 2024-03-28T15:44:18Z | cs.CL | Generative models have been showing potential for producing data in mass.
This study explores the enhancement of clinical natural language processing
performance by utilizing synthetic data generated from advanced language
models. Promising results show feasible applications in such a high-stakes
domain. | cs.CL | Improving Clinical NLP Performance through Language Model-Generated Synthetic Clinical Data |
2024-03-28T15:42:07Z | http://arxiv.org/pdf/2403.19509v1 | http://arxiv.org/abs/2403.19509v1 | Eleanor Chodroff, Blaž Pažon, Annie Baker, Steven Moran | 2024-03-28T15:42:07Z | cs.CL, cs.SD, eess.AS | Research in speech technologies and comparative linguistics depends on access
to diverse and accessible speech data. The UCLA Phonetics Lab Archive is one of
the earliest multilingual speech corpora, with long-form audio recordings and
phonetic transcriptions for 314 languages (Ladefoged et al., 2009). Recently,
95 of these languages were time-aligned with word-level phonetic transcriptions
(Li et al., 2021). Here we present VoxAngeles, a corpus of audited phonetic
transcriptions and phone-level alignments of the UCLA Phonetics Lab Archive,
which uses the 95-language CMU re-release as our starting point. VoxAngeles
also includes word- and phone-level segmentations from the original UCLA
corpus, as well as phonetic measurements of word and phone durations, vowel
formants, and vowel f0. This corpus enhances the usability of the original
data, particularly for quantitative phonetic typology, as demonstrated through
a case study of vowel intrinsic f0. We also discuss the utility of the
VoxAngeles corpus for general research and pedagogy in crosslinguistic
phonetics, as well as for low-resource and multilingual speech technologies.
VoxAngeles is free to download and use under a CC-BY-NC 4.0 license. | cs.CL | Phonetic Segmentation of the UCLA Phonetics Lab Archive |
2024-03-28T14:22:54Z | http://arxiv.org/pdf/2403.19454v1 | http://arxiv.org/abs/2403.19454v1 | Eri Onami, Shuhei Kurita, Taiki Miyanishi, Taro Watanabe | 2024-03-28T14:22:54Z | cs.CL | Document question answering is a task of question answering on given
documents such as reports, slides, pamphlets, and websites, and it is a truly
demanding task as paper and electronic forms of documents are so common in our
society. This is known as a quite challenging task because it requires not only
text understanding but also understanding of figures and tables, and hence
visual question answering (VQA) methods are often examined in addition to
textual approaches. We introduce Japanese Document Question Answering (JDocQA),
a large-scale document-based QA dataset, essentially requiring both visual and
textual information to answer questions, which comprises 5,504 documents in PDF
format and annotated 11,600 question-and-answer instances in Japanese. Each QA
instance includes references to the document pages and bounding boxes for the
answer clues. We incorporate multiple categories of questions and unanswerable
questions from the document for realistic question-answering applications. We
empirically evaluate the effectiveness of our dataset with text-based large
language models (LLMs) and multimodal models. Incorporating unanswerable
questions in finetuning may contribute to harnessing the so-called
hallucination generation. | cs.CL | JDocQA: Japanese Document Question Answering Dataset for Generative Language Models |
2024-03-28T14:15:10Z | http://arxiv.org/pdf/2403.19443v1 | http://arxiv.org/abs/2403.19443v1 | Qi Gou, Cam-Tu Nguyen | 2024-03-28T14:15:10Z | cs.CL | Large Language Models (LLMs) have become increasingly popular due to their
ability to process and generate natural language. However, as they are trained
on massive datasets of text, LLMs can inherit harmful biases and produce
outputs that are not aligned with human values. This paper studies two main
approaches to LLM alignment: Reinforcement Learning with Human Feedback (RLHF)
and contrastive learning-based methods like Direct Preference Optimization
(DPO). By analyzing the stability and robustness of RLHF and DPO, we propose
MPO (Mixed Preference Optimization), a novel method that mitigates the
weaknesses of both approaches. Specifically, we propose a two-stage training
procedure: first train DPO on an easy dataset, and then perform RLHF on a
difficult set with DPO model being the reference model. Here, the easy and
difficult sets are constructed by a well-trained reward model that splits
response pairs into those with large gaps of reward (easy), and those with
small gaps (difficult). The first stage allows us to obtain a relatively
optimal policy (LLM) model quickly, whereas the second stage refines LLM with
online RLHF, thus mitigating the distribution shift issue associated with DPO.
Experiments are conducted on two public alignment datasets, namely HH-RLHF and
TLDR, demonstrating the effectiveness of MPO, both in terms of GPT4 and human
evaluation. | cs.CL | Mixed Preference Optimization: Reinforcement Learning with Data Selection and Better Reference Model |
2024-03-28T14:03:12Z | http://arxiv.org/pdf/2403.19432v2 | http://arxiv.org/abs/2403.19432v2 | Song Wang, Yiliang Zhou, Ziqiang Han, Cui Tao, Yunyu Xiao, Ying Ding, Joydeep Ghosh, Yifan Peng | 2024-03-29T17:21:02Z | cs.CL, cs.AI | Data accuracy is essential for scientific research and policy development.
The National Violent Death Reporting System (NVDRS) data is widely used for
discovering the patterns and causes of death. Recent studies suggested the
annotation inconsistencies within the NVDRS and the potential impact on
erroneous suicide-cause attributions. We present an empirical Natural Language
Processing (NLP) approach to detect annotation inconsistencies and adopt a
cross-validation-like paradigm to identify problematic instances. We analyzed
267,804 suicide death incidents between 2003 and 2020 from the NVDRS. Our
results showed that incorporating the target state's data into training the
suicide-crisis classifier brought an increase of 5.4% to the F-1 score on the
target state's test set and a decrease of 1.1% on other states' test set. To
conclude, we demonstrated the annotation inconsistencies in NVDRS's death
investigation notes, identified problematic instances, evaluated the
effectiveness of correcting problematic instances, and eventually proposed an
NLP improvement solution. | cs.CL | Uncovering Misattributed Suicide Causes through Annotation Inconsistency Detection in Death Investigation Notes |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.