publication_date
stringlengths 20
20
| doc_url
stringlengths 33
34
| id
stringlengths 33
34
| authors
stringlengths 5
20.1k
| update_date
stringlengths 20
20
| category_all
stringlengths 5
138
| abstract
stringlengths 123
3.09k
| category_primary
stringclasses 78
values | title
stringlengths 10
211
|
---|---|---|---|---|---|---|---|---|
2024-05-21T06:37:03Z | http://arxiv.org/pdf/2405.12528v1 | http://arxiv.org/abs/2405.12528v1 | Yao Yao, Zuchao Li, Hai Zhao | 2024-05-21T06:37:03Z | cs.CL | As Large Language Models (LLMs) become increasingly prevalent in various
domains, their ability to process inputs of any length and maintain a degree of
memory becomes essential. However, the one-off input of overly long texts is
limited, as studies have shown that when input lengths exceed the LLMs'
pre-trained text length, there is a dramatic decline in text generation
capabilities. Moreover, simply extending the length of pre-training texts is
impractical due to the difficulty in obtaining long text data and the
substantial memory consumption costs this would entail for LLMs. Recent efforts
have employed streaming inputs to alleviate the pressure of excessively long
text inputs, but this approach can significantly impair the model's long-term
memory capabilities.
Motivated by this challenge, we introduce Streaming Infinite Retentive LLM
(SirLLM), which allows LLMs to maintain longer memory during infinite-length
dialogues without the need for fine-tuning. SirLLM utilizes the Token Entropy
metric and a memory decay mechanism to filter key phrases, endowing LLMs with
both long-lasting and flexible memory. We designed three distinct tasks and
constructed three datasets to measure the effectiveness of SirLLM from various
angles: (1) DailyDialog; (2) Grocery Shopping; (3) Rock-Paper-Scissors. Our
experimental results robustly demonstrate that SirLLM can achieve stable and
significant improvements across different LLMs and tasks, compellingly proving
its effectiveness. When having a coversation, "A sir could forget himself," but
SirLLM never does! Our code is publicly available at
https://github.com/Zoeyyao27/SirLLM | cs.CL | SirLLM: Streaming Infinite Retentive LLM |
2024-05-21T06:26:10Z | http://arxiv.org/pdf/2405.12522v1 | http://arxiv.org/abs/2405.12522v1 | Charles O'Neill, Thang Bui | 2024-05-21T06:26:10Z | cs.CL, cs.LG | This paper introduces an efficient and robust method for discovering
interpretable circuits in large language models using discrete sparse
autoencoders. Our approach addresses key limitations of existing techniques,
namely computational complexity and sensitivity to hyperparameters. We propose
training sparse autoencoders on carefully designed positive and negative
examples, where the model can only correctly predict the next token for the
positive examples. We hypothesise that learned representations of attention
head outputs will signal when a head is engaged in specific computations. By
discretising the learned representations into integer codes and measuring the
overlap between codes unique to positive examples for each head, we enable
direct identification of attention heads involved in circuits without the need
for expensive ablations or architectural modifications. On three well-studied
tasks - indirect object identification, greater-than comparisons, and docstring
completion - the proposed method achieves higher precision and recall in
recovering ground-truth circuits compared to state-of-the-art baselines, while
reducing runtime from hours to seconds. Notably, we require only 5-10 text
examples for each task to learn robust representations. Our findings highlight
the promise of discrete sparse autoencoders for scalable and efficient
mechanistic interpretability, offering a new direction for analysing the inner
workings of large language models. | cs.CL | Sparse Autoencoders Enable Scalable and Reliable Circuit Identification in Language Models |
2024-05-21T03:16:35Z | http://arxiv.org/pdf/2405.13077v1 | http://arxiv.org/abs/2405.13077v1 | Govind Ramesh, Yao Dou, Wei Xu | 2024-05-21T03:16:35Z | cs.CR, cs.AI, cs.CL | Research on jailbreaking has been valuable for testing and understanding the
safety and security issues of large language models (LLMs). In this paper, we
introduce Iterative Refinement Induced Self-Jailbreak (IRIS), a novel approach
that leverages the reflective capabilities of LLMs for jailbreaking with only
black-box access. Unlike previous methods, IRIS simplifies the jailbreaking
process by using a single model as both the attacker and target. This method
first iteratively refines adversarial prompts through self-explanation, which
is crucial for ensuring that even well-aligned LLMs obey adversarial
instructions. IRIS then rates and enhances the output given the refined prompt
to increase its harmfulness. We find IRIS achieves jailbreak success rates of
98% on GPT-4 and 92% on GPT-4 Turbo in under 7 queries. It significantly
outperforms prior approaches in automatic, black-box and interpretable
jailbreaking, while requiring substantially fewer queries, thereby establishing
a new standard for interpretable jailbreaking methods. | cs.CR | GPT-4 Jailbreaks Itself with Near-Perfect Success Using Self-Explanation |
2024-05-21T03:04:14Z | http://arxiv.org/pdf/2405.12468v2 | http://arxiv.org/abs/2405.12468v2 | James D. Finch, Jinho D. Choi | 2024-06-13T17:32:00Z | cs.CL | We demonstrate substantial performance gains in zero-shot dialogue state
tracking (DST) by enhancing training data diversity through synthetic data
generation. Existing DST datasets are severely limited in the number of
application domains and slot types they cover due to the high costs of data
collection, restricting their adaptability to new domains. This work addresses
this challenge with a novel, fully automatic data generation approach that
creates synthetic zero-shot DST datasets. Distinguished from previous methods,
our approach can generate dialogues across a massive range of application
domains, complete with silver-standard dialogue state annotations and slot
descriptions. This technique is used to create the D0T dataset for training
zero-shot DST models, encompassing an unprecedented 1,000+ domains. Experiments
on the MultiWOZ benchmark show that training models on diverse synthetic data
improves Joint Goal Accuracy by 6.7%, achieving results competitive with models
13.5 times larger than ours. | cs.CL | Diverse and Effective Synthetic Data Generation for Adaptable Zero-Shot Dialogue State Tracking |
2024-05-21T01:31:17Z | http://arxiv.org/pdf/2405.12438v1 | http://arxiv.org/abs/2405.12438v1 | Ruyuan Wan, Simret Gebreegziabhe, Toby Jia-Jun Li, Karla Badillo-Urquiola | 2024-05-21T01:31:17Z | cs.HC, cs.AI, cs.CL | In recent years, there has been a growing interest in employing intelligent
agents in writing. Previous work emphasizes the evaluation of the quality of
end product-whether it was coherent and polished, overlooking the journey that
led to the product, which is an invaluable dimension of the creative process.
To understand how to recognize human efforts in co-writing with intelligent
writing systems, we adapt Flower and Hayes' cognitive process theory of writing
and propose CoCo Matrix, a two-dimensional taxonomy of entropy and information
gain, to depict the new human-agent co-writing model. We define four quadrants
and situate thirty-four published systems within the taxonomy. Our research
found that low entropy and high information gain systems are under-explored,
yet offer promising future directions in writing tasks that benefit from the
agent's divergent planning and the human's focused translation. CoCo Matrix,
not only categorizes different writing systems but also deepens our
understanding of the cognitive processes in human-agent co-writing. By
analyzing minimal changes in the writing process, CoCo Matrix serves as a proxy
for the writer's mental model, allowing writers to reflect on their
contributions. This reflection is facilitated through the measured metrics of
information gain and entropy, which provide insights irrespective of the
writing system used. | cs.HC | CoCo Matrix: Taxonomy of Cognitive Contributions in Co-writing with Intelligent Agents |
2024-05-21T01:19:52Z | http://arxiv.org/pdf/2405.12434v1 | http://arxiv.org/abs/2405.12434v1 | Yonghao Liu, Mengyu Li, Di Liang, Ximing Li, Fausto Giunchiglia, Lan Huang, Xiaoyue Feng, Renchu Guan | 2024-05-21T01:19:52Z | cs.CL | Natural Language Inference (NLI) is a crucial task in natural language
processing that involves determining the relationship between two sentences,
typically referred to as the premise and the hypothesis. However, traditional
NLI models solely rely on the semantic information inherent in independent
sentences and lack relevant situational visual information, which can hinder a
complete understanding of the intended meaning of the sentences due to the
ambiguity and vagueness of language. To address this challenge, we propose an
innovative ScenaFuse adapter that simultaneously integrates large-scale
pre-trained linguistic knowledge and relevant visual information for NLI tasks.
Specifically, we first design an image-sentence interaction module to
incorporate visuals into the attention mechanism of the pre-trained model,
allowing the two modalities to interact comprehensively. Furthermore, we
introduce an image-sentence fusion module that can adaptively integrate visual
information from images and semantic information from sentences. By
incorporating relevant visual information and leveraging linguistic knowledge,
our approach bridges the gap between language and vision, leading to improved
understanding and inference capabilities in NLI tasks. Extensive benchmark
experiments demonstrate that our proposed ScenaFuse, a scenario-guided
approach, consistently boosts NLI performance. | cs.CL | Resolving Word Vagueness with Scenario-guided Adapter for Natural Language Inference |
2024-05-20T23:38:06Z | http://arxiv.org/pdf/2405.12413v1 | http://arxiv.org/abs/2405.12413v1 | C. M. Downey, Terra Blevins, Dhwani Serai, Dwija Parikh, Shane Steinert-Threlkeld | 2024-05-20T23:38:06Z | cs.CL | The "massively-multilingual" training of multilingual models is known to
limit their utility in any one language, and they perform particularly poorly
on low-resource languages. However, there is evidence that low-resource
languages can benefit from targeted multilinguality, where the model is trained
on closely related languages. To test this approach more rigorously, we
systematically study best practices for adapting a pre-trained model to a
language family. Focusing on the Uralic family as a test case, we adapt XLM-R
under various configurations to model 15 languages; we then evaluate the
performance of each experimental setting on two downstream tasks and 11
evaluation languages. Our adapted models significantly outperform mono- and
multilingual baselines. Furthermore, a regression analysis of hyperparameter
effects reveals that adapted vocabulary size is relatively unimportant for
low-resource languages, and that low-resource languages can be aggressively
up-sampled during training at little detriment to performance in high-resource
languages. These results introduce new best practices for performing language
adaptation in a targeted setting. | cs.CL | Targeted Multilingual Adaptation for Low-resource Language Families |
2024-05-20T21:27:18Z | http://arxiv.org/pdf/2406.00013v1 | http://arxiv.org/abs/2406.00013v1 | Jayaprakash Sundararaj | 2024-05-20T21:27:18Z | cs.IR, cs.AI, cs.CL, cs.LG | Automatic summarization is the process of reducing a text document in order
to generate a summary that retains the most important points of the original
document. In this work, we study two problems - i) summarizing a text document
as set of keywords/caption, for image recommedation, ii) generating opinion
summary which good mix of relevancy and sentiment with the text document.
Intially, we present our work on an recommending images for enhancing a
substantial amount of existing plain text news articles. We use probabilistic
models and word similarity heuristics to generate captions and extract
Key-phrases which are re-ranked using a rank aggregation framework with
relevance feedback mechanism. We show that such rank aggregation and relevant
feedback which are typically used in Tagging Documents, Text Information
Retrieval also helps in improving image retrieval. These queries are fed to the
Yahoo Search Engine to obtain relevant images 1. Our proposed method is
observed to perform better than all existing baselines. Additonally, We propose
a set of submodular functions for opinion summarization. Opinion summarization
has built in it the tasks of summarization and sentiment detection. However, it
is not easy to detect sentiment and simultaneously extract summary. The two
tasks conflict in the sense that the demand of compression may drop sentiment
bearing sentences, and the demand of sentiment detection may bring in redundant
sentences. However, using submodularity we show how to strike a balance between
the two requirements. Our functions generate summaries such that there is good
correlation between document sentiment and summary sentiment along with good
ROUGE score. We also compare the performances of the proposed submodular
functions. | cs.IR | Thesis: Document Summarization with applications to Keyword extraction and Image Retrieval |
2024-05-20T20:55:07Z | http://arxiv.org/pdf/2405.13071v1 | http://arxiv.org/abs/2405.13071v1 | Koren Ishlach, Itzhak Ben-David, Michael Fire, Lior Rokach | 2024-05-20T20:55:07Z | cs.CL, cs.AI, cs.SI | Embedding news articles is a crucial tool for multiple fields, such as media
bias detection, identifying fake news, and news recommendations. However,
existing news embedding methods are not optimized for capturing the latent
context of news events. In many cases, news embedding methods rely on
full-textual information and neglect the importance of time-relevant embedding
generation. Here, we aim to address these shortcomings by presenting a novel
lightweight method that optimizes news embedding generation by focusing on the
entities and themes mentioned in the articles and their historical connections
to specific events. We suggest a method composed of three stages. First, we
process and extract the events, entities, and themes for the given news
articles. Second, we generate periodic time embeddings for themes and entities
by training timely separated GloVe models on current and historical data.
Lastly, we concatenate the news embeddings generated by two distinct
approaches: Smooth Inverse Frequency (SIF) for article-level vectors and
Siamese Neural Networks for embeddings with nuanced event-related information.
To test and evaluate our method, we leveraged over 850,000 news articles and
1,000,000 events from the GDELT project. For validation purposes, we conducted
a comparative analysis of different news embedding generation methods, applying
them twice to a shared event detection task - first on articles published
within the same day and subsequently on those published within the same month.
Our experiments show that our method significantly improves the
Precision-Recall (PR) AUC across all tasks and datasets. Specifically, we
observed an average PR AUC improvement of 2.15% and 2.57% compared to SIF, as
well as 2.57% and 2.43% compared to the semi-supervised approach for daily and
monthly shared event detection tasks, respectively. | cs.CL | A Novel Method for News Article Event-Based Embedding |
2024-05-20T20:37:44Z | http://arxiv.org/pdf/2405.12368v1 | http://arxiv.org/abs/2405.12368v1 | Megha Thukral, Sourish Gunesh Dhekane, Shruthi K. Hiremath, Harish Haresamudram, Thomas Ploetz | 2024-05-20T20:37:44Z | cs.AI, cs.CL, cs.HC | Human activity recognition (HAR) using ambient sensors in smart homes has
numerous applications for human healthcare and wellness. However, building
general-purpose HAR models that can be deployed to new smart home environments
requires a significant amount of annotated sensor data and training overhead.
Most smart homes vary significantly in their layouts, i.e., floor plans and the
specifics of sensors embedded, resulting in low generalizability of HAR models
trained for specific homes. We address this limitation by introducing a novel,
layout-agnostic modeling approach for HAR systems in smart homes that utilizes
the transferrable representational capacity of natural language descriptions of
raw sensor data. To this end, we generate Textual Descriptions Of Sensor
Triggers (TDOST) that encapsulate the surrounding trigger conditions and
provide cues for underlying activities to the activity recognition models.
Leveraging textual embeddings, rather than raw sensor data, we create activity
recognition systems that predict standard activities across homes without
either (re-)training or adaptation on target homes. Through an extensive
evaluation, we demonstrate the effectiveness of TDOST-based models in unseen
smart homes through experiments on benchmarked CASAS datasets. Furthermore, we
conduct a detailed analysis of how the individual components of our approach
affect downstream activity recognition performance. | cs.AI | Layout Agnostic Human Activity Recognition in Smart Homes through Textual Descriptions Of Sensor Triggers (TDOST) |
2024-05-20T20:27:00Z | http://arxiv.org/pdf/2405.12363v1 | http://arxiv.org/abs/2405.12363v1 | Vatsal Raina, Mark Gales | 2024-05-20T20:27:00Z | cs.CL | Enterprise retrieval augmented generation (RAG) offers a highly flexible
framework for combining powerful large language models (LLMs) with internal,
possibly temporally changing, documents. In RAG, documents are first chunked.
Relevant chunks are then retrieved for a specific user query, which are passed
as context to a synthesizer LLM to generate the query response. However, the
retrieval step can limit performance, as incorrect chunks can lead the
synthesizer LLM to generate a false response. This work proposes a zero-shot
adaptation of standard dense retrieval steps for more accurate chunk recall.
Specifically, a chunk is first decomposed into atomic statements. A set of
synthetic questions are then generated on these atoms (with the chunk as the
context). Dense retrieval involves finding the closest set of synthetic
questions, and associated chunks, to the user query. It is found that retrieval
with the atoms leads to higher recall than retrieval with chunks. Further
performance gain is observed with retrieval using the synthetic questions
generated over the atoms. Higher recall at the retrieval step enables higher
performance of the enterprise LLM using the RAG pipeline. | cs.CL | Question-Based Retrieval using Atomic Units for Enterprise RAG |
2024-05-20T17:52:29Z | http://arxiv.org/pdf/2405.12209v1 | http://arxiv.org/abs/2405.12209v1 | Hongwei Liu, Zilong Zheng, Yuxuan Qiao, Haodong Duan, Zhiwei Fei, Fengzhe Zhou, Wenwei Zhang, Songyang Zhang, Dahua Lin, Kai Chen | 2024-05-20T17:52:29Z | cs.CL | Recent advancements in large language models (LLMs) have showcased
significant improvements in mathematics. However, traditional math benchmarks
like GSM8k offer a unidimensional perspective, falling short in providing a
holistic assessment of the LLMs' math capabilities. To address this gap, we
introduce MathBench, a new benchmark that rigorously assesses the mathematical
capabilities of large language models. MathBench spans a wide range of
mathematical disciplines, offering a detailed evaluation of both theoretical
understanding and practical problem-solving skills. The benchmark progresses
through five distinct stages, from basic arithmetic to college mathematics, and
is structured to evaluate models at various depths of knowledge. Each stage
includes theoretical questions and application problems, allowing us to measure
a model's mathematical proficiency and its ability to apply concepts in
practical scenarios. MathBench aims to enhance the evaluation of LLMs'
mathematical abilities, providing a nuanced view of their knowledge
understanding levels and problem solving skills in a bilingual context. The
project is released at https://github.com/open-compass/MathBench . | cs.CL | MathBench: Evaluating the Theory and Application Proficiency of LLMs with a Hierarchical Mathematics Benchmark |
2024-05-20T17:45:36Z | http://arxiv.org/pdf/2405.12206v1 | http://arxiv.org/abs/2405.12206v1 | Tong Zeng, Daniel E. Acuna | 2024-05-20T17:45:36Z | cs.CL, cs.LG | Scientist learn early on how to cite scientific sources to support their
claims. Sometimes, however, scientists have challenges determining where a
citation should be situated -- or, even worse, fail to cite a source
altogether. Automatically detecting sentences that need a citation (i.e.,
citation worthiness) could solve both of these issues, leading to more robust
and well-constructed scientific arguments. Previous researchers have applied
machine learning to this task but have used small datasets and models that do
not take advantage of recent algorithmic developments such as attention
mechanisms in deep learning. We hypothesize that we can develop significantly
accurate deep learning architectures that learn from large supervised datasets
constructed from open access publications. In this work, we propose a
Bidirectional Long Short-Term Memory (BiLSTM) network with attention mechanism
and contextual information to detect sentences that need citations. We also
produce a new, large dataset (PMOA-CITE) based on PubMed Open Access Subset,
which is orders of magnitude larger than previous datasets. Our experiments
show that our architecture achieves state of the art performance on the
standard ACL-ARC dataset ($F_{1}=0.507$) and exhibits high performance
($F_{1}=0.856$) on the new PMOA-CITE. Moreover, we show that it can transfer
learning across these datasets. We further use interpretable models to
illuminate how specific language is used to promote and inhibit citations. We
discover that sections and surrounding sentences are crucial for our improved
predictions. We further examined purported mispredictions of the model, and
uncovered systematic human mistakes in citation behavior and source data. This
opens the door for our model to check documents during pre-submission and
pre-archival procedures. We make this new dataset, the code, and a web-based
tool available to the community. | cs.CL | Modeling citation worthiness by using attention-based bidirectional long short-term memory networks and interpretable models |
2024-05-20T17:43:17Z | http://arxiv.org/pdf/2406.17787v1 | http://arxiv.org/abs/2406.17787v1 | Sumi Lee, Gondy Leroy, David Kauchak, Melissa Just | 2024-05-20T17:43:17Z | cs.CL | This study investigates human and ChatGPT text simplification and its
relationship to dependency distance. A set of 220 sentences, with increasing
grammatical difficulty as measured in a prior user study, were simplified by a
human expert and using ChatGPT. We found that the three sentence sets all
differed in mean dependency distances: the highest in the original sentence
set, followed by ChatGPT simplified sentences, and the human simplified
sentences showed the lowest mean dependency distance. | cs.CL | Role of Dependency Distance in Text Simplification: A Human vs ChatGPT Simplification Comparison |
2024-05-20T16:58:02Z | http://arxiv.org/pdf/2405.12174v1 | http://arxiv.org/abs/2405.12174v1 | Haoxiang Shi, Jiaan Wang, Jiarong Xu, Cen Wang, Tetsuya Sakai | 2024-05-20T16:58:02Z | cs.CL | Text-to-Table aims to generate structured tables to convey the key
information from unstructured documents. Existing text-to-table datasets are
typically oriented English, limiting the research in non-English languages.
Meanwhile, the emergence of large language models (LLMs) has shown great
success as general task solvers in multi-lingual settings (e.g., ChatGPT),
theoretically enabling text-to-table in other languages. In this paper, we
propose a Chinese text-to-table dataset, CT-Eval, to benchmark LLMs on this
task. Our preliminary analysis of English text-to-table datasets highlights two
key factors for dataset construction: data diversity and data hallucination.
Inspired by this, the CT-Eval dataset selects a popular Chinese
multidisciplinary online encyclopedia as the source and covers 28 domains to
ensure data diversity. To minimize data hallucination, we first train an LLM to
judge and filter out the task samples with hallucination, then employ human
annotators to clean the hallucinations in the validation and testing sets.
After this process, CT-Eval contains 88.6K task samples. Using CT-Eval, we
evaluate the performance of open-source and closed-source LLMs. Our results
reveal that zero-shot LLMs (including GPT-4) still have a significant
performance gap compared with human judgment. Furthermore, after fine-tuning,
open-source LLMs can significantly improve their text-to-table ability,
outperforming GPT-4 by a large margin. In short, CT-Eval not only helps
researchers evaluate and quickly understand the Chinese text-to-table ability
of existing LLMs but also serves as a valuable resource to significantly
improve the text-to-table performance of LLMs. | cs.CL | CT-Eval: Benchmarking Chinese Text-to-Table Performance in Large Language Models |
2024-05-20T16:47:22Z | http://arxiv.org/pdf/2405.12163v1 | http://arxiv.org/abs/2405.12163v1 | Xiaobo Liang, Haoke Zhang, Helan hu, Juntao Li, Jun Xu, Min Zhang | 2024-05-20T16:47:22Z | cs.CL, cs.AI | The rapid advancement of large language models has given rise to a plethora
of applications across a myriad of real-world tasks, mainly centered on
aligning with human intent. However, the complexities inherent in human intent
necessitate a dependence on labor-intensive and time-consuming human
evaluation. To alleviate this constraint, we delve into the paradigm of
employing open-source large language models as evaluators, aligning with the
prevailing trend of utilizing GPT-4. Particularly, we present a step-by-step
evaluation framework: \textbf{Fennec}, capable of \textbf{F}ine-grained
\textbf{E}valuatio\textbf{N} and correctio\textbf{N} \textbf{E}xtended through
bran\textbf{C}hing and bridging. Specifically, the branching operation dissects
the evaluation task into various dimensions and granularities, thereby
alleviating the challenges associated with evaluation. Concurrently, the
bridging operation amalgamates diverse training datasets, augmenting the
variety of evaluation tasks. In experimental trials, our 7B model consistently
outperforms open-source larger-scale evaluation models across various widely
adopted benchmarks in terms of both \textit{Agreement} and
\textit{Consistency}, closely approaching the capabilities of GPT-4. We employ
the fine-grained correction capabilities induced by the evaluation model to
refine multiple model responses, and the results show that the refinement
elevates the quality of responses, leading to an improvement of 1-2 points on
the MT-Bench. Our code is available at
Github\footnote{\url{https://github.com/dropreg/Fennec}}. | cs.CL | Fennec: Fine-grained Language Model Evaluation and Correction Extended through Branching and Bridging |
2024-05-20T16:19:02Z | http://arxiv.org/pdf/2405.12147v2 | http://arxiv.org/abs/2405.12147v2 | Robert E. Wray, James R. Kirk, John E. Laird | 2024-06-10T19:05:57Z | cs.AI, cs.CL, I.2.11; I.2.7 | Cognitive systems generally require a human to translate a problem definition
into some specification that the cognitive system can use to attempt to solve
the problem or perform the task. In this paper, we illustrate that large
language models (LLMs) can be utilized to map a problem class, defined in
natural language, into a semi-formal specification that can then be utilized by
an existing reasoning and learning system to solve instances from the problem
class. We present the design of LLM-enabled cognitive task analyst agent(s).
Implemented with LLM agents, this system produces a definition of problem
spaces for tasks specified in natural language. LLM prompts are derived from
the definition of problem spaces in the AI literature and general
problem-solving strategies (Polya's How to Solve It). A cognitive system can
then use the problem-space specification, applying domain-general problem
solving strategies ("weak methods" such as search), to solve multiple instances
of problems from the problem class. This result, while preliminary, suggests
the potential for speeding cognitive systems research via disintermediation of
problem formulation while also retaining core capabilities of cognitive
systems, such as robust inference and online learning. | cs.AI | Eliciting Problem Specifications via Large Language Models |
2024-05-20T15:48:32Z | http://arxiv.org/pdf/2405.12130v1 | http://arxiv.org/abs/2405.12130v1 | Ting Jiang, Shaohan Huang, Shengyue Luo, Zihan Zhang, Haizhen Huang, Furu Wei, Weiwei Deng, Feng Sun, Qi Zhang, Deqing Wang, Fuzhen Zhuang | 2024-05-20T15:48:32Z | cs.CL, cs.LG | Low-rank adaptation is a popular parameter-efficient fine-tuning method for
large language models. In this paper, we analyze the impact of low-rank
updating, as implemented in LoRA. Our findings suggest that the low-rank
updating mechanism may limit the ability of LLMs to effectively learn and
memorize new knowledge. Inspired by this observation, we propose a new method
called MoRA, which employs a square matrix to achieve high-rank updating while
maintaining the same number of trainable parameters. To achieve it, we
introduce the corresponding non-parameter operators to reduce the input
dimension and increase the output dimension for the square matrix. Furthermore,
these operators ensure that the weight can be merged back into LLMs, which
makes our method can be deployed like LoRA. We perform a comprehensive
evaluation of our method across five tasks: instruction tuning, mathematical
reasoning, continual pretraining, memory and pretraining. Our method
outperforms LoRA on memory-intensive tasks and achieves comparable performance
on other tasks. | cs.CL | MoRA: High-Rank Updating for Parameter-Efficient Fine-Tuning |
2024-05-20T15:37:55Z | http://arxiv.org/pdf/2405.12119v1 | http://arxiv.org/abs/2405.12119v1 | Zhankui He, Zhouhang Xie, Harald Steck, Dawen Liang, Rahul Jha, Nathan Kallus, Julian McAuley | 2024-05-20T15:37:55Z | cs.IR, cs.AI, cs.CL | Large language models (LLMs) are revolutionizing conversational recommender
systems by adeptly indexing item content, understanding complex conversational
contexts, and generating relevant item titles. However, controlling the
distribution of recommended items remains a challenge. This leads to suboptimal
performance due to the failure to capture rapidly changing data distributions,
such as item popularity, on targeted conversational recommendation platforms.
In conversational recommendation, LLMs recommend items by generating the titles
(as multiple tokens) autoregressively, making it difficult to obtain and
control the recommendations over all items. Thus, we propose a
Reindex-Then-Adapt (RTA) framework, which converts multi-token item titles into
single tokens within LLMs, and then adjusts the probability distributions over
these single-token item titles accordingly. The RTA framework marries the
benefits of both LLMs and traditional recommender systems (RecSys):
understanding complex queries as LLMs do; while efficiently controlling the
recommended item distributions in conversational recommendations as traditional
RecSys do. Our framework demonstrates improved accuracy metrics across three
different conversational recommendation datasets and two adaptation settings | cs.IR | Reindex-Then-Adapt: Improving Large Language Models for Conversational Recommendation |
2024-05-20T15:25:18Z | http://arxiv.org/pdf/2405.12109v1 | http://arxiv.org/abs/2405.12109v1 | Richard Futrell, Michael Hahn | 2024-05-20T15:25:18Z | cs.CL, cs.IT, math.IT | Human language is a unique form of communication in the natural world,
distinguished by its structured nature. Most fundamentally, it is systematic,
meaning that signals can be broken down into component parts that are
individually meaningful -- roughly, words -- which are combined in a regular
way to form sentences. Furthermore, the way in which these parts are combined
maintains a kind of locality: words are usually concatenated together, and they
form contiguous phrases, keeping related parts of sentences close to each
other. We address the challenge of understanding how these basic properties of
language arise from broader principles of efficient communication under
information processing constraints. Here we show that natural-language-like
systematicity arises from minimization of excess entropy, a measure of
statistical complexity that represents the minimum amount of information
necessary for predicting the future of a sequence based on its past. In
simulations, we show that codes that minimize excess entropy factorize their
source distributions into approximately independent components, and then
express those components systematically and locally. Next, in a series of
massively cross-linguistic corpus studies, we show that human languages are
structured to have low excess entropy at the level of phonology, morphology,
syntax, and semantics. Our result suggests that human language performs a
sequential generalization of Independent Components Analysis on the statistical
distribution over meanings that need to be expressed. It establishes a link
between the statistical and algebraic structure of human language, and
reinforces the idea that the structure of human language may have evolved to
minimize cognitive load while maximizing communicative expressiveness. | cs.CL | Linguistic Structure from a Bottleneck on Sequential Information Processing |
2024-05-20T15:23:19Z | http://arxiv.org/pdf/2405.12107v2 | http://arxiv.org/abs/2405.12107v2 | Zhenwei Shao, Zhou Yu, Jun Yu, Xuecheng Ouyang, Lihao Zheng, Zhenbiao Gai, Mingyang Wang, Jiajun Ding | 2024-05-30T02:47:10Z | cs.CV, cs.CL | By harnessing the capabilities of large language models (LLMs), recent large
multimodal models (LMMs) have shown remarkable versatility in open-world
multimodal understanding. Nevertheless, they are usually parameter-heavy and
computation-intensive, thus hindering their applicability in
resource-constrained scenarios. To this end, several lightweight LMMs have been
proposed successively to maximize the capabilities under constrained scale
(e.g., 3B). Despite the encouraging results achieved by these methods, most of
them only focus on one or two aspects of the design space, and the key design
choices that influence model capability have not yet been thoroughly
investigated. In this paper, we conduct a systematic study for lightweight LMMs
from the aspects of model architecture, training strategy, and training data.
Based on our findings, we obtain Imp -- a family of highly capable LMMs at the
2B-4B scales. Notably, our Imp-3B model steadily outperforms all the existing
lightweight LMMs of similar size, and even surpasses the state-of-the-art LMMs
at the 13B scale. With low-bit quantization and resolution reduction
techniques, our Imp model can be deployed on a Qualcomm Snapdragon 8Gen3 mobile
chip with a high inference speed of about 13 tokens/s. | cs.CV | Imp: Highly Capable Large Multimodal Models for Mobile Devices |
2024-05-20T15:13:22Z | http://arxiv.org/pdf/2405.12100v1 | http://arxiv.org/abs/2405.12100v1 | Hao Chen, Biaojie Zeng, Xin Lin, Liang He, Aimin Zhou | 2024-05-20T15:13:22Z | cs.CL | Math world problems correction(MWPC) is a novel task dedicated to rectifying
reasoning errors in the process of solving mathematical problems. In this
paper, leveraging the advancements in large language models (LLMs), we address
two key objectives:(1) Distinguishing between mathematical reasoning and error
correction; (2) Exploring strategies to enhance the error correction
capabilities of LLMs in mathematics to solve MWPC task. We noticed that, in
real-time education,assisting students in recognizing their mistakes is more
crucial than simply providing correct answers. However, current research tends
to prioritize obtaining accurate solutions to math problems rather than
correcting potentially incorrect ones. Therefore, we modify the research
paradigm, demonstrating that improving mathematical reasoning abilities does
not equate to mastery in error correction. Meanwhile, we propose a novel method
called diagnostic-oriented promping(DOP) aimed at facilitating LLMs to excel in
error correction. In experiments, DOP has shown outstanding performance,
highlighting its significant impact. We argue that in mathematical education,
the demand for outstanding correctors surpasses that for proficient reasoners.
Codes and data are available on
https://github.com/ChenhaoEcnuCS/Reason-Correct. | cs.CL | DOP: Diagnostic-Oriented Prompting for Large Language Models in Mathematical Correction |
2024-05-20T14:53:25Z | http://arxiv.org/pdf/2405.12084v1 | http://arxiv.org/abs/2405.12084v1 | Jumbly Grindrod, J. D. Porter, Nat Hansen | 2024-05-20T14:53:25Z | cs.CL | Current language models are built on the so-called distributional semantic
approach to linguistic meaning that has the distributional hypothesis at its
core. The distributional hypothesis involves a holistic conception of word
meaning: the meaning of a word depends upon its relations to other words in the
model. A standard objection to meaning holism is the charge of instability: any
change in the meaning properties of a linguistic system (a human speaker, for
example) would lead to many changes or possibly a complete change in the entire
system. When the systems in question are trying to communicate with each other,
it has been argued that instability of this kind makes communication impossible
(Fodor and Lepore 1992, 1996, 1999). In this article, we examine whether the
instability objection poses a problem for distributional models of meaning.
First, we distinguish between distinct forms of instability that these models
could exhibit, and we argue that only one such form is relevant for
understanding the relation between instability and communication: what we call
differential instability. Differential instability is variation in the relative
distances between points in a space, rather than variation in the absolute
position of those points. We distinguish differential and absolute instability
by constructing two of our own models, a toy model constructed from the text of
two novels, and a more sophisticated model constructed using the Word2vec
algorithm from a combination of Wikipedia and SEP articles. We demonstrate the
two forms of instability by showing how these models change as the corpora they
are constructed from increase in size. | cs.CL | Distributional Semantics, Holism, and the Instability of Meaning |
2024-05-20T14:52:05Z | http://arxiv.org/pdf/2405.12081v1 | http://arxiv.org/abs/2405.12081v1 | Chen Huang, Yang Deng, Wenqiang Lei, Jiancheng Lv, Ido Dagan | 2024-05-20T14:52:05Z | cs.CL | To obtain high-quality annotations under limited budget, semi-automatic
annotation methods are commonly used, where a portion of the data is annotated
by experts and a model is then trained to complete the annotations for the
remaining data. However, these methods mainly focus on selecting informative
data for expert annotations to improve the model predictive ability (i.e.,
triage-to-human data), while the rest of the data is indiscriminately assigned
to model annotation (i.e., triage-to-model data). This may lead to
inefficiencies in budget allocation for annotations, as easy data that the
model could accurately annotate may be unnecessarily assigned to the expert,
and hard data may be misclassified by the model. As a result, the overall
annotation quality may be compromised. To address this issue, we propose a
selective annotation framework called SANT. It effectively takes advantage of
both the triage-to-human and triage-to-model data through the proposed
error-aware triage and bi-weighting mechanisms. As such, informative or hard
data is assigned to the expert for annotation, while easy data is handled by
the model. Experimental results show that SANT consistently outperforms other
baselines, leading to higher-quality annotation through its proper allocation
of data to both expert and model workers. We provide pioneering work on data
annotation within budget constraints, establishing a landmark for future
triage-based annotation studies. | cs.CL | Selective Annotation via Data Allocation: These Data Should Be Triaged to Experts for Annotation Rather Than the Model |
2024-05-20T14:34:01Z | http://arxiv.org/pdf/2405.12063v2 | http://arxiv.org/abs/2405.12063v2 | Tong Zhang, Peixin Qin, Yang Deng, Chen Huang, Wenqiang Lei, Junhong Liu, Dingnan Jin, Hongru Liang, Tat-Seng Chua | 2024-06-01T07:35:26Z | cs.CL | Large language models (LLMs) are increasingly used to meet user information
needs, but their effectiveness in dealing with user queries that contain
various types of ambiguity remains unknown, ultimately risking user trust and
satisfaction. To this end, we introduce CLAMBER, a benchmark for evaluating
LLMs using a well-organized taxonomy. Building upon the taxonomy, we construct
~12K high-quality data to assess the strengths, weaknesses, and potential risks
of various off-the-shelf LLMs. Our findings indicate the limited practical
utility of current LLMs in identifying and clarifying ambiguous user queries,
even enhanced by chain-of-thought (CoT) and few-shot prompting. These
techniques may result in overconfidence in LLMs and yield only marginal
enhancements in identifying ambiguity. Furthermore, current LLMs fall short in
generating high-quality clarifying questions due to a lack of conflict
resolution and inaccurate utilization of inherent knowledge. In this paper,
CLAMBER presents a guidance and promotes further research on proactive and
trustworthy LLMs. Our dataset is available at
https://github.com/zt991211/CLAMBER | cs.CL | CLAMBER: A Benchmark of Identifying and Clarifying Ambiguous Information Needs in Large Language Models |
2024-05-20T14:28:25Z | http://arxiv.org/pdf/2405.12059v2 | http://arxiv.org/abs/2405.12059v2 | Yue Chen, Chen Huang, Yang Deng, Wenqiang Lei, Dingnan Jin, Jia Liu, Tat-Seng Chua | 2024-06-01T07:38:37Z | cs.CL | Equipping a conversational search engine with strategies regarding when to
ask clarification questions is becoming increasingly important across various
domains. Attributing to the context understanding capability of LLMs and their
access to domain-specific sources of knowledge, LLM-based clarification
strategies feature rapid transfer to various domains in a post-hoc manner.
However, they still struggle to deliver promising performance on unseen
domains, struggling to achieve effective domain transferability. We take the
first step to investigate this issue and existing methods tend to produce
one-size-fits-all strategies across diverse domains, limiting their search
effectiveness. In response, we introduce a novel method, called Style, to
achieve effective domain transferability. Our experimental results indicate
that Style bears strong domain transferability, resulting in an average search
performance improvement of ~10% on four unseen domains. | cs.CL | STYLE: Improving Domain Transferability of Asking Clarification Questions in Large Language Model Powered Conversational Agents |
2024-05-20T14:24:18Z | http://arxiv.org/pdf/2405.12055v1 | http://arxiv.org/abs/2405.12055v1 | Olga Kellert, Carlos Gómez-Rodríguez, Mahmud Uz Zaman | 2024-05-20T14:24:18Z | cs.CL, 68T50, 91F20, I.2.7 | TripAdvisor reviews and comparable data sources play an important role in
many tasks in Natural Language Processing (NLP), providing a data basis for the
identification and classification of subjective judgments, such as hotel or
restaurant reviews, into positive or negative polarities. This study explores
three important factors influencing variation in crowdsourced polarity
judgments, focusing on TripAdvisor reviews in Spanish. Three hypotheses are
tested: the role of Part Of Speech (POS), the impact of sentiment words such as
"tasty", and the influence of neutral words like "ok" on judgment variation.
The study's methodology employs one-word titles, demonstrating their efficacy
in studying polarity variation of words. Statistical tests on mean equality are
performed on word groups of our interest. The results of this study reveal that
adjectives in one-word titles tend to result in lower judgment variation
compared to other word types or POS. Sentiment words contribute to lower
judgment variation as well, emphasizing the significance of sentiment words in
research on polarity judgments, and neutral words are associated with higher
judgment variation as expected. However, these effects cannot be always
reproduced in longer titles, which suggests that longer titles do not represent
the best data source for testing the ambiguity of single words due to the
influence on word polarity by other words like negation in longer titles. This
empirical investigation contributes valuable insights into the factors
influencing polarity variation of words, providing a foundation for NLP
practitioners that aim to capture and predict polarity judgments in Spanish and
for researchers that aim to understand factors influencing judgment variation. | cs.CL | Unveiling factors influencing judgment variation in Sentiment Analysis with Natural Language Processing and Statistics |
2024-05-20T14:03:05Z | http://arxiv.org/pdf/2405.12035v1 | http://arxiv.org/abs/2405.12035v1 | Diego Sanmartin | 2024-05-20T14:03:05Z | cs.AI, cs.CL, cs.IR | Ensuring factual accuracy while maintaining the creative capabilities of
Large Language Model Agents (LMAs) poses significant challenges in the
development of intelligent agent systems. LMAs face prevalent issues such as
information hallucinations, catastrophic forgetting, and limitations in
processing long contexts when dealing with knowledge-intensive tasks. This
paper introduces a KG-RAG (Knowledge Graph-Retrieval Augmented Generation)
pipeline, a novel framework designed to enhance the knowledge capabilities of
LMAs by integrating structured Knowledge Graphs (KGs) with the functionalities
of LLMs, thereby significantly reducing the reliance on the latent knowledge of
LLMs. The KG-RAG pipeline constructs a KG from unstructured text and then
performs information retrieval over the newly created graph to perform KGQA
(Knowledge Graph Question Answering). The retrieval methodology leverages a
novel algorithm called Chain of Explorations (CoE) which benefits from LLMs
reasoning to explore nodes and relationships within the KG sequentially.
Preliminary experiments on the ComplexWebQuestions dataset demonstrate notable
improvements in the reduction of hallucinated content and suggest a promising
path toward developing intelligent systems adept at handling
knowledge-intensive tasks. | cs.AI | KG-RAG: Bridging the Gap Between Knowledge and Creativity |
2024-05-20T13:42:27Z | http://arxiv.org/pdf/2405.12021v1 | http://arxiv.org/abs/2405.12021v1 | Saadia Gabriel, Isha Puri, Xuhai Xu, Matteo Malgaroli, Marzyeh Ghassemi | 2024-05-20T13:42:27Z | cs.CL | Large language models (LLMs) are already being piloted for clinical use in
hospital systems like NYU Langone, Dana-Farber and the NHS. A proposed
deployment use case is psychotherapy, where a LLM-powered chatbot can treat a
patient undergoing a mental health crisis. Deployment of LLMs for mental health
response could hypothetically broaden access to psychotherapy and provide new
possibilities for personalizing care. However, recent high-profile failures,
like damaging dieting advice offered by the Tessa chatbot to patients with
eating disorders, have led to doubt about their reliability in high-stakes and
safety-critical settings.
In this work, we develop an evaluation framework for determining whether LLM
response is a viable and ethical path forward for the automation of mental
health treatment. Using human evaluation with trained clinicians and automatic
quality-of-care metrics grounded in psychology research, we compare the
responses provided by peer-to-peer responders to those provided by a
state-of-the-art LLM.
We show that LLMs like GPT-4 use implicit and explicit cues to infer patient
demographics like race. We then show that there are statistically significant
discrepancies between patient subgroups: Responses to Black posters
consistently have lower empathy than for any other demographic group (2%-13%
lower than the control group). Promisingly, we do find that the manner in which
responses are generated significantly impacts the quality of the response. We
conclude by proposing safety guidelines for the potential deployment of LLMs
for mental health response. | cs.CL | Can AI Relate: Testing Large Language Model Response for Mental Health Support |
2024-05-20T12:33:42Z | http://arxiv.org/pdf/2405.11983v1 | http://arxiv.org/abs/2405.11983v1 | Silvia García-Méndez, Francisco de Arriba-Pérez, María del Carmen Somoza-López | 2024-05-20T12:33:42Z | cs.CL, cs.AI | Transformer architectures contribute to managing long-term dependencies for
Natural Language Processing, representing one of the most recent changes in the
field. These architectures are the basis of the innovative, cutting-edge Large
Language Models (LLMs) that have produced a huge buzz in several fields and
industrial sectors, among the ones education stands out. Accordingly, these
generative Artificial Intelligence-based solutions have directed the change in
techniques and the evolution in educational methods and contents, along with
network infrastructure, towards high-quality learning. Given the popularity of
LLMs, this review seeks to provide a comprehensive overview of those solutions
designed specifically to generate and evaluate educational materials and which
involve students and teachers in their design or experimental plan. To the best
of our knowledge, this is the first review of educational applications (e.g.,
student assessment) of LLMs. As expected, the most common role of these systems
is as virtual tutors for automatic question generation. Moreover, the most
popular models are GTP-3 and BERT. However, due to the continuous launch of new
generative models, new works are expected to be published shortly. | cs.CL | A review on the use of large language models as virtual tutors |
2024-05-20T12:18:46Z | http://arxiv.org/pdf/2405.13059v1 | http://arxiv.org/abs/2405.13059v1 | Yaxin Liu, Yan Zhou, Ziming Li, Jinchuan Zhang, Yu Shang, Chenyang Zhang, Songlin Hu | 2024-05-20T12:18:46Z | cs.CL, cs.AI | As an important multimodal sentiment analysis task, Joint Multimodal
Aspect-Sentiment Analysis (JMASA), aiming to jointly extract aspect terms and
their associated sentiment polarities from the given text-image pairs, has
gained increasing concerns. Existing works encounter two limitations: (1)
multi-level modality noise, i.e., instance- and feature-level noise; and (2)
multi-grained semantic gap, i.e., coarse- and fine-grained gap. Both issues may
interfere with accurate identification of aspect-sentiment pairs. To address
these limitations, we propose a novel framework named RNG for JMASA.
Specifically, to simultaneously reduce multi-level modality noise and
multi-grained semantic gap, we design three constraints: (1) Global Relevance
Constraint (GR-Con) based on text-image similarity for instance-level noise
reduction, (2) Information Bottleneck Constraint (IB-Con) based on the
Information Bottleneck (IB) principle for feature-level noise reduction, and
(3) Semantic Consistency Constraint (SC-Con) based on mutual information
maximization in a contrastive learning way for multi-grained semantic gap
reduction. Extensive experiments on two datasets validate our new
state-of-the-art performance. | cs.CL | RNG: Reducing Multi-level Noise and Multi-grained Semantic Gap for Joint Multimodal Aspect-Sentiment Analysis |
2024-05-20T11:47:13Z | http://arxiv.org/pdf/2405.11966v4 | http://arxiv.org/abs/2405.11966v4 | Ziyin Zhang, Zhaokun Jiang, Lizhen Xu, Hongkun Hao, Rui Wang | 2024-06-26T07:16:42Z | cs.CL | We present GSM-MC, a multiple-choice (MC) dataset constructed by collecting
answers and incorrect predictions on GSM8K from 60 open-source models. Through
extensive experiments, we show that LLMs' performance on the MC version of this
popular benchmark is strongly correlated with their performance on the original
version and is quite robust to distractor choices and option orders, while the
evaluation time is reduced by a factor of up to 30. Following similar
procedures, we introduce MATH-MC, constructed from MATH, and PythonIO, a new
program reasoning MC dataset constructed from HumanEval and MBPP. Experimental
results indicate that LLMs' performance on these MC benchmarks leaves much room
for improvement. Our data and code are available at
https://github.com/Geralt-Targaryen/MC-Evaluation. | cs.CL | Multiple-Choice Questions are Efficient and Robust LLM Evaluators |
2024-05-20T10:54:47Z | http://arxiv.org/pdf/2405.11950v1 | http://arxiv.org/abs/2405.11950v1 | Tabea M. G. Pakull, Hendrik Damm, Ahmad Idrissi-Yaghir, Henning Schäfer, Peter A. Horn, Christoph M. Friedrich | 2024-05-20T10:54:47Z | cs.CL, cs.LG | This paper details the efforts of the WisPerMed team in the BioLaySumm2024
Shared Task on automatic lay summarization in the biomedical domain, aimed at
making scientific publications accessible to non-specialists. Large language
models (LLMs), specifically the BioMistral and Llama3 models, were fine-tuned
and employed to create lay summaries from complex scientific texts. The
summarization performance was enhanced through various approaches, including
instruction tuning, few-shot learning, and prompt variations tailored to
incorporate specific context information. The experiments demonstrated that
fine-tuning generally led to the best performance across most evaluated
metrics. Few-shot learning notably improved the models' ability to generate
relevant and factually accurate texts, particularly when using a well-crafted
prompt. Additionally, a Dynamic Expert Selection (DES) mechanism to optimize
the selection of text outputs based on readability and factuality metrics was
developed. Out of 54 participants, the WisPerMed team reached the 4th place,
measured by readability, factuality, and relevance. Determined by the overall
score, our approach improved upon the baseline by approx. 5.5 percentage points
and was only approx 1.5 percentage points behind the first place. | cs.CL | WisPerMed at BioLaySumm: Adapting Autoregressive Large Language Models for Lay Summarization of Scientific Articles |
2024-05-20T10:35:30Z | http://arxiv.org/pdf/2405.11942v1 | http://arxiv.org/abs/2405.11942v1 | Dawid Wiśniewski, Zofia Rostek, Artur Nowakowski | 2024-05-20T10:35:30Z | cs.CL | People use language for various purposes. Apart from sharing information,
individuals may use it to express emotions or to show respect for another
person. In this paper, we focus on the formality level of machine-generated
translations and present FAME-MT -- a dataset consisting of 11.2 million
translations between 15 European source languages and 8 European target
languages classified to formal and informal classes according to target
sentence formality. This dataset can be used to fine-tune machine translation
models to ensure a given formality level for each European target language
considered. We describe the dataset creation procedure, the analysis of the
dataset's quality showing that FAME-MT is a reliable source of language
register information, and we present a publicly available proof-of-concept
machine translation model that uses the dataset to steer the formality level of
the translation. Currently, it is the largest dataset of formality annotations,
with examples expressed in 112 European language pairs. The dataset is
published online: https://github.com/laniqo-public/fame-mt/ . | cs.CL | FAME-MT Dataset: Formality Awareness Made Easy for Machine Translation Purposes |
2024-05-20T10:30:36Z | http://arxiv.org/pdf/2405.11941v1 | http://arxiv.org/abs/2405.11941v1 | Fons Hartendorp, Tom Seinen, Erik van Mulligen, Suzan Verberne | 2024-05-20T10:30:36Z | cs.CL | Biomedical entity linking, a main component in automatic information
extraction from health-related texts, plays a pivotal role in connecting
textual entities (such as diseases, drugs and body parts mentioned by patients)
to their corresponding concepts in a structured biomedical knowledge base. The
task remains challenging despite recent developments in natural language
processing. This paper presents the first evaluated biomedical entity linking
model for the Dutch language. We use MedRoBERTa.nl as base model and perform
second-phase pretraining through self-alignment on a Dutch biomedical ontology
extracted from the UMLS and Dutch SNOMED. We derive a corpus from Wikipedia of
ontology-linked Dutch biomedical entities in context and fine-tune our model on
this dataset. We evaluate our model on the Dutch portion of the Mantra
GSC-corpus and achieve 54.7% classification accuracy and 69.8% 1-distance
accuracy. We then perform a case study on a collection of unlabeled,
patient-support forum data and show that our model is hampered by the limited
quality of the preceding entity recognition step. Manual evaluation of small
sample indicates that of the correctly extracted entities, around 65% is linked
to the correct concept in the ontology. Our results indicate that biomedical
entity linking in a language other than English remains challenging, but our
Dutch model can be used to for high-level analysis of patient-generated text. | cs.CL | Biomedical Entity Linking for Dutch: Fine-tuning a Self-alignment BERT Model on an Automatically Generated Wikipedia Corpus |
2024-05-20T10:25:03Z | http://arxiv.org/pdf/2405.11937v1 | http://arxiv.org/abs/2405.11937v1 | Kamil Guttmann, Mikołaj Pokrywka, Adrian Charkiewicz, Artur Nowakowski | 2024-05-20T10:25:03Z | cs.CL, cs.AI, cs.LG | This paper explores Minimum Bayes Risk (MBR) decoding for self-improvement in
machine translation (MT), particularly for domain adaptation and low-resource
languages. We implement the self-improvement process by fine-tuning the model
on its MBR-decoded forward translations. By employing COMET as the MBR utility
metric, we aim to achieve the reranking of translations that better aligns with
human preferences. The paper explores the iterative application of this
approach and the potential need for language-specific MBR utility metrics. The
results demonstrate significant enhancements in translation quality for all
examined language pairs, including successful application to domain-adapted
models and generalisation to low-resource settings. This highlights the
potential of COMET-guided MBR for efficient MT self-improvement in various
scenarios. | cs.CL | Chasing COMET: Leveraging Minimum Bayes Risk Decoding for Self-Improving Machine Translation |
2024-05-20T09:57:29Z | http://arxiv.org/pdf/2405.11919v2 | http://arxiv.org/abs/2405.11919v2 | Jan-Christoph Klie, Juan Haladjian, Marc Kirchner, Rahul Nair | 2024-05-29T06:43:37Z | cs.LG, cs.AI, cs.CL | Annotated datasets are an essential ingredient to train, evaluate, compare
and productionalize supervised machine learning models. It is therefore
imperative that annotations are of high quality. For their creation, good
quality management and thereby reliable quality estimates are needed. Then, if
quality is insufficient during the annotation process, rectifying measures can
be taken to improve it. Quality estimation is often performed by having experts
manually label instances as correct or incorrect. But checking all annotated
instances tends to be expensive. Therefore, in practice, usually only subsets
are inspected; sizes are chosen mostly without justification or regard to
statistical power and more often than not, are relatively small. Basing
estimates on small sample sizes, however, can lead to imprecise values for the
error rate. Using unnecessarily large sample sizes costs money that could be
better spent, for instance on more annotations. Therefore, we first describe in
detail how to use confidence intervals for finding the minimal sample size
needed to estimate the annotation error rate. Then, we propose applying
acceptance sampling as an alternative to error rate estimation We show that
acceptance sampling can reduce the required sample sizes up to 50% while
providing the same statistical guarantees. | cs.LG | On Efficient and Statistical Quality Estimation for Data Annotation |
2024-05-20T09:48:15Z | http://arxiv.org/pdf/2405.11912v2 | http://arxiv.org/abs/2405.11912v2 | Chen Huang, Yiping Jin, Ilija Ilievski, Wenqiang Lei, Jiancheng Lv | 2024-06-01T07:30:51Z | cs.CL, cs.HC | Human annotation is a time-consuming task that requires a significant amount
of effort. To address this issue, interactive data annotation utilizes an
annotation model to provide suggestions for humans to approve or correct.
However, annotation models trained with limited labeled data are prone to
generating incorrect suggestions, leading to extra human correction effort. To
tackle this challenge, we propose Araida, an analogical reasoning-based
approach that enhances automatic annotation accuracy in the interactive data
annotation setting and reduces the need for human corrections. Araida involves
an error-aware integration strategy that dynamically coordinates an annotation
model and a k-nearest neighbors (KNN) model, giving more importance to KNN's
predictions when predictions from the annotation model are deemed inaccurate.
Empirical studies demonstrate that Araida is adaptable to different annotation
tasks and models. On average, it reduces human correction labor by 11.02%
compared to vanilla interactive data annotation methods. | cs.CL | ARAIDA: Analogical Reasoning-Augmented Interactive Data Annotation |
2024-05-20T09:33:43Z | http://arxiv.org/pdf/2405.11904v1 | http://arxiv.org/abs/2405.11904v1 | Tom Roth, Inigo Jauregi Unanue, Alsharif Abuadbba, Massimo Piccardi | 2024-05-20T09:33:43Z | cs.CL | Text classifiers are vulnerable to adversarial examples --
correctly-classified examples that are deliberately transformed to be
misclassified while satisfying acceptability constraints. The conventional
approach to finding adversarial examples is to define and solve a combinatorial
optimisation problem over a space of allowable transformations. While
effective, this approach is slow and limited by the choice of transformations.
An alternate approach is to directly generate adversarial examples by
fine-tuning a pre-trained language model, as is commonly done for other
text-to-text tasks. This approach promises to be much quicker and more
expressive, but is relatively unexplored. For this reason, in this work we
train an encoder-decoder paraphrase model to generate a diverse range of
adversarial examples. For training, we adopt a reinforcement learning algorithm
and propose a constraint-enforcing reward that promotes the generation of valid
adversarial examples. Experimental results over two text classification
datasets show that our model has achieved a higher success rate than the
original paraphrase model, and overall has proved more effective than other
competitive attacks. Finally, we show how key design choices impact the
generated examples and discuss the strengths and weaknesses of the proposed
approach. | cs.CL | A Constraint-Enforcing Reward for Adversarial Attacks on Text Classifiers |
2024-05-20T09:30:03Z | http://arxiv.org/pdf/2405.11897v1 | http://arxiv.org/abs/2405.11897v1 | Rabindra Lamsal, Maria Rodriguez Read, Shanika Karunasekera, Muhammad Imran | 2024-05-20T09:30:03Z | cs.CL | During times of crisis, social media platforms play a vital role in
facilitating communication and coordinating resources. Amidst chaos and
uncertainty, communities often rely on these platforms to share urgent pleas
for help, extend support, and organize relief efforts. However, the sheer
volume of conversations during such periods, which can escalate to
unprecedented levels, necessitates the automated identification and matching of
requests and offers to streamline relief operations. This study addresses the
challenge of efficiently identifying and matching assistance requests and
offers on social media platforms during emergencies. We propose CReMa (Crisis
Response Matcher), a systematic approach that integrates textual, temporal, and
spatial features for multi-lingual request-offer matching. By leveraging
CrisisTransformers, a set of pre-trained models specific to crises, and a
cross-lingual embedding space, our methodology enhances the identification and
matching tasks while outperforming strong baselines such as RoBERTa, MPNet, and
BERTweet, in classification tasks, and Universal Sentence Encoder, Sentence
Transformers in crisis embeddings generation tasks. We introduce a novel
multi-lingual dataset that simulates scenarios of help-seeking and offering
assistance on social media across the 16 most commonly used languages in
Australia. We conduct comprehensive cross-lingual experiments across these 16
languages, also while examining trade-offs between multiple vector search
strategies and accuracy. Additionally, we analyze a million-scale geotagged
global dataset to comprehend patterns in relation to seeking help and offering
assistance on social media. Overall, these contributions advance the field of
crisis informatics and provide benchmarks for future research in the area. | cs.CL | CReMa: Crisis Response through Computational Identification and Matching of Cross-Lingual Requests and Offers Shared on Social Media |
2024-05-20T09:15:36Z | http://arxiv.org/pdf/2405.11891v1 | http://arxiv.org/abs/2405.11891v1 | Zijian Feng, Hanzhang Zhou, Zixiao Zhu, Junlang Qian, Kezhi Mao | 2024-05-20T09:15:36Z | cs.CL, cs.AI | Prompts play a crucial role in guiding the responses of Large Language Models
(LLMs). However, the intricate role of individual tokens in prompts, known as
input saliency, in shaping the responses remains largely underexplored.
Existing saliency methods either misalign with LLM generation objectives or
rely heavily on linearity assumptions, leading to potential inaccuracies. To
address this, we propose Token Distribution Dynamics (TDD), a
\textcolor{black}{simple yet effective} approach to unveil and manipulate the
role of prompts in generating LLM outputs. TDD leverages the robust
interpreting capabilities of the language model head (LM head) to assess input
saliency. It projects input tokens into the embedding space and then estimates
their significance based on distribution dynamics over the vocabulary. We
introduce three TDD variants: forward, backward, and bidirectional, each
offering unique insights into token relevance. Extensive experiments reveal
that the TDD surpasses state-of-the-art baselines with a big margin in
elucidating the causal relationships between prompts and LLM outputs. Beyond
mere interpretation, we apply TDD to two prompt manipulation tasks for
controlled text generation: zero-shot toxic language suppression and sentiment
steering. Empirical results underscore TDD's proficiency in identifying both
toxic and sentimental cues in prompts, subsequently mitigating toxicity or
modulating sentiment in the generated content. | cs.CL | Unveiling and Manipulating Prompt Influence in Large Language Models |
2024-05-20T08:51:03Z | http://arxiv.org/pdf/2405.11880v1 | http://arxiv.org/abs/2405.11880v1 | Siyu Lou, Yuntian Chen, Xiaodan Liang, Liang Lin, Quanshi Zhang | 2024-05-20T08:51:03Z | cs.LG, cs.AI, cs.CL, cs.CV | In this study, we propose an axiomatic system to define and quantify the
precise memorization and in-context reasoning effects used by the large
language model (LLM) for language generation. These effects are formulated as
non-linear interactions between tokens/words encoded by the LLM. Specifically,
the axiomatic system enables us to categorize the memorization effects into
foundational memorization effects and chaotic memorization effects, and further
classify in-context reasoning effects into enhanced inference patterns,
eliminated inference patterns, and reversed inference patterns. Besides, the
decomposed effects satisfy the sparsity property and the universal matching
property, which mathematically guarantee that the LLM's confidence score can be
faithfully decomposed into the memorization effects and in-context reasoning
effects. Experiments show that the clear disentanglement of memorization
effects and in-context reasoning effects enables a straightforward examination
of detailed inference patterns encoded by LLMs. | cs.LG | Quantifying In-Context Reasoning Effects and Memorization Effects in LLMs |
2024-05-20T08:41:15Z | http://arxiv.org/pdf/2405.11877v3 | http://arxiv.org/abs/2405.11877v3 | Eduard Poesina, Cornelia Caragea, Radu Tudor Ionescu | 2024-05-22T19:14:51Z | cs.CL, cs.AI, cs.LG | Natural language inference (NLI), the task of recognizing the entailment
relationship in sentence pairs, is an actively studied topic serving as a proxy
for natural language understanding. Despite the relevance of the task in
building conversational agents and improving text classification, machine
translation and other NLP tasks, to the best of our knowledge, there is no
publicly available NLI corpus for the Romanian language. To this end, we
introduce the first Romanian NLI corpus (RoNLI) comprising 58K training
sentence pairs, which are obtained via distant supervision, and 6K validation
and test sentence pairs, which are manually annotated with the correct labels.
We conduct experiments with multiple machine learning methods based on distant
learning, ranging from shallow models based on word embeddings to
transformer-based neural networks, to establish a set of competitive baselines.
Furthermore, we improve on the best model by employing a new curriculum
learning strategy based on data cartography. Our dataset and code to reproduce
the baselines are available at https://github.com/Eduard6421/RONLI. | cs.CL | A Novel Cartography-Based Curriculum Learning Method Applied on RoNLI: The First Romanian Natural Language Inference Corpus |
2024-05-20T08:30:13Z | http://arxiv.org/pdf/2405.11874v2 | http://arxiv.org/abs/2405.11874v2 | Qingchen Yu, Zifan Zheng, Shichao Song, Zhiyu Li, Feiyu Xiong, Bo Tang, Ding Chen | 2024-05-23T07:00:45Z | cs.CL | The continuous advancement of large language models (LLMs) has brought
increasing attention to the critical issue of developing fair and reliable
methods for evaluating their performance. Particularly, the emergence of
subjective or non-subjective cheating phenomena, such as test set leakage and
prompt format overfitting, poses significant challenges to the reliable
evaluation of LLMs. Since evaluation frameworks often utilize Regular
Expression (RegEx) for answer extraction, some models may adjust their
responses to comply with specific formats that are easily extractable by RegEx.
Nevertheless, the key answer extraction module based on RegEx frequently
suffers from extraction errors. This paper conducts a comprehensive analysis of
the entire LLM evaluation chain, demonstrating that optimizing the key answer
extraction module can improve extraction accuracy, reduce LLMs' reliance on
specific answer formats, and enhance the reliability of LLM evaluation. To
address these issues, we propose xFinder, a model specifically designed for key
answer extraction. As part of this process, we create a specialized dataset,
the Key Answer Finder (KAF) dataset, to ensure effective model training and
evaluation. Through generalization testing and evaluation in real-world
scenarios, the results demonstrate that the smallest xFinder model with only
500 million parameters achieves an average answer extraction accuracy of
93.42%. In contrast, RegEx accuracy in the best evaluation framework is 74.38%.
xFinder exhibits stronger robustness and higher accuracy compared to existing
evaluation frameworks. | cs.CL | xFinder: Robust and Pinpoint Answer Extraction for Large Language Models |
2024-05-20T08:23:28Z | http://arxiv.org/pdf/2405.11870v2 | http://arxiv.org/abs/2405.11870v2 | Ermo Hua, Biqing Qi, Kaiyan Zhang, Yue Yu, Ning Ding, Xingtai Lv, Kai Tian, Bowen Zhou | 2024-05-28T16:14:58Z | cs.CL, cs.AI | Supervised Fine-Tuning (SFT) and Preference Optimization (PO) are two
fundamental processes for enhancing the capabilities of Language Models (LMs)
post pre-training, aligning them better with human preferences. Although SFT
advances in training efficiency, PO delivers better alignment, thus they are
often combined. However, common practices simply apply them sequentially
without integrating their optimization objectives, ignoring the opportunities
to bridge their paradigm gap and take the strengths from both. To obtain a
unified understanding, we interpret SFT and PO with two sub-processes --
Preference Estimation and Transition Optimization -- defined at token level
within the Markov Decision Process (MDP) framework. This modeling shows that
SFT is only a specialized case of PO with inferior estimation and optimization.
PO evaluates the quality of model's entire generated answer, whereas SFT only
scores predicted tokens based on preceding tokens from target answers.
Therefore, SFT overestimates the ability of model, leading to inferior
optimization. Building on this view, we introduce Intuitive Fine-Tuning (IFT)
to integrate SFT and Preference Optimization into a single process. IFT
captures LMs' intuitive sense of the entire answers through a temporal residual
connection, but it solely relies on a single policy and the same volume of
non-preference-labeled data as SFT. Our experiments show that IFT performs
comparably or even superiorly to sequential recipes of SFT and some typical
Preference Optimization methods across several tasks, particularly those
requires generation, reasoning, and fact-following abilities. An explainable
Frozen Lake game further validates the effectiveness of IFT for getting
competitive policy. | cs.CL | Intuitive Fine-Tuning: Towards Simplifying Alignment into a Single Process |
2024-05-20T08:16:34Z | http://arxiv.org/pdf/2405.11865v1 | http://arxiv.org/abs/2405.11865v1 | Andrew Rueda, Elena Álvarez Mellado, Constantine Lignos | 2024-05-20T08:16:34Z | cs.CL, cs.AI | Modern named entity recognition systems have steadily improved performance in
the age of larger and more powerful neural models. However, over the past
several years, the state-of-the-art has seemingly hit another plateau on the
benchmark CoNLL-03 English dataset. In this paper, we perform a deep dive into
the test outputs of the highest-performing NER models, conducting a
fine-grained evaluation of their performance by introducing new document-level
annotations on the test set. We go beyond F1 scores by categorizing errors in
order to interpret the true state of the art for NER and guide future work. We
review previous attempts at correcting the various flaws of the test set and
introduce CoNLL#, a new corrected version of the test set that addresses its
systematic and most prevalent errors, allowing for low-noise, interpretable
error analysis. | cs.CL | CoNLL#: Fine-grained Error Analysis and a Corrected Test Set for CoNLL-03 English |
2024-05-20T07:10:52Z | http://arxiv.org/pdf/2405.13056v1 | http://arxiv.org/abs/2405.13056v1 | Rohitash Chandra, Baicheng Zhu, Qingying Fang, Eka Shinjikashvili | 2024-05-20T07:10:52Z | cs.CL, cs.SI | During the COVID-19 pandemic, the news media coverage encompassed a wide
range of topics that includes viral transmission, allocation of medical
resources, and government response measures. There have been studies on
sentiment analysis of social media platforms during COVID-19 to understand the
public response given the rise of cases and government strategies implemented
to control the spread of the virus. Sentiment analysis can provide a better
understanding of changes in societal opinions and emotional trends during the
pandemic. Apart from social media, newspapers have played a vital role in the
dissemination of information, including information from the government,
experts, and also the public about various topics. A study of sentiment
analysis of newspaper sources during COVID-19 for selected countries can give
an overview of how the media covered the pandemic. In this study, we select The
Guardian newspaper and provide a sentiment analysis during various stages of
COVID-19 that includes initial transmission, lockdowns and vaccination. We
employ novel large language models (LLMs) and refine them with expert-labelled
sentiment analysis data. We also provide an analysis of sentiments experienced
pre-pandemic for comparison. The results indicate that during the early
pandemic stages, public sentiment prioritised urgent crisis response, later
shifting focus to addressing the impact on health and the economy. In
comparison with related studies about social media sentiment analyses, we found
a discrepancy between The Guardian with dominance of negative sentiments (sad,
annoyed, anxious and denial), suggesting that social media offers a more
diversified emotional reflection. We found a grim narrative in The Guardian
with overall dominance of negative sentiments, pre and during COVID-19 across
news sections including Australia, UK, World News, and Opinion | cs.CL | Large language models for sentiment analysis of newspaper articles during COVID-19: The Guardian |
2024-05-20T06:28:43Z | http://arxiv.org/pdf/2405.11819v1 | http://arxiv.org/abs/2405.11819v1 | Chris Emezue | 2024-05-20T06:28:43Z | cs.CL, cs.LG | Structured prediction tasks, like machine translation, involve learning
functions that map structured inputs to structured outputs. Recurrent Neural
Networks (RNNs) have historically been a popular choice for such tasks,
including in natural language processing (NLP) applications. However, training
RNNs using Maximum Likelihood Estimation (MLE) has its limitations, including
exposure bias and a mismatch between training and testing metrics. SEARNN,
based on the learning to search (L2S) framework, has been proposed as an
alternative to MLE for RNN training. This project explored the potential of
SEARNN to improve machine translation for low-resourced African languages -- a
challenging task characterized by limited training data availability and the
morphological complexity of the languages. Through experiments conducted on
translation for English to Igbo, French to \ewe, and French to \ghomala
directions, this project evaluated the efficacy of SEARNN over MLE in
addressing the unique challenges posed by these languages. With an average BLEU
score improvement of $5.4$\% over the MLE objective, we proved that SEARNN is
indeed a viable algorithm to effectively train RNNs on machine translation for
low-resourced languages. | cs.CL | Beyond MLE: Investigating SEARNN for Low-Resourced Neural Machine Translation |
2024-05-20T06:25:39Z | http://arxiv.org/pdf/2405.11817v1 | http://arxiv.org/abs/2405.11817v1 | Jungwoo Kim, Ji-Su Lee, Huijae Kim, Taesik Lee | 2024-05-20T06:25:39Z | cs.ET, cs.CL | This paper presents an analytical framework for conducting academic reviews
in the field of Healthcare Systems Engineering, employing ChatGPT, a
state-of-the-art tool among recent language models. We utilized 9,809 abstract
paragraphs from conference presentations to systematically review the field.
The framework comprises distinct analytical processes, each employing tailored
prompts and the systematic use of the ChatGPT API. Through this framework, we
organized the target field into 11 topic categories and conducted a
comprehensive analysis covering quantitative yearly trends and detailed
sub-categories. This effort explores the potential for leveraging ChatGPT to
alleviate the burden of academic reviews. Furthermore, it provides valuable
insights into the dynamic landscape of Healthcare Systems Engineering research. | cs.ET | Systematic Review on Healthcare Systems Engineering utilizing ChatGPT |
2024-05-20T05:55:08Z | http://arxiv.org/pdf/2405.11804v1 | http://arxiv.org/abs/2405.11804v1 | Minghao Wu, Yulin Yuan, Gholamreza Haffari, Longyue Wang | 2024-05-20T05:55:08Z | cs.CL | Recent advancements in machine translation (MT) have significantly enhanced
translation quality across various domains. However, the translation of
literary texts remains a formidable challenge due to their complex language,
figurative expressions, and cultural nuances. In this work, we introduce a
novel multi-agent framework based on large language models (LLMs) for literary
translation, implemented as a company called TransAgents, which mirrors
traditional translation publication process by leveraging the collective
capabilities of multiple agents, to address the intricate demands of
translating literary works. To evaluate the effectiveness of our system, we
propose two innovative evaluation strategies: Monolingual Human Preference
(MHP) and Bilingual LLM Preference (BLP). MHP assesses translations from the
perspective of monolingual readers of the target language, while BLP uses
advanced LLMs to compare translations directly with the original texts.
Empirical findings indicate that despite lower d-BLEU scores, translations from
TransAgents are preferred by both human evaluators and LLMs over human-written
references, particularly in genres requiring domain-specific knowledge. We also
highlight the strengths and limitations of TransAgents through case studies and
suggests directions for future research. | cs.CL | (Perhaps) Beyond Human Translation: Harnessing Multi-Agent Collaboration for Translating Ultra-Long Literary Texts |
2024-05-20T05:02:12Z | http://arxiv.org/pdf/2405.11783v1 | http://arxiv.org/abs/2405.11783v1 | Shinyoung Kang, Jihan Kim | 2024-05-20T05:02:12Z | cs.LG, cs.AI, cs.CL, quant-ph | In this study, we explore the potential of using quantum natural language
processing (QNLP) to inverse design metal-organic frameworks (MOFs) with
targeted properties. Specifically, by analyzing 150 hypothetical MOF structures
consisting of 10 metal nodes and 15 organic ligands, we categorize these
structures into four distinct classes for pore volume and $H_{2}$ uptake
values. We then compare various QNLP models (i.e. the bag-of-words, DisCoCat
(Distributional Compositional Categorical), and sequence-based models) to
identify the most effective approach to process the MOF dataset. Using a
classical simulator provided by the IBM Qiskit, the bag-of-words model is
identified to be the optimum model, achieving validation accuracies of 85.7%
and 86.7% for binary classification tasks on pore volume and $H_{2}$ uptake,
respectively. Further, we developed multi-class classification models tailored
to the probabilistic nature of quantum circuits, with average test accuracies
of 88.4% and 80.7% across different classes for pore volume and $H_{2}$ uptake
datasets. Finally, the performance of generating MOF with target properties
showed accuracies of 93.5% for pore volume and 89% for $H_{2}$ uptake,
respectively. Although our investigation covers only a fraction of the vast MOF
search space, it marks a promising first step towards using quantum computing
for materials design, offering a new perspective through which to explore the
complex landscape of MOFs. | cs.LG | Inverse Design of Metal-Organic Frameworks Using Quantum Natural Language Processing |
2024-05-20T04:31:04Z | http://arxiv.org/pdf/2405.11775v1 | http://arxiv.org/abs/2405.11775v1 | Siva Rajesh Kasa, Aniket Goel, Karan Gupta, Sumegh Roychowdhury, Anish Bhanushali, Nikhil Pattisapu, Prasanna Srinivasa Murthy | 2024-05-20T04:31:04Z | cs.CL, cs.LG | Ordinal Classification (OC) is a widely encountered challenge in Natural
Language Processing (NLP), with applications in various domains such as
sentiment analysis, rating prediction, and more. Previous approaches to tackle
OC have primarily focused on modifying existing or creating novel loss
functions that \textbf{explicitly} account for the ordinal nature of labels.
However, with the advent of Pretrained Language Models (PLMs), it became
possible to tackle ordinality through the \textbf{implicit} semantics of the
labels as well. This paper provides a comprehensive theoretical and empirical
examination of both these approaches. Furthermore, we also offer strategic
recommendations regarding the most effective approach to adopt based on
specific settings. | cs.CL | Exploring Ordinality in Text Classification: A Comparative Study of Explicit and Implicit Techniques |
2024-05-20T02:32:26Z | http://arxiv.org/pdf/2405.13055v1 | http://arxiv.org/abs/2405.13055v1 | Yanxin Zheng, Wensheng Gan, Zefeng Chen, Zhenlian Qi, Qian Liang, Philip S. Yu | 2024-05-20T02:32:26Z | cs.CL, cs.AI, cs.CY | To address challenges in the digital economy's landscape of digital
intelligence, large language models (LLMs) have been developed. Improvements in
computational power and available resources have significantly advanced LLMs,
allowing their integration into diverse domains for human life. Medical LLMs
are essential application tools with potential across various medical
scenarios. In this paper, we review LLM developments, focusing on the
requirements and applications of medical LLMs. We provide a concise overview of
existing models, aiming to explore advanced research directions and benefit
researchers for future medical applications. We emphasize the advantages of
medical LLMs in applications, as well as the challenges encountered during
their development. Finally, we suggest directions for technical integration to
mitigate challenges and potential research directions for the future of medical
LLMs, aiming to meet the demands of the medical field better. | cs.CL | Large Language Models for Medicine: A Survey |
2024-05-20T01:57:34Z | http://arxiv.org/pdf/2405.11724v1 | http://arxiv.org/abs/2405.11724v1 | Huawei Lin, Jikai Long, Zhaozhuo Xu, Weijie Zhao | 2024-05-20T01:57:34Z | cs.CL, cs.AI, cs.CR, cs.IR | Given a Large Language Model (LLM) generation, how can we identify which
training data led to this generation? In this paper, we proposed RapidIn, a
scalable framework adapting to LLMs for estimating the influence of each
training data. The proposed framework consists of two stages: caching and
retrieval. First, we compress the gradient vectors by over 200,000x, allowing
them to be cached on disk or in GPU/CPU memory. Then, given a generation,
RapidIn efficiently traverses the cached gradients to estimate the influence
within minutes, achieving over a 6,326x speedup. Moreover, RapidIn supports
multi-GPU parallelization to substantially accelerate caching and retrieval.
Our empirical result confirms the efficiency and effectiveness of RapidIn. | cs.CL | Token-wise Influential Training Data Retrieval for Large Language Models |
2024-05-20T01:04:40Z | http://arxiv.org/pdf/2405.11143v2 | http://arxiv.org/abs/2405.11143v2 | Jian Hu, Xibin Wu, Weixun Wang, Xianyu, Dehao Zhang, Yu Cao | 2024-06-03T12:19:18Z | cs.AI, cs.CL, cs.LG | As large language models (LLMs) continue to grow by scaling laws,
reinforcement learning from human feedback (RLHF) has gained significant
attention due to its outstanding performance. However, unlike pretraining or
fine-tuning a single model, scaling reinforcement learning from human feedback
(RLHF) for training large language models poses coordination challenges across
four models. We present OpenRLHF, an open-source framework enabling efficient
RLHF scaling. Unlike existing RLHF frameworks that co-locate four models on the
same GPUs, OpenRLHF re-designs scheduling for the models beyond 70B parameters
using Ray, vLLM, and DeepSpeed, leveraging improved resource utilization and
diverse training approaches. Integrating seamlessly with Hugging Face, OpenRLHF
provides an out-of-the-box solution with optimized algorithms and launch
scripts, which ensures user-friendliness. OpenRLHF implements RLHF, DPO,
rejection sampling, and other alignment techniques. Empowering state-of-the-art
LLM development, OpenRLHF's code is available at
https://github.com/OpenLLMAI/OpenRLHF. | cs.AI | OpenRLHF: An Easy-to-use, Scalable and High-performance RLHF Framework |
2024-05-19T22:44:00Z | http://arxiv.org/pdf/2405.12250v1 | http://arxiv.org/abs/2405.12250v1 | Anton Razzhigaev, Matvey Mikhalchuk, Elizaveta Goncharova, Nikolai Gerasimenko, Ivan Oseledets, Denis Dimitrov, Andrey Kuznetsov | 2024-05-19T22:44:00Z | cs.LG, cs.AI, cs.CL | This paper reveals a novel linear characteristic exclusive to transformer
decoders, including models such as GPT, LLaMA, OPT, BLOOM and others. We
analyze embedding transformations between sequential layers, uncovering a
near-perfect linear relationship (Procrustes similarity score of 0.99).
However, linearity decreases when the residual component is removed due to a
consistently low output norm of the transformer layer. Our experiments show
that removing or linearly approximating some of the most linear blocks of
transformers does not affect significantly the loss or model performance.
Moreover, in our pretraining experiments on smaller models we introduce a
cosine-similarity-based regularization, aimed at reducing layer linearity. This
regularization improves performance metrics on benchmarks like Tiny Stories and
SuperGLUE and as well successfully decreases the linearity of the models. This
study challenges the existing understanding of transformer architectures,
suggesting that their operation may be more linear than previously assumed. | cs.LG | Your Transformer is Secretly Linear |
2024-05-19T22:04:57Z | http://arxiv.org/pdf/2405.11685v1 | http://arxiv.org/abs/2405.11685v1 | Ahnaf Mozib Samin, M. Firoz Ahmed, Md. Mushtaq Shahriyar Rafee | 2024-05-19T22:04:57Z | cs.CV, cs.CL | With the utilization of Transformer architecture, large Vision and Language
(V&L) models have shown promising performance in even zero-shot settings.
Several studies, however, indicate a lack of robustness of the models when
dealing with complex linguistics and visual attributes. In this work, we
introduce a novel V&L benchmark - ColorFoil, by creating color-related foils to
assess the models' perception ability to detect colors like red, white, green,
etc. We evaluate seven state-of-the-art V&L models including CLIP, ViLT,
GroupViT, and BridgeTower, etc. in a zero-shot setting and present intriguing
findings from the V&L models. The experimental evaluation indicates that ViLT
and BridgeTower demonstrate much better color perception capabilities compared
to CLIP and its variants and GroupViT. Moreover, CLIP-based models and GroupViT
struggle to distinguish colors that are visually distinct to humans with normal
color perception ability. | cs.CV | ColorFoil: Investigating Color Blindness in Large Vision and Language Models |
2024-05-19T20:46:07Z | http://arxiv.org/pdf/2405.13053v2 | http://arxiv.org/abs/2405.13053v2 | Jingwei Xu, Junyu Lai, Yunpeng Huang | 2024-05-24T13:38:54Z | cs.CL, cs.AI, I.2.7 | The pretrain+fine-tune paradigm is foundational in deploying large language
models (LLMs) across a diverse range of downstream applications. Among these,
Low-Rank Adaptation (LoRA) stands out for its parameter-efficient fine-tuning
(PEFT), producing numerous off-the-shelf task-specific LoRA adapters. However,
this approach requires explicit task intention selection, posing challenges for
automatic task sensing and switching during inference with multiple existing
LoRA adapters embedded in a single LLM. In this work, we introduce MeteoRA
(Multiple-Tasks embedded LoRA), a scalable multi-knowledge LoRA fusion
framework designed for LLMs. MeteoRA integrates various LoRA adapters in a
Mixture-of-Experts (MoE) style into the base LLM, enabling the model to
automatically select the most pertinent adapter based on the task input. This
advancement significantly enhances the LLM's capability to handle composite
tasks that require different adapters to solve various components of the
problem. Our evaluations, featuring the LlaMA2-13B and LlaMA3-8B base models
equipped with off-the-shelf 28 LoRA adapters through MeteoRA, demonstrate
equivalent performance with the individual adapters. Furthermore, both base
models equipped with MeteoRA achieve superior performance in sequentially
solving composite tasks with ten problems in only a single inference process,
highlighting the ability of timely intention switching in MeteoRA embedded
LLMs. | cs.CL | MeteoRA: Multiple-tasks Embedded LoRA for Large Language Models |
2024-05-19T20:33:36Z | http://arxiv.org/pdf/2405.13052v1 | http://arxiv.org/abs/2405.13052v1 | Heinrich Peters, Moran Cerf, Sandra C. Matz | 2024-05-19T20:33:36Z | cs.HC, cs.AI, cs.CL, cs.CY, cs.LG | This study investigates the capacity of Large Language Models (LLMs) to infer
the Big Five personality traits from free-form user interactions. The results
demonstrate that a chatbot powered by GPT-4 can infer personality with moderate
accuracy, outperforming previous approaches drawing inferences from static text
content. The accuracy of inferences varied across different conversational
settings. Performance was highest when the chatbot was prompted to elicit
personality-relevant information from users (mean r=.443, range=[.245, .640]),
followed by a condition placing greater emphasis on naturalistic interaction
(mean r=.218, range=[.066, .373]). Notably, the direct focus on personality
assessment did not result in a less positive user experience, with participants
reporting the interactions to be equally natural, pleasant, engaging, and
humanlike across both conditions. A chatbot mimicking ChatGPT's default
behavior of acting as a helpful assistant led to markedly inferior personality
inferences and lower user experience ratings but still captured psychologically
meaningful information for some of the personality traits (mean r=.117,
range=[-.004, .209]). Preliminary analyses suggest that the accuracy of
personality inferences varies only marginally across different
socio-demographic subgroups. Our results highlight the potential of LLMs for
psychological profiling based on conversational interactions. We discuss
practical implications and ethical challenges associated with these findings. | cs.HC | Large Language Models Can Infer Personality from Free-Form User Interactions |
2024-05-19T20:24:51Z | http://arxiv.org/pdf/2405.11668v1 | http://arxiv.org/abs/2405.11668v1 | Hadeel Saadany, Ashraf Tantawy, Constantin Orasan | 2024-05-19T20:24:51Z | cs.CL | With the advent of Neural Machine Translation (NMT) systems, the MT output
has reached unprecedented accuracy levels which resulted in the ubiquity of MT
tools on almost all online platforms with multilingual content. However, NMT
systems, like other state-of-the-art AI generative systems, are prone to errors
that are deemed machine hallucinations. The problem with NMT hallucinations is
that they are remarkably \textit{fluent} hallucinations. Since they are trained
to produce grammatically correct utterances, NMT systems are capable of
producing mistranslations that are too fluent to be recognised by both users of
the MT tool, as well as by automatic quality metrics that are used to gauge
their performance. In this paper, we introduce an authentic dataset of machine
translation critical errors to point to the ethical and safety issues involved
in the common use of MT. The dataset comprises mistranslations of Arabic mental
health postings manually annotated with critical error types. We also show how
the commonly used quality metrics do not penalise critical errors and highlight
this as a critical issue that merits further attention from researchers. | cs.CL | Cyber Risks of Machine Translation Critical Errors : Arabic Mental Health Tweets as a Case Study |
2024-05-19T18:26:11Z | http://arxiv.org/pdf/2405.11640v1 | http://arxiv.org/abs/2405.11640v1 | Zishan Gu, Fenglin Liu, Changchang Yin, Ping Zhang | 2024-05-19T18:26:11Z | cs.AI, cs.CL, cs.CV | The adoption of large language models (LLMs) in healthcare has attracted
significant research interest. However, their performance in healthcare remains
under-investigated and potentially limited, due to i) they lack rich
domain-specific knowledge and medical reasoning skills; and ii) most
state-of-the-art LLMs are unimodal, text-only models that cannot directly
process multimodal inputs. To this end, we propose a multimodal medical
collaborative reasoning framework \textbf{MultiMedRes}, which incorporates a
learner agent to proactively gain essential information from domain-specific
expert models, to solve medical multimodal reasoning problems. Our method
includes three steps: i) \textbf{Inquire}: The learner agent first decomposes
given complex medical reasoning problems into multiple domain-specific
sub-problems; ii) \textbf{Interact}: The agent then interacts with
domain-specific expert models by repeating the ``ask-answer'' process to
progressively obtain different domain-specific knowledge; iii)
\textbf{Integrate}: The agent finally integrates all the acquired
domain-specific knowledge to accurately address the medical reasoning problem.
We validate the effectiveness of our method on the task of difference visual
question answering for X-ray images. The experiments demonstrate that our
zero-shot prediction achieves state-of-the-art performance, and even
outperforms the fully supervised methods. Besides, our approach can be
incorporated into various LLMs and multimodal LLMs to significantly boost their
performance. | cs.AI | Inquire, Interact, and Integrate: A Proactive Agent Collaborative Framework for Zero-Shot Multimodal Medical Reasoning |
2024-05-19T17:58:26Z | http://arxiv.org/pdf/2405.11637v1 | http://arxiv.org/abs/2405.11637v1 | Ghazaleh Mahmoudi, Babak Behkamkia, Sauleh Eetemadi | 2024-05-19T17:58:26Z | cs.CL | Stance detection, the classification of attitudes expressed in a text towards
a specific topic, is vital for applications like fake news detection and
opinion mining. However, the scarcity of labeled data remains a challenge for
this task. To address this problem, we propose Dynamic Model Adaptation with
Contextual Data Generation (DyMoAdapt) that combines Few-Shot Learning and
Large Language Models. In this approach, we aim to fine-tune an existing model
at test time. We achieve this by generating new topic-specific data using
GPT-3. This method could enhance performance by allowing the adaptation of the
model to new topics. However, the results did not increase as we expected.
Furthermore, we introduce the Multi Generated Topic VAST (MGT-VAST) dataset,
which extends VAST using GPT-3. In this dataset, each context is associated
with multiple topics, allowing the model to understand the relationship between
contexts and various potential topics | cs.CL | Zero-Shot Stance Detection using Contextual Data Generation with LLMs |
2024-05-19T17:23:04Z | http://arxiv.org/pdf/2405.11622v1 | http://arxiv.org/abs/2405.11622v1 | Mireia Hernandez Caralt, Clarence Boon Liang Ng, Marek Rei | 2024-05-19T17:23:04Z | cs.CL, cs.LG, I.2.7; J.3 | Electronic Health Records (EHR) serve as a valuable source of patient
information, offering insights into medical histories, treatments, and
outcomes. Previous research has developed systems for detecting applicable ICD
codes that should be assigned while writing a given EHR document, mainly
focusing on discharge summaries written at the end of a hospital stay. In this
work, we investigate the potential of predicting these codes for the whole
patient stay at different time points during their stay, even before they are
officially assigned by clinicians. The development of methods to predict
diagnoses and treatments earlier in advance could open opportunities for
predictive medicine, such as identifying disease risks sooner, suggesting
treatments, and optimizing resource allocation. Our experiments show that
predictions regarding final ICD codes can be made already two days after
admission and we propose a custom model that improves performance on this early
prediction task. | cs.CL | Continuous Predictive Modeling of Clinical Notes and ICD Codes in Patient Health Records |
2024-05-19T17:08:31Z | http://arxiv.org/pdf/2405.11613v2 | http://arxiv.org/abs/2405.11613v2 | Baolong Bi, Shenghua Liu, Lingrui Mei, Yiwei Wang, Pengliang Ji, Xueqi Cheng | 2024-05-21T04:52:32Z | cs.CL | The knowledge within large language models (LLMs) may become outdated
quickly. While in-context editing (ICE) is currently the most effective method
for knowledge editing (KE), it is constrained by the black-box modeling of LLMs
and thus lacks interpretability. Our work aims to elucidate the superior
performance of ICE on the KE by analyzing the impacts of in-context new
knowledge on token-wise distributions. We observe that despite a significant
boost in logits of the new knowledge, the performance of is still hindered by
stubborn knowledge. Stubborn knowledge refers to as facts that have gained
excessive confidence during pretraining, making it hard to edit effectively. To
address this issue and further enhance the performance of ICE, we propose a
novel approach termed $\textbf{De}$coding by $\textbf{C}$ontrasting
$\textbf{K}$nowledge (DeCK). DeCK derives the distribution of the next token by
contrasting the logits obtained from the newly edited knowledge guided by ICE
with those from the unedited parametric knowledge. Our experiments consistently
demonstrate that DeCK enhances the confidence of LLMs in edited facts. For
instance, it improves the performance of LLaMA3-8B-instruct on MQuAKE by up to
219%, demonstrating its capability to strengthen ICE in the editing of stubborn
knowledge. Our work paves the way to develop the both effective and accountable
KE methods for LLMs. (The source code is available at:
https://deck-llm.meirtz.com) | cs.CL | Decoding by Contrasting Knowledge: Enhancing LLMs' Confidence on Edited Facts |
2024-05-19T16:06:02Z | http://arxiv.org/pdf/2405.11597v1 | http://arxiv.org/abs/2405.11597v1 | Congchi Yin, Ziyi Ye, Piji Li | 2024-05-19T16:06:02Z | cs.CL, cs.AI | Many recent studies have shown that the perception of speech can be decoded
from brain signals and subsequently reconstructed as continuous language.
However, there is a lack of neurological basis for how the semantic information
embedded within brain signals can be used more effectively to guide language
reconstruction. The theory of predictive coding suggests that human brain
naturally engages in continuously predicting future word representations that
span multiple timescales. This implies that the decoding of brain signals could
potentially be associated with a predictable future. To explore the predictive
coding theory within the context of language reconstruction, this paper
proposes a novel model \textsc{PredFT} for jointly modeling neural decoding and
brain prediction. It consists of a main decoding network for language
reconstruction and a side network for predictive coding. The side network
obtains brain predictive coding representation from related brain regions of
interest with a multi-head self-attention module. This representation is fused
into the main decoding network with cross-attention to facilitate the language
models' generation process. Experiments are conducted on the largest
naturalistic language comprehension fMRI dataset Narratives. \textsc{PredFT}
achieves current state-of-the-art decoding performance with a maximum BLEU-1
score of $27.8\%$. | cs.CL | Language Reconstruction with Brain Predictive Coding from fMRI Data |
2024-05-19T15:22:25Z | http://arxiv.org/pdf/2405.11582v2 | http://arxiv.org/abs/2405.11582v2 | Jialong Guo, Xinghao Chen, Yehui Tang, Yunhe Wang | 2024-06-17T05:59:24Z | cs.CV, cs.CL | Transformers have become foundational architectures for both natural language
and computer vision tasks. However, the high computational cost makes it quite
challenging to deploy on resource-constraint devices. This paper investigates
the computational bottleneck modules of efficient transformer, i.e.,
normalization layers and attention modules. LayerNorm is commonly used in
transformer architectures but is not computational friendly due to statistic
calculation during inference. However, replacing LayerNorm with more efficient
BatchNorm in transformer often leads to inferior performance and collapse in
training. To address this problem, we propose a novel method named PRepBN to
progressively replace LayerNorm with re-parameterized BatchNorm in training.
Moreover, we propose a simplified linear attention (SLA) module that is simple
yet effective to achieve strong performance. Extensive experiments on image
classification as well as object detection demonstrate the effectiveness of our
proposed method. For example, our SLAB-Swin obtains $83.6\%$ top-1 accuracy on
ImageNet-1K with $16.2$ms latency, which is $2.4$ms less than that of
Flatten-Swin with $0.1\%$ higher accuracy. We also evaluated our method for
language modeling task and obtain comparable performance and lower
latency.Codes are publicly available at https://github.com/xinghaochen/SLAB and
https://github.com/mindspore-lab/models/tree/master/research/huawei-noah/SLAB. | cs.CV | SLAB: Efficient Transformers with Simplified Linear Attention and Progressive Re-parameterized Batch Normalization |
2024-05-19T15:13:51Z | http://arxiv.org/pdf/2405.11579v1 | http://arxiv.org/abs/2405.11579v1 | Subhankar Maity, Aniket Deroy, Sudeshna Sarkar | 2024-05-19T15:13:51Z | cs.CL | In the era of generative artificial intelligence (AI), the fusion of large
language models (LLMs) offers unprecedented opportunities for innovation in the
field of modern education. We embark on an exploration of prompted LLMs within
the context of educational and assessment applications to uncover their
potential. Through a series of carefully crafted research questions, we
investigate the effectiveness of prompt-based techniques in generating
open-ended questions from school-level textbooks, assess their efficiency in
generating open-ended questions from undergraduate-level technical textbooks,
and explore the feasibility of employing a chain-of-thought inspired
multi-stage prompting approach for language-agnostic multiple-choice question
(MCQ) generation. Additionally, we evaluate the ability of prompted LLMs for
language learning, exemplified through a case study in the low-resource Indian
language Bengali, to explain Bengali grammatical errors. We also evaluate the
potential of prompted LLMs to assess human resource (HR) spoken interview
transcripts. By juxtaposing the capabilities of LLMs with those of human
experts across various educational tasks and domains, our aim is to shed light
on the potential and limitations of LLMs in reshaping educational practices. | cs.CL | Exploring the Capabilities of Prompted Large Language Models in Educational and Assessment Applications |
2024-05-19T15:00:50Z | http://arxiv.org/pdf/2405.11577v4 | http://arxiv.org/abs/2405.11577v4 | Bowen Chen, Namgi Han, Yusuke Miyao | 2024-06-04T15:28:20Z | cs.CL, cs.AI | Large Language Models (LLMs), trained on massive corpora with billions of
parameters, show unprecedented performance in various fields. Though surprised
by their excellent performances, researchers also noticed some special
behaviors of those LLMs. One of those behaviors is memorization, in which LLMs
can generate the same content used to train them. Though previous research has
discussed memorization, the memorization of LLMs still lacks explanation,
especially the cause of memorization and the dynamics of generating them. In
this research, we comprehensively discussed memorization from various
perspectives and extended the discussion scope to not only just the memorized
content but also less and unmemorized content. Through various studies, we
found that: (1) Through experiments, we revealed the relation of memorization
between model size, continuation size, and context size. Further, we showed how
unmemorized sentences transition to memorized sentences. (2) Through embedding
analysis, we showed the distribution and decoding dynamics across model size in
embedding space for sentences with different memorization scores. The n-gram
statistics analysis presents d (3) An analysis over n-gram and entropy decoding
dynamics discovered a boundary effect when the model starts to generate
memorized sentences or unmemorized sentences. (4)We trained a Transformer model
to predict the memorization of different models, showing that it is possible to
predict memorizations by context. | cs.CL | A Multi-Perspective Analysis of Memorization in Large Language Models |
2024-05-19T14:50:09Z | http://arxiv.org/pdf/2405.11575v1 | http://arxiv.org/abs/2405.11575v1 | Xuanli He, Qiongkai Xu, Jun Wang, Benjamin I. P. Rubinstein, Trevor Cohn | 2024-05-19T14:50:09Z | cs.CL, cs.CR | Modern NLP models are often trained on public datasets drawn from diverse
sources, rendering them vulnerable to data poisoning attacks. These attacks can
manipulate the model's behavior in ways engineered by the attacker. One such
tactic involves the implantation of backdoors, achieved by poisoning specific
training instances with a textual trigger and a target class label. Several
strategies have been proposed to mitigate the risks associated with backdoor
attacks by identifying and removing suspected poisoned examples. However, we
observe that these strategies fail to offer effective protection against
several advanced backdoor attacks. To remedy this deficiency, we propose a
novel defensive mechanism that first exploits training dynamics to identify
poisoned samples with high precision, followed by a label propagation step to
improve recall and thus remove the majority of poisoned instances. Compared
with recent advanced defense methods, our method considerably reduces the
success rates of several backdoor attacks while maintaining high classification
accuracy on clean test sets. | cs.CL | SEEP: Training Dynamics Grounds Latent Representation Search for Mitigating Backdoor Poisoning Attacks |
2024-05-19T14:21:53Z | http://arxiv.org/pdf/2405.11559v1 | http://arxiv.org/abs/2405.11559v1 | Suyash Vardhan Mathur, Akshett Rai Jindal, Manish Shrivastava | 2024-05-19T14:21:53Z | cs.CL, cs.AI | While significant work has been done in the field of NLP on vertical
thinking, which involves primarily logical thinking, little work has been done
towards lateral thinking, which involves looking at problems from an
unconventional perspective and defying existing conceptions and notions.
Towards this direction, SemEval 2024 introduces the task of BRAINTEASER, which
involves two types of questions -- Sentence Puzzles and Word Puzzles that defy
conventional common-sense reasoning and constraints. In this paper, we tackle
both types of questions using few-shot prompting on GPT-3.5 and gain insights
regarding the difference in the nature of the two types. Our prompting strategy
placed us 26th on the leaderboard for the Sentence Puzzle and 15th on the Word
Puzzle task. | cs.CL | DaVinci at SemEval-2024 Task 9: Few-shot prompting GPT-3.5 for Unconventional Reasoning |
2024-05-19T11:33:49Z | http://arxiv.org/pdf/2405.11524v1 | http://arxiv.org/abs/2405.11524v1 | Mengyu Li, Yonghao Liu, Fausto Giunchiglia, Xiaoyue Feng, Renchu Guan | 2024-05-19T11:33:49Z | cs.CL | Text classification is a crucial and fundamental task in natural language
processing. Compared with the previous learning paradigm of pre-training and
fine-tuning by cross entropy loss, the recently proposed supervised contrastive
learning approach has received tremendous attention due to its powerful feature
learning capability and robustness. Although several studies have incorporated
this technique for text classification, some limitations remain. First, many
text datasets are imbalanced, and the learning mechanism of supervised
contrastive learning is sensitive to data imbalance, which may harm the model
performance. Moreover, these models leverage separate classification branch
with cross entropy and supervised contrastive learning branch without explicit
mutual guidance. To this end, we propose a novel model named SharpReCL for
imbalanced text classification tasks. First, we obtain the prototype vector of
each class in the balanced classification branch to act as a representation of
each class. Then, by further explicitly leveraging the prototype vectors, we
construct a proper and sufficient target sample set with the same size for each
class to perform the supervised contrastive learning procedure. The empirical
results show the effectiveness of our model, which even outperforms popular
large language models across several datasets. | cs.CL | Simple-Sampling and Hard-Mixup with Prototypes to Rebalance Contrastive Learning for Text Classification |
2024-05-19T11:17:00Z | http://arxiv.org/pdf/2405.11519v1 | http://arxiv.org/abs/2405.11519v1 | Quentin Meeus, Marie-Francine Moens, Hugo Van hamme | 2024-05-19T11:17:00Z | cs.CL, cs.LG | While extensively explored in text-based tasks, Named Entity Recognition
(NER) remains largely neglected in spoken language understanding. Existing
resources are limited to a single, English-only dataset. This paper addresses
this gap by introducing MSNER, a freely available, multilingual speech corpus
annotated with named entities. It provides annotations to the VoxPopuli dataset
in four languages (Dutch, French, German, and Spanish). We have also releasing
an efficient annotation tool that leverages automatic pre-annotations for
faster manual refinement. This results in 590 and 15 hours of silver-annotated
speech for training and validation, alongside a 17-hour, manually-annotated
evaluation set. We further provide an analysis comparing silver and gold
annotations. Finally, we present baseline NER models to stimulate further
research on this newly available dataset. | cs.CL | MSNER: A Multilingual Speech Dataset for Named Entity Recognition |
2024-05-19T09:59:00Z | http://arxiv.org/pdf/2405.13049v2 | http://arxiv.org/abs/2405.13049v2 | Fanfan Wang, Heqing Ma, Jianfei Yu, Rui Xia, Erik Cambria | 2024-06-11T03:12:01Z | cs.CL, cs.AI, cs.MM | The ability to understand emotions is an essential component of human-like
artificial intelligence, as emotions greatly influence human cognition,
decision making, and social interactions. In addition to emotion recognition in
conversations, the task of identifying the potential causes behind an
individual's emotional state in conversations, is of great importance in many
application scenarios. We organize SemEval-2024 Task 3, named Multimodal
Emotion Cause Analysis in Conversations, which aims at extracting all pairs of
emotions and their corresponding causes from conversations. Under different
modality settings, it consists of two subtasks: Textual Emotion-Cause Pair
Extraction in Conversations (TECPE) and Multimodal Emotion-Cause Pair
Extraction in Conversations (MECPE). The shared task has attracted 143
registrations and 216 successful submissions. In this paper, we introduce the
task, dataset and evaluation settings, summarize the systems of the top teams,
and discuss the findings of the participants. | cs.CL | SemEval-2024 Task 3: Multimodal Emotion Cause Analysis in Conversations |
2024-05-19T06:46:28Z | http://arxiv.org/pdf/2405.11465v1 | http://arxiv.org/abs/2405.11465v1 | Zhongxiang Sun, Kepu Zhang, Haoyu Wang, Xiao Zhang, Jun Xu | 2024-05-19T06:46:28Z | cs.CL | In-context learning has been extensively validated in large language models.
However, the mechanism and selection strategy for in-context example selection,
which is a crucial ingredient in this approach, lacks systematic and in-depth
research. In this paper, we propose a data compression approach to the
selection of in-context examples. We introduce a two-stage method that can
effectively choose relevant examples and retain sufficient information about
the training dataset within the in-context examples. Our method shows a
significant improvement of an average of 5.90% across five different real-world
datasets using four language models. | cs.CL | Effective In-Context Example Selection through Data Compression |
2024-05-19T06:43:12Z | http://arxiv.org/pdf/2405.11464v2 | http://arxiv.org/abs/2405.11464v2 | Pengxiang Lan, Enneng Yang, Yuting Liu, Guibing Guo, Linying Jiang, Jianzhe Zhao, Xingwei Wang | 2024-07-01T14:27:51Z | cs.CL, cs.AI, cs.LG | Prompt tuning is a promising method to fine-tune a pre-trained language model
without retraining its large-scale parameters. Instead, it attaches a soft
prompt to the input text, whereby downstream tasks can be well adapted by
merely learning the embeddings of prompt tokens. Nevertheless, existing methods
still suffer from two challenges: (i) they are hard to balance accuracy and
efficiency. A longer (shorter) soft prompt generally leads to a better(worse)
accuracy but at the cost of more (less) training time. (ii)The performance may
not be consistent when adapting to different downstream tasks. We attribute it
to the same embedding space but responsible for different requirements of
downstream tasks. To address these issues, we propose an Efficient Prompt
Tuning method (EPT) by multi-space projection and prompt fusion. Specifically,
it decomposes a given soft prompt into a shorter prompt and two low-rank
matrices, significantly reducing the training time. Accuracy is also enhanced
by leveraging low-rank matrices and the short prompt as additional knowledge
sources to enrich the semantics of the original short prompt. In addition, we
project the soft prompt into multiple subspaces to improve the performance
consistency, and then adaptively learn the combination weights of different
spaces through a gating network. Experiments on 13 natural language processing
downstream tasks show that our method significantly and consistently
outperforms 11 comparison methods with the relative percentage of improvements
up to 12.9%, and training time decreased by 14%. | cs.CL | Efficient Prompt Tuning by Multi-Space Projection and Prompt Fusion |
2024-05-19T06:30:22Z | http://arxiv.org/pdf/2405.11461v1 | http://arxiv.org/abs/2405.11461v1 | Gengchen Wei, Xinle Pang, Tianning Zhang, Yu Sun, Xun Qian, Chen Lin, Han-Sen Zhong, Wanli Ouyang | 2024-05-19T06:30:22Z | cs.IR, cs.AI, cs.CL | With over 200 million published academic documents and millions of new
documents being written each year, academic researchers face the challenge of
searching for information within this vast corpus. However, existing retrieval
systems struggle to understand the semantics and domain knowledge present in
academic papers. In this work, we demonstrate that by utilizing large language
models, a document retrieval system can achieve advanced semantic understanding
capabilities, significantly outperforming existing systems. Our approach
involves training the retriever and reranker using domain-specific data
generated by large language models. Additionally, we utilize large language
models to identify candidates from the references of retrieved papers to
further enhance the performance. We use a test set annotated by academic
researchers in the fields of quantum physics and computer vision to evaluate
our system's performance. The results show that DocReLM achieves a Top 10
accuracy of 44.12% in computer vision, compared to Google Scholar's 15.69%, and
an increase to 36.21% in quantum physics, while that of Google Scholar is
12.96%. | cs.IR | DocReLM: Mastering Document Retrieval with Language Model |
2024-05-19T06:00:36Z | http://arxiv.org/pdf/2405.11459v1 | http://arxiv.org/abs/2405.11459v1 | Hui Zheng, Hai-Teng Wang, Wei-Bang Jiang, Zhong-Tao Chen, Li He, Pei-Yang Lin, Peng-Hu Wei, Guo-Guang Zhao, Yun-Zhe Liu | 2024-05-19T06:00:36Z | eess.SP, cs.CL, q-bio.NC | Invasive brain-computer interfaces have garnered significant attention due to
their high performance. The current intracranial stereoElectroEncephaloGraphy
(sEEG) foundation models typically build univariate representations based on a
single channel. Some of them further use Transformer to model the relationship
among channels. However, due to the locality and specificity of brain
computation, their performance on more difficult tasks, e.g., speech decoding,
which demands intricate processing in specific brain regions, is yet to be
fully investigated. We hypothesize that building multi-variate representations
within certain brain regions can better capture the specific neural processing.
To explore this hypothesis, we collect a well-annotated Chinese word-reading
sEEG dataset, targeting language-related brain networks, over 12 subjects.
Leveraging this benchmark dataset, we developed the Du-IN model that can
extract contextual embeddings from specific brain regions through discrete
codebook-guided mask modeling. Our model achieves SOTA performance on the
downstream 61-word classification task, surpassing all baseline models. Model
comparison and ablation analysis reveal that our design choices, including (i)
multi-variate representation by fusing channels in vSMC and STG regions and
(ii) self-supervision by discrete codebook-guided mask modeling, significantly
contribute to these performances. Collectively, our approach, inspired by
neuroscience findings, capitalizing on multi-variate neural representation from
specific brain regions, is suitable for invasive brain modeling. It marks a
promising neuro-inspired AI approach in BCI. | eess.SP | Du-IN: Discrete units-guided mask modeling for decoding speech from Intracranial Neural signals |
2024-05-19T04:49:42Z | http://arxiv.org/pdf/2405.11446v1 | http://arxiv.org/abs/2405.11446v1 | Sanchit Sinha, Yuguang Yue, Victor Soto, Mayank Kulkarni, Jianhua Lu, Aidong Zhang | 2024-05-19T04:49:42Z | cs.CL, cs.LG | Adapting large language models (LLMs) to unseen tasks with in-context
training samples without fine-tuning remains an important research problem. To
learn a robust LLM that adapts well to unseen tasks, multiple meta-training
approaches have been proposed such as MetaICL and MetaICT, which involve
meta-training pre-trained LLMs on a wide variety of diverse tasks. These
meta-training approaches essentially perform in-context multi-task fine-tuning
and evaluate on a disjointed test set of tasks. Even though they achieve
impressive performance, their goal is never to compute a truly general set of
parameters. In this paper, we propose MAML-en-LLM, a novel method for
meta-training LLMs, which can learn truly generalizable parameters that not
only perform well on disjointed tasks but also adapts to unseen tasks. We see
an average increase of 2% on unseen domains in the performance while a massive
4% improvement on adaptation performance. Furthermore, we demonstrate that
MAML-en-LLM outperforms baselines in settings with limited amount of training
data on both seen and unseen domains by an average of 2%. Finally, we discuss
the effects of type of tasks, optimizers and task complexity, an avenue barely
explored in meta-training literature. Exhaustive experiments across 7 task
settings along with two data settings demonstrate that models trained with
MAML-en-LLM outperform SOTA meta-training approaches. | cs.CL | MAML-en-LLM: Model Agnostic Meta-Training of LLMs for Improved In-Context Learning |
2024-05-19T04:31:54Z | http://arxiv.org/pdf/2405.11441v1 | http://arxiv.org/abs/2405.11441v1 | Chiyu Zhang, Yifei Sun, Minghao Wu, Jun Chen, Jie Lei, Muhammad Abdul-Mageed, Rong Jin, Angli Liu, Ji Zhu, Sem Park, Ning Yao, Bo Long | 2024-05-19T04:31:54Z | cs.IR, cs.CL | Content-based recommendation systems play a crucial role in delivering
personalized content to users in the digital world. In this work, we introduce
EmbSum, a novel framework that enables offline pre-computations of users and
candidate items while capturing the interactions within the user engagement
history. By utilizing the pretrained encoder-decoder model and poly-attention
layers, EmbSum derives User Poly-Embedding (UPE) and Content Poly-Embedding
(CPE) to calculate relevance scores between users and candidate items. EmbSum
actively learns the long user engagement histories by generating user-interest
summary with supervision from large language model (LLM). The effectiveness of
EmbSum is validated on two datasets from different domains, surpassing
state-of-the-art (SoTA) methods with higher accuracy and fewer parameters.
Additionally, the model's ability to generate summaries of user interests
serves as a valuable by-product, enhancing its usefulness for personalized
content recommendations. | cs.IR | EmbSum: Leveraging the Summarization Capabilities of Large Language Models for Content-Based Recommendations |
2024-05-19T03:08:02Z | http://arxiv.org/pdf/2405.11430v1 | http://arxiv.org/abs/2405.11430v1 | Jianbo Dai, Jianqiao Lu, Yunlong Feng, Rongju Ruan, Ming Cheng, Haochen Tan, Zhijiang Guo | 2024-05-19T03:08:02Z | cs.CL | Recent advancements in large language models (LLMs) have greatly improved
code generation, specifically at the function level. For instance, GPT-4 has
achieved an 88.4% pass rate on HumanEval. However, this draws into question the
adequacy of existing benchmarks in thoroughly assessing function-level code
generation capabilities. Our study analyzed two common benchmarks, HumanEval
and MBPP, and found that these might not thoroughly evaluate LLMs' code
generation capacities due to limitations in quality, difficulty, and
granularity. To resolve this, we introduce the Mostly Hard Python Problems
(MHPP) dataset, consisting of 140 unique human-curated problems. By focusing on
the combination of natural language and code reasoning, MHPP gauges LLMs'
abilities to comprehend specifications and restrictions, engage in multi-step
reasoning, and apply coding knowledge effectively. Initial evaluations of 22
LLMs using MHPP showed many high-performing models on HumanEval failed to
achieve similar success on MHPP. Moreover, MHPP highlighted various previously
undiscovered limitations within various LLMs, leading us to believe that it
could pave the way for a better understanding of LLMs' capabilities and
limitations. Dataset and code are available at
https://github.com/SparksofAGI/MHPP. | cs.CL | MHPP: Exploring the Capabilities and Limitations of Language Models Beyond Basic Code Generation |
2024-05-19T02:09:50Z | http://arxiv.org/pdf/2405.11424v2 | http://arxiv.org/abs/2405.11424v2 | Manuel E. Lladser, Alexander J. Paradise | 2024-06-27T04:41:07Z | cs.DM, cs.CL, math.CO, math.PR, 05C12, 60C05, 68R05, 68R12, 46B85, 33D90, 68T50, G.2; G.3; E.4; G.2.1; G.2.2 | A subset of points in a metric space is said to resolve it if each point in
the space is uniquely characterized by its distance to each point in the
subset. In particular, resolving sets can be used to represent points in
abstract metric spaces as Euclidean vectors. Importantly, due to the triangle
inequality, points close by in the space are represented as vectors with
similar coordinates, which may find applications in classification problems of
symbolic objects under suitably chosen metrics. In this manuscript, we address
the resolvability of Jaccard spaces, i.e., metric spaces of the form
$(2^X,\text{Jac})$, where $2^X$ is the power set of a finite set $X$, and
$\text{Jac}$ is the Jaccard distance between subsets of $X$. Specifically, for
different $a,b\in 2^X$, $\text{Jac}(a,b)=|a\Delta b|/|a\cup b|$, where
$|\cdot|$ denotes size (i.e., cardinality) and $\Delta$ denotes the symmetric
difference of sets. We combine probabilistic and linear algebra arguments to
construct highly likely but nearly optimal (i.e., of minimal size) resolving
sets of $(2^X,\text{Jac})$. In particular, we show that the metric dimension of
$(2^X,\text{Jac})$, i.e., the minimum size of a resolving set of this space, is
$\Theta(|X|/\ln|X|)$. In addition, we show that a much smaller subset of $2^X$
suffices to resolve, with high probability, all different pairs of subsets of
$X$ of cardinality at most $\sqrt{|X|}/\ln|X|$, up to a factor. | cs.DM | Metric Dimension and Resolvability of Jaccard Spaces |
2024-05-19T01:43:52Z | http://arxiv.org/pdf/2405.11422v1 | http://arxiv.org/abs/2405.11422v1 | William M. Hayes, Nicolas Yax, Stefano Palminteri | 2024-05-19T01:43:52Z | cs.CL, cs.AI, cs.LG | In-context learning enables large language models (LLMs) to perform a variety
of tasks, including learning to make reward-maximizing choices in simple bandit
tasks. Given their potential use as (autonomous) decision-making agents, it is
important to understand how these models perform such reinforcement learning
(RL) tasks and the extent to which they are susceptible to biases. Motivated by
the fact that, in humans, it has been widely documented that the value of an
outcome depends on how it compares to other local outcomes, the present study
focuses on whether similar value encoding biases apply to how LLMs encode
rewarding outcomes. Results from experiments with multiple bandit tasks and
models show that LLMs exhibit behavioral signatures of a relative value bias.
Adding explicit outcome comparisons to the prompt produces opposing effects on
performance, enhancing maximization in trained choice sets but impairing
generalization to new choice sets. Computational cognitive modeling reveals
that LLM behavior is well-described by a simple RL algorithm that incorporates
relative values at the outcome encoding stage. Lastly, we present preliminary
evidence that the observed biases are not limited to fine-tuned LLMs, and that
relative value processing is detectable in the final hidden layer activations
of a raw, pretrained model. These findings have important implications for the
use of LLMs in decision-making applications. | cs.CL | Large Language Models are Biased Reinforcement Learners |
2024-05-18T22:43:44Z | http://arxiv.org/pdf/2405.11407v2 | http://arxiv.org/abs/2405.11407v2 | Nikil Sharan Prabahar Balasubramanian, Sagnik Dakshit | 2024-06-26T01:12:11Z | cs.CL | Advancements in deep learning have generated a large-scale interest in the
development of foundational deep learning models. The development of Large
Language Models (LLM) has evolved as a transformative paradigm in
conversational tasks, which has led to its integration and extension even in
the critical domain of healthcare. With LLMs becoming widely popular and their
public access through open-source models and integration with other
applications, there is a need to investigate their potential and limitations.
One such crucial task where LLMs are applied but require a deeper understanding
is that of self-diagnosis of medical conditions based on bias-validating
symptoms in the interest of public health. The widespread integration of Gemini
with Google search and GPT-4.0 with Bing search has led to a shift in the trend
of self-diagnosis using search engines to conversational LLM models. Owing to
the critical nature of the task, it is prudent to investigate and understand
the potential and limitations of public LLMs in the task of self-diagnosis. In
this study, we prepare a prompt engineered dataset of 10000 samples and test
the performance on the general task of self-diagnosis. We compared the
performance of both the state-of-the-art GPT-4.0 and the fee Gemini model on
the task of self-diagnosis and recorded contrasting accuracies of 63.07% and
6.01%, respectively. We also discuss the challenges, limitations, and potential
of both Gemini and GPT-4.0 for the task of self-diagnosis to facilitate future
research and towards the broader impact of general public knowledge.
Furthermore, we demonstrate the potential and improvement in performance for
the task of self-diagnosis using Retrieval Augmented Generation. | cs.CL | Can Public LLMs be used for Self-Diagnosis of Medical Conditions ? |
2024-05-18T22:23:07Z | http://arxiv.org/pdf/2405.13046v1 | http://arxiv.org/abs/2405.13046v1 | Victor Agostinelli, Sanghyun Hong, Lizhong Chen | 2024-05-18T22:23:07Z | cs.CL, cs.LG | A promising approach to preserving model performance in linearized
transformers is to employ position-based re-weighting functions. However,
state-of-the-art re-weighting functions rely heavily on target sequence
lengths, making it difficult or impossible to apply them to autoregressive and
simultaneous tasks, where the target and sometimes even the input sequence
length are unknown. To address this issue, we propose Learned Proportions
(LeaP) and LeaPformers. Our contribution is built on two major components.
First, we generalize the dependence on explicit positional representations and
sequence lengths into dependence on sequence proportions for re-weighting.
Second, we replace static positional representations with dynamic proportions
derived via a compact module, enabling more flexible attention concentration
patterns. We evaluate LeaPformer against eight representative efficient
transformers on the Long-Range Arena benchmark, showing that LeaPformer
achieves the best quality-throughput trade-off, as well as LeaPformer to
Wikitext-103 autoregressive language modeling and simultaneous speech-to-text
translation for two language pairs, achieving competitive results. | cs.CL | LeaPformer: Enabling Linear Transformers for Autoregressive and Simultaneous Tasks via Learned Proportions |
2024-05-18T22:10:15Z | http://arxiv.org/pdf/2405.11403v1 | http://arxiv.org/abs/2405.11403v1 | Md. Ashraful Islam, Mohammed Eunus Ali, Md Rizwan Parvez | 2024-05-18T22:10:15Z | cs.CL, cs.AI | Code synthesis, which requires a deep understanding of complex natural
language problem descriptions, generation of code instructions for complex
algorithms and data structures, and the successful execution of comprehensive
unit tests, presents a significant challenge. While large language models
(LLMs) demonstrate impressive proficiency in natural language processing, their
performance in code generation tasks remains limited. In this paper, we
introduce a new approach to code generation tasks leveraging multi-agent
prompting that uniquely replicates the full cycle of program synthesis as
observed in human developers. Our framework, MapCoder, consists of four LLM
agents specifically designed to emulate the stages of this cycle: recalling
relevant examples, planning, code generation, and debugging. After conducting
thorough experiments, with multiple LLM ablations and analyses across eight
challenging competitive problem-solving and program synthesis benchmarks,
MapCoder showcases remarkable code generation capabilities, achieving new
state-of-the-art results (pass@1) on HumanEval (93.9%), MBPP (83.1%), APPS
(22.0%), CodeContests (28.5%), and xCodeEval (45.3%). Moreover, our method
consistently delivers superior performance across various programming languages
and varying problem difficulties. We open-source our framework at
https://github.com/Md-Ashraful-Pramanik/MapCoder. | cs.CL | MapCoder: Multi-Agent Code Generation for Competitive Problem Solving |
2024-05-18T18:08:58Z | http://arxiv.org/pdf/2405.11357v2 | http://arxiv.org/abs/2405.11357v2 | Andrew Shin, Kunitake Kaneko | 2024-06-19T16:58:14Z | cs.CL | Large language models (LLMs) have demonstrated remarkable performances on a
wide range of natural language tasks. Yet, LLMs' successes have been largely
restricted to tasks concerning words, sentences, or documents, and it remains
questionable how much they understand the minimal units of text, namely
characters. In this paper, we examine contemporary LLMs regarding their ability
to understand character composition of words, and show that most of them fail
to reliably carry out even the simple tasks that can be handled by humans with
perfection. We analyze their behaviors with comparison to token level
performances, and discuss the potential directions for future research. | cs.CL | Large Language Models Lack Understanding of Character Composition of Words |
2024-05-18T14:12:04Z | http://arxiv.org/pdf/2405.11301v1 | http://arxiv.org/abs/2405.11301v1 | Canshi Wei | 2024-05-18T14:12:04Z | cs.CL, cs.CV | Fine-grained image classification, particularly in zero/few-shot scenarios,
presents a significant challenge for vision-language models (VLMs), such as
CLIP. These models often struggle with the nuanced task of distinguishing
between semantically similar classes due to limitations in their pre-trained
recipe, which lacks supervision signals for fine-grained categorization. This
paper introduces CascadeVLM, an innovative framework that overcomes the
constraints of previous CLIP-based methods by effectively leveraging the
granular knowledge encapsulated within large vision-language models (LVLMs).
Experiments across various fine-grained image datasets demonstrate that
CascadeVLM significantly outperforms existing models, specifically on the
Stanford Cars dataset, achieving an impressive 85.6% zero-shot accuracy.
Performance gain analysis validates that LVLMs produce more accurate
predictions for challenging images that CLIPs are uncertain about, bringing the
overall accuracy boost. Our framework sheds light on a holistic integration of
VLMs and LVLMs for effective and efficient fine-grained image classification. | cs.CL | Enhancing Fine-Grained Image Classifications via Cascaded Vision Language Models |
2024-05-18T14:06:53Z | http://arxiv.org/pdf/2406.00010v1 | http://arxiv.org/abs/2406.00010v1 | Kamalkumar Rathinasamy, Jayarama Nettar, Amit Kumar, Vishal Manchanda, Arun Vijayakumar, Ayush Kataria, Venkateshprasanna Manjunath, Chidambaram GS, Jaskirat Singh Sodhi, Shoeb Shaikh, Wasim Akhtar Khan, Prashant Singh, Tanishq Dattatray Ige, Vipin Tiwari, Rajab Ali Mondal, Harshini K, S Reka, Chetana Amancharla, Faiz ur Rahman, Harikrishnan P A, Indraneel Saha, Bhavya Tiwary, Navin Shankar Patel, Pradeep T S, Balaji A J, Priyapravas, Mohammed Rafee Tarafdar | 2024-05-18T14:06:53Z | cs.IR, cs.CL, I.2.7 | Enterprises grapple with the significant challenge of managing proprietary
unstructured data, hindering efficient information retrieval. This has led to
the emergence of AI-driven information retrieval solutions, designed to adeptly
extract relevant insights to address employee inquiries. These solutions often
leverage pre-trained embedding models and generative models as foundational
components. While pre-trained embeddings may exhibit proximity or disparity
based on their original training objectives, they might not fully align with
the unique characteristics of enterprise-specific data, leading to suboptimal
alignment with the retrieval goals of enterprise environments. In this paper,
we propose a methodology to fine-tune pre-trained embedding models specifically
for enterprise environments. By adapting the embeddings to better suit the
retrieval tasks prevalent in enterprises, we aim to enhance the performance of
information retrieval solutions. We discuss the process of fine-tuning, its
effect on retrieval accuracy, and the potential benefits for enterprise
information management. Our findings demonstrate the efficacy of fine-tuned
embedding models in improving the precision and relevance of search results in
enterprise settings. | cs.IR | EnterpriseEM: Fine-tuned Embeddings for Enterprise Semantic Search |
2024-05-18T13:51:27Z | http://arxiv.org/pdf/2405.11297v1 | http://arxiv.org/abs/2405.11297v1 | Euna Jung, Jaeill Kim, Jungmin Ko, Jinwoo Park, Wonjong Rhee | 2024-05-18T13:51:27Z | cs.CL | The latest advancements in unsupervised learning of sentence embeddings
predominantly involve employing contrastive learning-based (CL-based)
fine-tuning over pre-trained language models. In this study, we analyze the
latest sentence embedding methods by adopting representation rank as the
primary tool of analysis. We first define Phase 1 and Phase 2 of fine-tuning
based on when representation rank peaks. Utilizing these phases, we conduct a
thorough analysis and obtain essential findings across key aspects, including
alignment and uniformity, linguistic abilities, and correlation between
performance and rank. For instance, we find that the dynamics of the key
aspects can undergo significant changes as fine-tuning transitions from Phase 1
to Phase 2. Based on these findings, we experiment with a rank reduction (RR)
strategy that facilitates rapid and stable fine-tuning of the latest CL-based
methods. Through empirical investigations, we showcase the efficacy of RR in
enhancing the performance and stability of five state-of-the-art sentence
embedding methods. | cs.CL | Unveiling Key Aspects of Fine-Tuning in Sentence Embeddings: A Representation Rank Analysis |
2024-05-18T13:31:12Z | http://arxiv.org/pdf/2405.11290v3 | http://arxiv.org/abs/2405.11290v3 | Shaina Raza, Ananya Raval, Veronica Chatrath | 2024-06-28T16:35:15Z | cs.CL | The deployment of Large Language Models (LLMs) in diverse applications
necessitates an assurance of safety without compromising the contextual
integrity of the generated content. Traditional approaches, including
safety-specific fine-tuning or adversarial testing, often yield safe outputs at
the expense of contextual meaning. This can result in a diminished capacity to
handle nuanced aspects of bias and toxicity, such as underrepresentation or
negative portrayals across various demographics. To address these challenges,
we introduce MBIAS, an LLM framework carefully instruction fine-tuned on a
custom dataset designed specifically for safety interventions. MBIAS is
designed to significantly reduce biases and toxic elements in LLM outputs while
preserving the main information. This work also details our further use of
LLMs: as annotator under human supervision and as evaluator of generated
content. Empirical analysis reveals that MBIAS achieves a reduction in bias and
toxicity by over 30\% in standard evaluations, and by more than 90\% in diverse
demographic tests, highlighting the robustness of our approach. We make the
dataset and the fine-tuned model available to the research community for
further investigation and ensure reproducibility. The code for this project can
be accessed here https://github.com/shainarazavi/MBIAS/tree/main.
Warning: This paper contains examples that may be offensive or upsetting. | cs.CL | MBIAS: Mitigating Bias in Large Language Models While Retaining Context |
2024-05-18T12:58:02Z | http://arxiv.org/pdf/2405.11282v3 | http://arxiv.org/abs/2405.11282v3 | Amr Keleg, Walid Magdy, Sharon Goldwater | 2024-06-06T20:32:45Z | cs.CL, cs.AI | On annotating multi-dialect Arabic datasets, it is common to randomly assign
the samples across a pool of native Arabic speakers. Recent analyses
recommended routing dialectal samples to native speakers of their respective
dialects to build higher-quality datasets. However, automatically identifying
the dialect of samples is hard. Moreover, the pool of annotators who are native
speakers of specific Arabic dialects might be scarce. Arabic Level of
Dialectness (ALDi) was recently introduced as a quantitative variable that
measures how sentences diverge from Standard Arabic. On randomly assigning
samples to annotators, we hypothesize that samples of higher ALDi scores are
harder to label especially if they are written in dialects that the annotators
do not speak. We test this by analyzing the relation between ALDi scores and
the annotators' agreement, on 15 public datasets having raw individual sample
annotations for various sentence-classification tasks. We find strong evidence
supporting our hypothesis for 11 of them. Consequently, we recommend
prioritizing routing samples of high ALDi scores to native speakers of each
sample's dialect, for which the dialect could be automatically identified at
higher accuracies. | cs.CL | Estimating the Level of Dialectness Predicts Interannotator Agreement in Multi-dialect Arabic Datasets |
2024-05-18T12:26:31Z | http://arxiv.org/pdf/2405.11277v2 | http://arxiv.org/abs/2405.11277v2 | Ning Shi, Zijun Wu | 2024-07-01T23:23:41Z | cs.CL, cs.AI, cs.LG | Recent studies have demonstrated the potential to control paraphrase
generation, such as through syntax, which has broad applications in various
downstream tasks. However, these methods often require detailed parse trees or
syntactic exemplars, countering human-like paraphrasing behavior in language
use. Furthermore, an inference gap exists, as control specifications are only
available during training but not during inference. In this work, we propose a
new setup for controlled paraphrase generation. Specifically, we represent user
intent as action tokens, embedding and concatenating them with text embeddings,
thus flowing together into a self-attention encoder for representation fusion.
To address the inference gap, we introduce an optional action token as a
placeholder that encourages the model to determine the appropriate action
independently when users' intended actions are not provided. Experimental
results show that our method successfully enables precise action-controlled
paraphrasing and preserves or even enhances performance compared to
conventional uncontrolled methods when actions are not given. Our findings
promote the concept of action-controlled paraphrasing for a more user-centered
design. | cs.CL | Action Controlled Paraphrasing |
2024-05-18T12:16:01Z | http://arxiv.org/pdf/2405.11273v1 | http://arxiv.org/abs/2405.11273v1 | Yunxin Li, Shenyuan Jiang, Baotian Hu, Longyue Wang, Wanqi Zhong, Wenhan Luo, Lin Ma, Min Zhang | 2024-05-18T12:16:01Z | cs.AI, cs.CL, cs.CV, cs.MM | Recent advancements in Multimodal Large Language Models (MLLMs) underscore
the significance of scalable models and data to boost performance, yet this
often incurs substantial computational costs. Although the Mixture of Experts
(MoE) architecture has been employed to efficiently scale large language and
image-text models, these efforts typically involve fewer experts and limited
modalities. To address this, our work presents the pioneering attempt to
develop a unified MLLM with the MoE architecture, named Uni-MoE that can handle
a wide array of modalities. Specifically, it features modality-specific
encoders with connectors for a unified multimodal representation. We also
implement a sparse MoE architecture within the LLMs to enable efficient
training and inference through modality-level data parallelism and expert-level
model parallelism. To enhance the multi-expert collaboration and
generalization, we present a progressive training strategy: 1) Cross-modality
alignment using various connectors with different cross-modality data, 2)
Training modality-specific experts with cross-modality instruction data to
activate experts' preferences, and 3) Tuning the Uni-MoE framework utilizing
Low-Rank Adaptation (LoRA) on mixed multimodal instruction data. We evaluate
the instruction-tuned Uni-MoE on a comprehensive set of multimodal datasets.
The extensive experimental results demonstrate Uni-MoE's principal advantage of
significantly reducing performance bias in handling mixed multimodal datasets,
alongside improved multi-expert collaboration and generalization. Our findings
highlight the substantial potential of MoE frameworks in advancing MLLMs and
the code is available at
https://github.com/HITsz-TMG/UMOE-Scaling-Unified-Multimodal-LLMs. | cs.AI | Uni-MoE: Scaling Unified Multimodal LLMs with Mixture of Experts |
2024-05-18T11:31:03Z | http://arxiv.org/pdf/2405.11265v1 | http://arxiv.org/abs/2405.11265v1 | Yu Huang, Liang Guo, Wanqian Guo, Zhe Tao, Yang Lv, Zhihao Sun, Dongfang Zhao | 2024-05-18T11:31:03Z | cs.CL, cs.AI | In the field of environmental science, it is crucial to have robust
evaluation metrics for large language models to ensure their efficacy and
accuracy. We propose EnviroExam, a comprehensive evaluation method designed to
assess the knowledge of large language models in the field of environmental
science. EnviroExam is based on the curricula of top international
universities, covering undergraduate, master's, and doctoral courses, and
includes 936 questions across 42 core courses. By conducting 0-shot and 5-shot
tests on 31 open-source large language models, EnviroExam reveals the
performance differences among these models in the domain of environmental
science and provides detailed evaluation standards. The results show that 61.3%
of the models passed the 5-shot tests, while 48.39% passed the 0-shot tests. By
introducing the coefficient of variation as an indicator, we evaluate the
performance of mainstream open-source large language models in environmental
science from multiple perspectives, providing effective criteria for selecting
and fine-tuning language models in this field. Future research will involve
constructing more domain-specific test sets using specialized environmental
science textbooks to further enhance the accuracy and specificity of the
evaluation. | cs.CL | EnviroExam: Benchmarking Environmental Science Knowledge of Large Language Models |
2024-05-18T11:29:19Z | http://arxiv.org/pdf/2405.11264v1 | http://arxiv.org/abs/2405.11264v1 | Gargi Sathe, Aneesh Shamraj, Aditya Surve, Nahush Patil, Kumkum Saxena | 2024-05-18T11:29:19Z | cs.CL, cs.LG | This paper presents an evaluation of the mathematical capability of ChatGPT
across diverse languages like Hindi, Gujarati, and Marathi. ChatGPT, based on
GPT-3.5 by OpenAI, has garnered significant attention for its natural language
understanding and generation abilities. However, its performance in solving
mathematical problems across multiple natural languages remains a comparatively
unexplored area, especially in regional Indian languages. In this paper, we
explore those capabilities as well as using chain-of-thought prompting to
figure out if it increases the accuracy of responses as much as it does in the
English language and provide insights into the current limitations. | cs.CL | Cross-Language Assessment of Mathematical Capability of ChatGPT |
2024-05-18T10:56:45Z | http://arxiv.org/pdf/2405.11255v1 | http://arxiv.org/abs/2405.11255v1 | Hendrik Damm, Tabea M. G. Pakull, Bahadır Eryılmaz, Helmut Becker, Ahmad Idrissi-Yaghir, Henning Schäfer, Sergej Schultenkämper, Christoph M. Friedrich | 2024-05-18T10:56:45Z | cs.CL, cs.LG | This study aims to leverage state of the art language models to automate
generating the "Brief Hospital Course" and "Discharge Instructions" sections of
Discharge Summaries from the MIMIC-IV dataset, reducing clinicians'
administrative workload. We investigate how automation can improve
documentation accuracy, alleviate clinician burnout, and enhance operational
efficacy in healthcare facilities. This research was conducted within our
participation in the Shared Task Discharge Me! at BioNLP @ ACL 2024. Various
strategies were employed, including few-shot learning, instruction tuning, and
Dynamic Expert Selection (DES), to develop models capable of generating the
required text sections. Notably, utilizing an additional clinical
domain-specific dataset demonstrated substantial potential to enhance clinical
language processing. The DES method, which optimizes the selection of text
outputs from multiple predictions, proved to be especially effective. It
achieved the highest overall score of 0.332 in the competition, surpassing
single-model outputs. This finding suggests that advanced deep learning methods
in combination with DES can effectively automate parts of electronic health
record documentation. These advancements could enhance patient care by freeing
clinician time for patient interactions. The integration of text selection
strategies represents a promising avenue for further research. | cs.CL | WisPerMed at "Discharge Me!": Advancing Text Generation in Healthcare with Large Language Models, Dynamic Expert Selection, and Priming Techniques on MIMIC-IV |
2024-05-18T10:06:55Z | http://arxiv.org/pdf/2405.13044v1 | http://arxiv.org/abs/2405.13044v1 | Yikyung Kim, Jay-Yoon Lee | 2024-05-18T10:06:55Z | cs.CL, cs.AI, cs.IR, cs.LG | Measuring a machine's understanding of human language often involves
assessing its reasoning skills, i.e. logical process of deriving answers to
questions. While recent language models have shown remarkable proficiency in
text based tasks, their efficacy in complex reasoning problems involving
heterogeneous information such as text, tables, and numbers remain uncertain.
Addressing this gap, FinQA introduced a numerical reasoning dataset for
financial documents and simultaneously proposed a program generation approach .
Our investigation reveals that half of the errors (48%) stem from incorrect
operations being generated. To address this issue, we propose a novel approach
to tackle numerical reasoning problems using case based reasoning (CBR), an
artificial intelligence paradigm that provides problem solving guidance by
offering similar cases (i.e. similar questions and corresponding logical
programs). Our model retrieves relevant cases to address a given question, and
then generates an answer based on the retrieved cases and contextual
information. Through experiments on the FinQA dataset, we demonstrate
competitive performance of our approach and additionally show that by expanding
case repository, we can help solving complex multi step programs which FinQA
showed weakness of. | cs.CL | Case-Based Reasoning Approach for Solving Financial Question Answering |
2024-05-18T08:32:37Z | http://arxiv.org/pdf/2405.11227v1 | http://arxiv.org/abs/2405.11227v1 | Biao Yi, Sishuo Chen, Yiming Li, Tong Li, Baolei Zhang, Zheli Liu | 2024-05-18T08:32:37Z | cs.CR, cs.CL | Backdoor attacks pose an increasingly severe security threat to Deep Neural
Networks (DNNs) during their development stage. In response, backdoor sample
purification has emerged as a promising defense mechanism, aiming to eliminate
backdoor triggers while preserving the integrity of the clean content in the
samples. However, existing approaches have been predominantly focused on the
word space, which are ineffective against feature-space triggers and
significantly impair performance on clean data. To address this, we introduce a
universal backdoor defense that purifies backdoor samples in the activation
space by drawing abnormal activations towards optimized minimum clean
activation distribution intervals. The advantages of our approach are twofold:
(1) By operating in the activation space, our method captures from
surface-level information like words to higher-level semantic concepts such as
syntax, thus counteracting diverse triggers; (2) the fine-grained continuous
nature of the activation space allows for more precise preservation of clean
content while removing triggers. Furthermore, we propose a detection module
based on statistical information of abnormal activations, to achieve a better
trade-off between clean accuracy and defending performance. | cs.CR | BadActs: A Universal Backdoor Defense in the Activation Space |
2024-05-18T08:05:05Z | http://arxiv.org/pdf/2405.11222v1 | http://arxiv.org/abs/2405.11222v1 | Claudiu Creanga, Liviu P. Dinu | 2024-05-18T08:05:05Z | cs.CL | This paper outlines the approach of the ISDS-NLP team in the SemEval 2024
Task 10: Emotion Discovery and Reasoning its Flip in Conversation (EDiReF). For
Subtask 1 we obtained a weighted F1 score of 0.43 and placed 12 in the
leaderboard. We investigate two distinct approaches: Masked Language Modeling
(MLM) and Causal Language Modeling (CLM). For MLM, we employ pre-trained
BERT-like models in a multilingual setting, fine-tuning them with a classifier
to predict emotions. Experiments with varying input lengths, classifier
architectures, and fine-tuning strategies demonstrate the effectiveness of this
approach. Additionally, we utilize Mistral 7B Instruct V0.2, a state-of-the-art
model, applying zero-shot and few-shot prompting techniques. Our findings
indicate that while Mistral shows promise, MLMs currently outperform them in
sentence-level emotion classification. | cs.CL | Transformer based neural networks for emotion recognition in conversations |
2024-05-18T07:50:43Z | http://arxiv.org/pdf/2405.11219v1 | http://arxiv.org/abs/2405.11219v1 | Anthony Hughes, Xingyi Song | 2024-05-18T07:50:43Z | cs.CL, cs.SI | Evidence-based medicine is the practice of making medical decisions that
adhere to the latest, and best known evidence at that time. Currently, the best
evidence is often found in the form of documents, such as randomized control
trials, meta-analyses and systematic reviews. This research focuses on aligning
medical claims made on social media platforms with this medical evidence. By
doing so, individuals without medical expertise can more effectively assess the
veracity of such medical claims. We study three core tasks: identifying medical
claims, extracting medical vocabulary from these claims, and retrieving
evidence relevant to those identified medical claims. We propose a novel system
that can generate synthetic medical claims to aid each of these core tasks. We
additionally introduce a novel dataset produced by our synthetic generator
that, when applied to these tasks, demonstrates not only a more flexible and
holistic approach, but also an improvement in all comparable metrics. We make
our dataset, the Expansive Medical Claim Corpus (EMCC), available at
https://zenodo.org/records/8321460 | cs.CL | Identifying and Aligning Medical Claims Made on Social Media with Medical Evidence |
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.