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-01-09T16:27:28Z | http://arxiv.org/pdf/2401.04658v2 | http://arxiv.org/abs/2401.04658v2 | Zhen Qin, Weigao Sun, Dong Li, Xuyang Shen, Weixuan Sun, Yiran Zhong | 2024-01-15T14:57:29Z | cs.CL, cs.AI | Linear attention is an efficient attention mechanism that has recently
emerged as a promising alternative to conventional softmax attention. With its
ability to process tokens in linear computational complexities, linear
attention, in theory, can handle sequences of unlimited length without
sacrificing speed, i.e., maintaining a constant training speed for various
sequence lengths with a fixed memory consumption. However, due to the issue
with cumulative summation (cumsum), current linear attention algorithms cannot
demonstrate their theoretical advantage in a causal setting. In this paper, we
present Lightning Attention-2, the first linear attention implementation that
enables linear attention to realize its theoretical computational benefits. To
achieve this, we leverage the thought of tiling, separately handling the
intra-block and inter-block components in linear attention calculation.
Specifically, we utilize the conventional attention computation mechanism for
the intra-blocks and apply linear attention kernel tricks for the inter-blocks.
A tiling technique is adopted through both forward and backward procedures to
take full advantage of the GPU hardware. We implement our algorithm in Triton
to make it IO-aware and hardware-friendly. Various experiments are conducted on
different model sizes and sequence lengths. Lightning Attention-2 retains
consistent training and inference speed regardless of input sequence length and
is significantly faster than other attention mechanisms. The source code is
available at https://github.com/OpenNLPLab/lightning-attention. | cs.CL | Lightning Attention-2: A Free Lunch for Handling Unlimited Sequence Lengths in Large Language Models |
2024-01-09T16:25:31Z | http://arxiv.org/pdf/2401.04655v1 | http://arxiv.org/abs/2401.04655v1 | Abu Bakar Siddiqur Rahman, Hoang-Thang Ta, Lotfollah Najjar, Azad Azadmanesh, Ali Saffet Gönül | 2024-01-09T16:25:31Z | cs.CL | Emotions are integral to human social interactions, with diverse responses
elicited by various situational contexts. Particularly, the prevalence of
negative emotional states has been correlated with negative outcomes for mental
health, necessitating a comprehensive analysis of their occurrence and impact
on individuals. In this paper, we introduce a novel dataset named DepressionEmo
designed to detect 8 emotions associated with depression by 6037 examples of
long Reddit user posts. This dataset was created through a majority vote over
inputs by zero-shot classifications from pre-trained models and validating the
quality by annotators and ChatGPT, exhibiting an acceptable level of interrater
reliability between annotators. The correlation between emotions, their
distribution over time, and linguistic analysis are conducted on DepressionEmo.
Besides, we provide several text classification methods classified into two
groups: machine learning methods such as SVM, XGBoost, and Light GBM; and deep
learning methods such as BERT, GAN-BERT, and BART. The pretrained BART model,
bart-base allows us to obtain the highest F1- Macro of 0.76, showing its
outperformance compared to other methods evaluated in our analysis. Across all
emotions, the highest F1-Macro value is achieved by suicide intent, indicating
a certain value of our dataset in identifying emotions in individuals with
depression symptoms through text analysis. The curated dataset is publicly
available at: https://github.com/abuBakarSiddiqurRahman/DepressionEmo. | cs.CL | DepressionEmo: A novel dataset for multilabel classification of depression emotions |
2024-01-09T16:05:47Z | http://arxiv.org/pdf/2401.04637v1 | http://arxiv.org/abs/2401.04637v1 | Gabriel Aracena, Kyle Luster, Fabio Santos, Igor Steinmacher, Marco A. Gerosa | 2024-01-09T16:05:47Z | cs.SE, cs.AI, cs.CL, cs.LG | Effective prioritization of issue reports is crucial in software engineering
to optimize resource allocation and address critical problems promptly.
However, the manual classification of issue reports for prioritization is
laborious and lacks scalability. Alternatively, many open source software (OSS)
projects employ automated processes for this task, albeit relying on
substantial datasets for adequate training. This research seeks to devise an
automated approach that ensures reliability in issue prioritization, even when
trained on smaller datasets. Our proposed methodology harnesses the power of
Generative Pre-trained Transformers (GPT), recognizing their potential to
efficiently handle this task. By leveraging the capabilities of such models, we
aim to develop a robust system for prioritizing issue reports accurately,
mitigating the necessity for extensive training data while maintaining
reliability. In our research, we have developed a reliable GPT-based approach
to accurately label and prioritize issue reports with a reduced training
dataset. By reducing reliance on massive data requirements and focusing on
few-shot fine-tuning, our methodology offers a more accessible and efficient
solution for issue prioritization in software engineering. Our model predicted
issue types in individual projects up to 93.2% in precision, 95% in recall, and
89.3% in F1-score. | cs.SE | Applying Large Language Models API to Issue Classification Problem |
2024-01-09T15:46:38Z | http://arxiv.org/pdf/2401.04621v3 | http://arxiv.org/abs/2401.04621v3 | Runchu Tian, Yining Ye, Yujia Qin, Xin Cong, Yankai Lin, Yinxu Pan, Yesai Wu, Haotian Hui, Weichuan Liu, Zhiyuan Liu, Maosong Sun | 2024-06-06T06:10:00Z | cs.SE, cs.AI, cs.CL | Large Language Models (LLMs) have demonstrated exceptional coding capability.
However, as another critical component of programming proficiency, the
debugging capability of LLMs remains relatively unexplored. Previous
evaluations of LLMs' debugging ability are significantly limited by the risk of
data leakage, the scale of the dataset, and the variety of tested bugs. To
overcome these deficiencies, we introduce `DebugBench', an LLM debugging
benchmark consisting of 4,253 instances. It covers four major bug categories
and 18 minor types in C++, Java, and Python. To construct DebugBench, we
collect code snippets from the LeetCode community, implant bugs into source
data with GPT-4, and assure rigorous quality checks. We evaluate two commercial
and four open-source models in a zero-shot scenario. We find that (1) while
closed-source models exhibit inferior debugging performance compared to humans,
open-source models relatively lower pass rate scores; (2) the complexity of
debugging notably fluctuates depending on the bug category; (3) incorporating
runtime feedback has a clear impact on debugging performance which is not
always helpful. As an extension, we also compare LLM debugging and code
generation, revealing a strong correlation between them for closed-source
models. These findings will benefit the development of LLMs in debugging. | cs.SE | DebugBench: Evaluating Debugging Capability of Large Language Models |
2024-01-09T15:44:44Z | http://arxiv.org/pdf/2401.04620v4 | http://arxiv.org/abs/2401.04620v4 | Shimin Li, Tianxiang Sun, Qinyuan Cheng, Xipeng Qiu | 2024-02-20T03:24:55Z | cs.CL, cs.AI | Agents based on Large Language Models (LLMs) are increasingly permeating
various domains of human production and life, highlighting the importance of
aligning them with human values. The current alignment of AI systems primarily
focuses on passively aligning LLMs through human intervention. However, agents
possess characteristics like receiving environmental feedback and
self-evolution, rendering the LLM alignment methods inadequate. In response, we
propose an evolutionary framework for agent evolution and alignment, named
EvolutionaryAgent, which transforms agent alignment into a process of evolution
and selection under the principle of survival of the fittest. In an environment
where social norms continuously evolve, agents better adapted to the current
social norms will have a higher probability of survival and proliferation,
while those inadequately aligned dwindle over time. Experimental results
assessing the agents from multiple perspectives in aligning with social norms
demonstrate that EvolutionaryAgent can align progressively better with the
evolving social norms while maintaining its proficiency in general tasks.
Effectiveness tests conducted on various open and closed-source LLMs as the
foundation for agents also prove the applicability of our approach. | cs.CL | Agent Alignment in Evolving Social Norms |
2024-01-09T15:40:54Z | http://arxiv.org/pdf/2401.04619v1 | http://arxiv.org/abs/2401.04619v1 | Selva Kumar S, Afifah Khan Mohammed Ajmal Khan, Chirag Manjeshwar, Imadh Ajaz Banday | 2024-01-09T15:40:54Z | cs.CL, C.m; I.2 | In the contemporary digital era, the Internet functions as an unparalleled
catalyst, dismantling geographical and linguistic barriers particularly evident
in texting. This evolution facilitates global communication, transcending
physical distances and fostering dynamic cultural exchange. A notable trend is
the widespread use of transliteration, where the English alphabet is employed
to convey messages in native languages, posing a unique challenge for language
technology in accurately detecting the source language. This paper addresses
this challenge through a dataset of phone text messages in Hindi and Russian
transliterated into English utilizing BERT for language classification and
Google Translate API for transliteration conversion. The research pioneers
innovative approaches to identify and convert transliterated text, navigating
challenges in the diverse linguistic landscape of digital communication.
Emphasizing the pivotal role of comprehensive datasets for training Large
Language Models LLMs like BERT, our model showcases exceptional proficiency in
accurately identifying and classifying languages from transliterated text. With
a validation accuracy of 99% our models robust performance underscores its
reliability. The comprehensive exploration of transliteration dynamics
supported by innovative approaches and cutting edge technologies like BERT,
positions our research at the forefront of addressing unique challenges in the
linguistic landscape of digital communication. Beyond contributing to language
identification and transliteration capabilities this work holds promise for
applications in content moderation, analytics and fostering a globally
connected community engaged in meaningful dialogue. | cs.CL | Language Detection for Transliterated Content |
2024-01-09T14:50:04Z | http://arxiv.org/pdf/2401.04592v2 | http://arxiv.org/abs/2401.04592v2 | Mihael Arcan, David-Paul Niland, Fionn Delahunty | 2024-02-02T09:36:58Z | cs.CL | Mental health challenges pose considerable global burdens on individuals and
communities. Recent data indicates that more than 20% of adults may encounter
at least one mental disorder in their lifetime. On the one hand, the
advancements in large language models have facilitated diverse applications,
yet a significant research gap persists in understanding and enhancing the
potential of large language models within the domain of mental health. On the
other hand, across various applications, an outstanding question involves the
capacity of large language models to comprehend expressions of human mental
health conditions in natural language. This study presents an initial
evaluation of large language models in addressing this gap. Due to this, we
compare the performance of Llama-2 and ChatGPT with classical Machine as well
as Deep learning models. Our results on the DAIC-WOZ dataset show that
transformer-based models, like BERT or XLNet, outperform the large language
models. | cs.CL | An Assessment on Comprehending Mental Health through Large Language Models |
2024-01-09T13:19:37Z | http://arxiv.org/pdf/2401.04536v2 | http://arxiv.org/abs/2401.04536v2 | Tim R. Davidson, Veniamin Veselovsky, Martin Josifoski, Maxime Peyrard, Antoine Bosselut, Michal Kosinski, Robert West | 2024-03-16T16:41:48Z | cs.CL, cs.AI, cs.LG | We introduce an approach to evaluate language model (LM) agency using
negotiation games. This approach better reflects real-world use cases and
addresses some of the shortcomings of alternative LM benchmarks. Negotiation
games enable us to study multi-turn, and cross-model interactions, modulate
complexity, and side-step accidental evaluation data leakage. We use our
approach to test six widely used and publicly accessible LMs, evaluating
performance and alignment in both self-play and cross-play settings. Noteworthy
findings include: (i) only closed-source models tested here were able to
complete these tasks; (ii) cooperative bargaining games proved to be most
challenging to the models; and (iii) even the most powerful models sometimes
"lose" to weaker opponents | cs.CL | Evaluating Language Model Agency through Negotiations |
2024-01-09T12:55:21Z | http://arxiv.org/pdf/2401.04531v2 | http://arxiv.org/abs/2401.04531v2 | Alena Fenogenova, Artem Chervyakov, Nikita Martynov, Anastasia Kozlova, Maria Tikhonova, Albina Akhmetgareeva, Anton Emelyanov, Denis Shevelev, Pavel Lebedev, Leonid Sinev, Ulyana Isaeva, Katerina Kolomeytseva, Daniil Moskovskiy, Elizaveta Goncharova, Nikita Savushkin, Polina Mikhailova, Denis Dimitrov, Alexander Panchenko, Sergei Markov | 2024-01-12T15:04:43Z | cs.CL, cs.AI | Over the past few years, one of the most notable advancements in AI research
has been in foundation models (FMs), headlined by the rise of language models
(LMs). As the models' size increases, LMs demonstrate enhancements in
measurable aspects and the development of new qualitative features. However,
despite researchers' attention and the rapid growth in LM application, the
capabilities, limitations, and associated risks still need to be better
understood. To address these issues, we introduce an open Multimodal Evaluation
of Russian-language Architectures (MERA), a new instruction benchmark for
evaluating foundation models oriented towards the Russian language. The
benchmark encompasses 21 evaluation tasks for generative models in 11 skill
domains and is designed as a black-box test to ensure the exclusion of data
leakage. The paper introduces a methodology to evaluate FMs and LMs in zero-
and few-shot fixed instruction settings that can be extended to other
modalities. We propose an evaluation methodology, an open-source code base for
the MERA assessment, and a leaderboard with a submission system. We evaluate
open LMs as baselines and find that they are still far behind the human level.
We publicly release MERA to guide forthcoming research, anticipate
groundbreaking model features, standardize the evaluation procedure, and
address potential societal drawbacks. | cs.CL | MERA: A Comprehensive LLM Evaluation in Russian |
2024-01-09T12:31:18Z | http://arxiv.org/pdf/2401.04522v1 | http://arxiv.org/abs/2401.04522v1 | Marat Saidov, Aleksandra Bakalova, Ekaterina Taktasheva, Vladislav Mikhailov, Ekaterina Artemova | 2024-01-09T12:31:18Z | cs.CL | The evaluation of Natural Language Generation (NLG) models has gained
increased attention, urging the development of metrics that evaluate various
aspects of generated text. LUNA addresses this challenge by introducing a
unified interface for 20 NLG evaluation metrics. These metrics are categorized
based on their reference-dependence and the type of text representation they
employ, from string-based n-gram overlap to the utilization of static
embeddings and pre-trained language models.
The straightforward design of LUNA allows for easy extension with novel
metrics, requiring just a few lines of code. LUNA offers a user-friendly tool
for evaluating generated texts. | cs.CL | LUNA: A Framework for Language Understanding and Naturalness Assessment |
2024-01-09T12:20:41Z | http://arxiv.org/pdf/2401.04518v2 | http://arxiv.org/abs/2401.04518v2 | Shichao Sun, Junlong Li, Weizhe Yuan, Ruifeng Yuan, Wenjie Li, Pengfei Liu | 2024-06-01T17:52:14Z | cs.CL, cs.AI | Critique, as a natural language description for assessing the quality of
model-generated content, has played a vital role in the training, evaluation,
and refinement of LLMs. However, a systematic method to evaluate the quality of
critique is lacking. In this paper, we pioneer the critique of critique, termed
MetaCritique, which builds specific quantification criteria. To achieve a
reliable evaluation outcome, we propose Atomic Information Units (AIUs), which
describe the critique in a more fine-grained manner. MetaCritique aggregates
each AIU's judgment for the overall score. Moreover, MetaCritique delivers a
natural language rationale for the intricate reasoning within each judgment.
Lastly, we construct a meta-evaluation dataset covering 4 tasks across 16
public datasets involving human-written and LLM-generated critiques.
Experiments demonstrate that MetaCritique can achieve near-human performance.
Our study can facilitate future research in LLM critiques based on our
following observations and released resources: (1) superior critiques judged by
MetaCritique can lead to better refinements, indicating that it can potentially
enhance the alignment of existing LLMs; (2) the leaderboard of critique models
reveals that open-source critique models commonly suffer from factuality
issues; (3) relevant code and data are publicly available at
https://github.com/GAIR-NLP/MetaCritique to support deeper exploration; (4) an
API at PyPI with the usage documentation in Appendix C allows users to assess
the critique conveniently. | cs.CL | The Critique of Critique |
2024-01-09T12:13:55Z | http://arxiv.org/pdf/2401.04515v1 | http://arxiv.org/abs/2401.04515v1 | Mikhail Tikhomirov, Natalia Loukachevitch | 2024-01-09T12:13:55Z | cs.CL, cs.AI | This article investigates a zero-shot approach to hypernymy prediction using
large language models (LLMs). The study employs a method based on text
probability calculation, applying it to various generated prompts. The
experiments demonstrate a strong correlation between the effectiveness of
language model prompts and classic patterns, indicating that preliminary prompt
selection can be carried out using smaller models before moving to larger ones.
We also explore prompts for predicting co-hyponyms and improving hypernymy
predictions by augmenting prompts with additional information through
automatically identified co-hyponyms. An iterative approach is developed for
predicting higher-level concepts, which further improves the quality on the
BLESS dataset (MAP = 0.8). | cs.CL | Exploring Prompt-Based Methods for Zero-Shot Hypernym Prediction with Large Language Models |
2024-01-09T12:12:50Z | http://arxiv.org/pdf/2401.04514v2 | http://arxiv.org/abs/2401.04514v2 | Haochen Li, Xin Zhou, Zhiqi Shen | 2024-06-03T06:50:26Z | cs.SE, cs.CL, cs.IR, cs.LG | In code search, the Generation-Augmented Retrieval (GAR) framework, which
generates exemplar code snippets to augment queries, has emerged as a promising
strategy to address the principal challenge of modality misalignment between
code snippets and natural language queries, particularly with the demonstrated
code generation capabilities of Large Language Models (LLMs). Nevertheless, our
preliminary investigations indicate that the improvements conferred by such an
LLM-augmented framework are somewhat constrained. This limitation could
potentially be ascribed to the fact that the generated codes, albeit
functionally accurate, frequently display a pronounced stylistic deviation from
the ground truth code in the codebase. In this paper, we extend the
foundational GAR framework and propose a simple yet effective method that
additionally Rewrites the Code (ReCo) within the codebase for style
normalization. Experimental results demonstrate that ReCo significantly boosts
retrieval accuracy across sparse (up to 35.7%), zero-shot dense (up to 27.6%),
and fine-tuned dense (up to 23.6%) retrieval settings in diverse search
scenarios. To further elucidate the advantages of ReCo and stimulate research
in code style normalization, we introduce Code Style Similarity, the first
metric tailored to quantify stylistic similarities in code. Notably, our
empirical findings reveal the inadequacy of existing metrics in capturing
stylistic nuances. The source code and data are available at
\url{https://github.com/Alex-HaochenLi/ReCo}. | cs.SE | Rewriting the Code: A Simple Method for Large Language Model Augmented Code Search |
2024-01-09T11:52:58Z | http://arxiv.org/pdf/2401.04507v1 | http://arxiv.org/abs/2401.04507v1 | Jiaqi Wang, Yuying Chang, Zhong Li, Ning An, Qi Ma, Lei Hei, Haibo Luo, Yifei Lu, Feiliang Ren | 2024-01-09T11:52:58Z | cs.CL, cs.AI | Large language models have exhibited robust performance across diverse
natural language processing tasks. This report introduces TechGPT-2.0, a
project designed to enhance the capabilities of large language models
specifically in knowledge graph construction tasks, including named entity
recognition (NER) and relationship triple extraction (RTE) tasks in NLP
applications. Additionally, it serves as a LLM accessible for research within
the Chinese open-source model community. We offer two 7B large language model
weights and a QLoRA weight specialized for processing lengthy texts.Notably,
TechGPT-2.0 is trained on Huawei's Ascend server. Inheriting all
functionalities from TechGPT-1.0, it exhibits robust text processing
capabilities, particularly in the domains of medicine and law. Furthermore, we
introduce new capabilities to the model, enabling it to process texts in
various domains such as geographical areas, transportation, organizations,
literary works, biology, natural sciences, astronomical objects, and
architecture. These enhancements also fortified the model's adeptness in
handling hallucinations, unanswerable queries, and lengthy texts. This report
provides a comprehensive and detailed introduction to the full fine-tuning
process on Huawei's Ascend servers, encompassing experiences in Ascend server
debugging, instruction fine-tuning data processing, and model training. Our
code is available at https://github.com/neukg/TechGPT-2.0 | cs.CL | TechGPT-2.0: A large language model project to solve the task of knowledge graph construction |
2024-01-09T10:39:17Z | http://arxiv.org/pdf/2401.04482v1 | http://arxiv.org/abs/2401.04482v1 | Christian Huber, Alexander Waibel | 2024-01-09T10:39:17Z | cs.CL, cs.LG | Despite recent advances, Automatic Speech Recognition (ASR) systems are still
far from perfect. Typical errors include acronyms, named entities and
domain-specific special words for which little or no data is available. To
address the problem of recognizing these words, we propose an self-supervised
continual learning approach. Given the audio of a lecture talk with
corresponding slides, we bias the model towards decoding new words from the
slides by using a memory-enhanced ASR model from previous work. Then, we
perform inference on the talk, collecting utterances that contain detected new
words into an adaptation dataset. Continual learning is then performed on this
set by adapting low-rank matrix weights added to each weight matrix of the
model. The whole procedure is iterated for many talks. We show that with this
approach, we obtain increasing performance on the new words when they occur
more frequently (more than 80% recall) while preserving the general performance
of the model. | cs.CL | Continuously Learning New Words in Automatic Speech Recognition |
2024-01-09T10:38:13Z | http://arxiv.org/pdf/2401.04481v1 | http://arxiv.org/abs/2401.04481v1 | Shrey Satapara, Parth Mehta, Debasis Ganguly, Sandip Modha | 2024-01-09T10:38:13Z | cs.CL, cs.AI | The recent success in language generation capabilities of large language
models (LLMs), such as GPT, Bard, Llama etc., can potentially lead to concerns
about their possible misuse in inducing mass agitation and communal hatred via
generating fake news and spreading misinformation. Traditional means of
developing a misinformation ground-truth dataset does not scale well because of
the extensive manual effort required to annotate the data. In this paper, we
propose an LLM-based approach of creating silver-standard ground-truth datasets
for identifying misinformation. Specifically speaking, given a trusted news
article, our proposed approach involves prompting LLMs to automatically
generate a summarised version of the original article. The prompts in our
proposed approach act as a controlling mechanism to generate specific types of
factual incorrectness in the generated summaries, e.g., incorrect quantities,
false attributions etc. To investigate the usefulness of this dataset, we
conduct a set of experiments where we train a range of supervised models for
the task of misinformation detection. | cs.CL | Fighting Fire with Fire: Adversarial Prompting to Generate a Misinformation Detection Dataset |
2024-01-09T10:36:20Z | http://arxiv.org/pdf/2401.04478v2 | http://arxiv.org/abs/2401.04478v2 | Maximilian G. Schuh, Davide Boldini, Stephan A. Sieber | 2024-01-30T09:29:47Z | q-bio.BM, cs.AI, cs.CL, cs.LG | The success of drug discovery and development relies on the precise
prediction of molecular activities and properties. While in silico molecular
property prediction has shown remarkable potential, its use has been limited so
far to assays for which large amounts of data are available. In this study, we
use a fine-tuned large language model to integrate biological assays based on
their textual information, coupled with Barlow Twins, a Siamese neural network
using a novel self-supervised learning approach. This architecture uses both
assay information and molecular fingerprints to extract the true molecular
information. TwinBooster enables the prediction of properties of unseen
bioassays and molecules by providing state-of-the-art zero-shot learning tasks.
Remarkably, our artificial intelligence pipeline shows excellent performance on
the FS-Mol benchmark. This breakthrough demonstrates the application of deep
learning to critical property prediction tasks where data is typically scarce.
By accelerating the early identification of active molecules in drug discovery
and development, this method has the potential to help streamline the
identification of novel therapeutics. | q-bio.BM | TwinBooster: Synergising Large Language Models with Barlow Twins and Gradient Boosting for Enhanced Molecular Property Prediction |
2024-01-09T10:20:29Z | http://arxiv.org/pdf/2401.04471v1 | http://arxiv.org/abs/2401.04471v1 | Xue Zhang, Xiangyu Shi, Xinyue Lou, Rui Qi, Yufeng Chen, Jinan Xu, Wenjuan Han | 2024-01-09T10:20:29Z | cs.CL | Large language models (LLMs) and multimodal large language models (MLLMs)
have shown excellent general capabilities, even exhibiting adaptability in many
professional domains such as law, economics, transportation, and medicine.
Currently, many domain-specific benchmarks have been proposed to verify the
performance of (M)LLMs in specific fields. Among various domains,
transportation plays a crucial role in modern society as it impacts the
economy, the environment, and the quality of life for billions of people.
However, it is unclear how much traffic knowledge (M)LLMs possess and whether
they can reliably perform transportation-related tasks. To address this gap, we
propose TransportationGames, a carefully designed and thorough evaluation
benchmark for assessing (M)LLMs in the transportation domain. By
comprehensively considering the applications in real-world scenarios and
referring to the first three levels in Bloom's Taxonomy, we test the
performance of various (M)LLMs in memorizing, understanding, and applying
transportation knowledge by the selected tasks. The experimental results show
that although some models perform well in some tasks, there is still much room
for improvement overall. We hope the release of TransportationGames can serve
as a foundation for future research, thereby accelerating the implementation
and application of (M)LLMs in the transportation domain. | cs.CL | TransportationGames: Benchmarking Transportation Knowledge of (Multimodal) Large Language Models |
2024-01-09T10:15:59Z | http://arxiv.org/pdf/2401.06799v1 | http://arxiv.org/abs/2401.06799v1 | Youngjae Cho, HeeSun Bae, Seungjae Shin, Yeo Dong Youn, Weonyoung Joo, Il-Chul Moon | 2024-01-09T10:15:59Z | cs.CL, cs.LG | Recent Vision-Language Pretrained (VLP) models have become the backbone for
many downstream tasks, but they are utilized as frozen model without learning.
Prompt learning is a method to improve the pre-trained VLP model by adding a
learnable context vector to the inputs of the text encoder. In a few-shot
learning scenario of the downstream task, MLE training can lead the context
vector to over-fit dominant image features in the training data. This
overfitting can potentially harm the generalization ability, especially in the
presence of a distribution shift between the training and test dataset. This
paper presents a Bayesian-based framework of prompt learning, which could
alleviate the overfitting issues on few-shot learning application and increase
the adaptability of prompts on unseen instances. Specifically, modeling
data-dependent prior enhances the adaptability of text features for both seen
and unseen image features without the trade-off of performance between them.
Based on the Bayesian framework, we utilize the Wasserstein Gradient Flow in
the estimation of our target posterior distribution, which enables our prompt
to be flexible in capturing the complex modes of image features. We demonstrate
the effectiveness of our method on benchmark datasets for several experiments
by showing statistically significant improvements on performance compared to
existing methods. The code is available at https://github.com/youngjae-cho/APP. | cs.CL | Make Prompts Adaptable: Bayesian Modeling for Vision-Language Prompt Learning with Data-Dependent Prior |
2024-01-09T08:29:46Z | http://arxiv.org/pdf/2401.04422v1 | http://arxiv.org/abs/2401.04422v1 | Tim vor der Brück, Marc Pouly | 2024-01-09T08:29:46Z | cs.CL, cs.AI | Due to their ease of use and high accuracy, Word2Vec (W2V) word embeddings
enjoy great success in the semantic representation of words, sentences, and
whole documents as well as for semantic similarity estimation. However, they
have the shortcoming that they are directly extracted from a surface
representation, which does not adequately represent human thought processes and
also performs poorly for highly ambiguous words. Therefore, we propose Semantic
Concept Embeddings (CE) based on the MultiNet Semantic Network (SN) formalism,
which addresses both shortcomings. The evaluation on a marketing target group
distribution task showed that the accuracy of predicted target groups can be
increased by combining traditional word embeddings with semantic CEs. | cs.CL | Estimating Text Similarity based on Semantic Concept Embeddings |
2024-01-09T07:46:26Z | http://arxiv.org/pdf/2401.04398v2 | http://arxiv.org/abs/2401.04398v2 | Zilong Wang, Hao Zhang, Chun-Liang Li, Julian Martin Eisenschlos, Vincent Perot, Zifeng Wang, Lesly Miculicich, Yasuhisa Fujii, Jingbo Shang, Chen-Yu Lee, Tomas Pfister | 2024-01-19T01:05:05Z | cs.CL | Table-based reasoning with large language models (LLMs) is a promising
direction to tackle many table understanding tasks, such as table-based
question answering and fact verification. Compared with generic reasoning,
table-based reasoning requires the extraction of underlying semantics from both
free-form questions and semi-structured tabular data. Chain-of-Thought and its
similar approaches incorporate the reasoning chain in the form of textual
context, but it is still an open question how to effectively leverage tabular
data in the reasoning chain. We propose the Chain-of-Table framework, where
tabular data is explicitly used in the reasoning chain as a proxy for
intermediate thoughts. Specifically, we guide LLMs using in-context learning to
iteratively generate operations and update the table to represent a tabular
reasoning chain. LLMs can therefore dynamically plan the next operation based
on the results of the previous ones. This continuous evolution of the table
forms a chain, showing the reasoning process for a given tabular problem. The
chain carries structured information of the intermediate results, enabling more
accurate and reliable predictions. Chain-of-Table achieves new state-of-the-art
performance on WikiTQ, FeTaQA, and TabFact benchmarks across multiple LLM
choices. | cs.CL | Chain-of-Table: Evolving Tables in the Reasoning Chain for Table Understanding |
2024-01-09T06:20:23Z | http://arxiv.org/pdf/2402.03327v1 | http://arxiv.org/abs/2402.03327v1 | Dingning Liu, Xiaoshui Huang, Yuenan Hou, Zhihui Wang, Zhenfei Yin, Yongshun Gong, Peng Gao, Wanli Ouyang | 2024-01-09T06:20:23Z | cs.CV, cs.AI, cs.CL | In this paper, we introduce Uni3D-LLM, a unified framework that leverages a
Large Language Model (LLM) to integrate tasks of 3D perception, generation, and
editing within point cloud scenes. This framework empowers users to
effortlessly generate and modify objects at specified locations within a scene,
guided by the versatility of natural language descriptions. Uni3D-LLM harnesses
the expressive power of natural language to allow for precise command over the
generation and editing of 3D objects, thereby significantly enhancing
operational flexibility and controllability. By mapping point cloud into the
unified representation space, Uni3D-LLM achieves cross-application
functionality, enabling the seamless execution of a wide array of tasks,
ranging from the accurate instantiation of 3D objects to the diverse
requirements of interactive design. Through a comprehensive suite of rigorous
experiments, the efficacy of Uni3D-LLM in the comprehension, generation, and
editing of point cloud has been validated. Additionally, we have assessed the
impact of integrating a point cloud perception module on the generation and
editing processes, confirming the substantial potential of our approach for
practical applications. | cs.CV | Uni3D-LLM: Unifying Point Cloud Perception, Generation and Editing with Large Language Models |
2024-01-09T05:39:20Z | http://arxiv.org/pdf/2401.04367v1 | http://arxiv.org/abs/2401.04367v1 | Curtis Murray, Lewis Mitchell, Jonathan Tuke, Mark Mackay | 2024-01-09T05:39:20Z | cs.CL | This study introduces a novel methodology for modelling patient emotions from
online patient experience narratives. We employed metadata network topic
modelling to analyse patient-reported experiences from Care Opinion, revealing
key emotional themes linked to patient-caregiver interactions and clinical
outcomes. We develop a probabilistic, context-specific emotion recommender
system capable of predicting both multilabel emotions and binary sentiments
using a naive Bayes classifier using contextually meaningful topics as
predictors. The superior performance of our predicted emotions under this model
compared to baseline models was assessed using the information retrieval
metrics nDCG and Q-measure, and our predicted sentiments achieved an F1 score
of 0.921, significantly outperforming standard sentiment lexicons. This method
offers a transparent, cost-effective way to understand patient feedback,
enhancing traditional collection methods and informing individualised patient
care. Our findings are accessible via an R package and interactive dashboard,
providing valuable tools for healthcare researchers and practitioners. | cs.CL | Probabilistic emotion and sentiment modelling of patient-reported experiences |
2024-01-09T05:16:52Z | http://arxiv.org/pdf/2401.04361v1 | http://arxiv.org/abs/2401.04361v1 | Jiaan Wang, Jianfeng Qu, Kexin Wang, Zhixu Li, Wen Hua, Ximing Li, An Liu | 2024-01-09T05:16:52Z | cs.CL, cs.AI | Knowledge-grounded dialogue (KGD) learns to generate an informative response
based on a given dialogue context and external knowledge (\emph{e.g.},
knowledge graphs; KGs). Recently, the emergence of large language models (LLMs)
and pre-training techniques has brought great success to knowledge-grounded
dialogue. However, when building KGD systems in real applications, there are
various real-world noises that are inevitable to face. For example, the
dialogue context might involve perturbations such as misspellings and
abbreviations. In addition, KGs typically suffer from incompletion and also
might contain erroneous and outdated facts. Such real-world noises pose a
challenge to the robustness of KGD systems and hinder their applications in the
real world. In this paper, we propose an entity-based contrastive learning
framework for improving the robustness of KGD. Specifically, we make use of the
entity information in a KGD sample to create both its positive and negative
samples which involve semantic-irrelevant and semantic-relevant perturbations,
respectively. The contrastive learning framework ensures the KGD model is aware
of these two types of perturbations, thus generating informative responses with
the potentially noisy inputs in real applications. Experimental results on
three benchmark datasets show that our method achieves new state-of-the-art
performance in terms of automatic evaluation scores, verifying its
effectiveness and potentiality. Furthermore, we show that our method can
generate better responses than comparison models in both the noisy and the
few-shot settings. | cs.CL | Improving the Robustness of Knowledge-Grounded Dialogue via Contrastive Learning |
2024-01-09T04:19:16Z | http://arxiv.org/pdf/2401.04348v3 | http://arxiv.org/abs/2401.04348v3 | Khoi M. Le, Trinh Pham, Tho Quan, Anh Tuan Luu | 2024-06-23T08:39:24Z | cs.CL | Paraphrases are texts that convey the same meaning while using different
words or sentence structures. It can be used as an automatic data augmentation
tool for many Natural Language Processing tasks, especially when dealing with
low-resource languages, where data shortage is a significant problem. To
generate a paraphrase in multilingual settings, previous studies have leveraged
the knowledge from the machine translation field, i.e., forming a paraphrase
through zero-shot machine translation in the same language. Despite good
performance on human evaluation, those methods still require parallel
translation datasets, thus making them inapplicable to languages that do not
have parallel corpora. To mitigate that problem, we proposed the first
unsupervised multilingual paraphrasing model, LAMPAT ($\textbf{L}$ow-rank
$\textbf{A}$daptation for $\textbf{M}$ultilingual $\textbf{P}$araphrasing using
$\textbf{A}$dversarial $\textbf{T}$raining), by which monolingual dataset is
sufficient enough to generate a human-like and diverse sentence. Throughout the
experiments, we found out that our method not only works well for English but
can generalize on unseen languages as well. Data and code are available at
https://github.com/VinAIResearch/LAMPAT. | cs.CL | LAMPAT: Low-Rank Adaption for Multilingual Paraphrasing Using Adversarial Training |
2024-01-09T03:53:59Z | http://arxiv.org/pdf/2401.04343v1 | http://arxiv.org/abs/2401.04343v1 | Xinyu Tang, Ashwinee Panda, Milad Nasr, Saeed Mahloujifar, Prateek Mittal | 2024-01-09T03:53:59Z | cs.LG, cs.CL, cs.CR | Fine-tuning large pretrained models on private datasets may run the risk of
violating privacy. Differential privacy is a framework for mitigating privacy
risks by enforcing algorithmic stability. DP-SGD enables training models with
private data in a privacy-preserving manner, but raises new obstacles in the
form of performance loss and significant engineering challenges. We introduce
DP-ZO, a new method for fine-tuning large language models that preserves the
privacy of training data by privatizing zeroth-order optimization. A key
insight into the design of our method is that the direction of the gradient in
SPSA, the zeroth-order algorithm we use, is always random and the only
information that depends on private data is the step size, i.e., a scalar.
Therefore, we only need to privatize the scalar step size, which is
memory-efficient. DP-ZO, which can be instantiated with either Laplace or
Gaussian noise, provides a strong privacy-utility trade-off across different
tasks, and model sizes, under conservative privacy budgets. One noteworthy
result is that DP-ZO exhibits just $1.86\%$ performance degradation due to
privacy at $(1,10^{-5})$-DP when fine-tuning OPT-66B on 1000 training samples
from SQuAD. | cs.LG | Private Fine-tuning of Large Language Models with Zeroth-order Optimization |
2024-01-09T02:25:23Z | http://arxiv.org/pdf/2401.04319v3 | http://arxiv.org/abs/2401.04319v3 | Junjie Wang, Dan Yang, Binbin Hu, Yue Shen, Wen Zhang, Jinjie Gu | 2024-06-12T03:02:45Z | cs.CL, cs.AI | In this paper, we explore a new way for user targeting, where non-expert
marketers could select their target users solely given demands in natural
language form. The key to this issue is how to transform natural languages into
practical structured logical languages, i.e., the structured understanding of
marketer demands. In practical scenarios, the demands of non-expert marketers
are often abstract and diverse. Considering the impressive natural language
processing ability of large language models (LLMs), we try to leverage LLMs to
solve this issue. To stimulate the LLMs' reasoning ability, the
chain-of-thought (CoT) prompting method is widely used, but existing methods
still have some limitations in our scenario: (1) Previous methods either use
simple "Let's think step by step" spells or provide fixed examples in
demonstrations without considering compatibility between prompts and concrete
questions, making LLMs ineffective when the marketers' demands are abstract and
diverse. (2) Previous methods are often implemented in closed-source models or
excessively large models, which is not suitable in industrial practical
scenarios. Based on these, we propose ARALLM (i.e., Analogical Reasoning
Augmented Large Language Models) consisting of two modules: Analogical
Reasoning based Prompting and Reasoning-Augmented Multi-Task Model
Distillation. Part of our data and code can be found at
https://github.com/alipay/Analogic-Reasoning-Augmented-Large-Language-Model. | cs.CL | Know Your Needs Better: Towards Structured Understanding of Marketer Demands with Analogical Reasoning Augmented LLMs |
2024-01-09T02:20:30Z | http://arxiv.org/pdf/2401.04317v1 | http://arxiv.org/abs/2401.04317v1 | Jianyang Shi, Bowen Zhang, Amartansh Dubey, Ross Murch, Liwen Jing | 2024-01-09T02:20:30Z | cs.CV, cs.CL | Indoor imaging is a critical task for robotics and internet-of-things. WiFi
as an omnipresent signal is a promising candidate for carrying out passive
imaging and synchronizing the up-to-date information to all connected devices.
This is the first research work to consider WiFi indoor imaging as a
multi-modal image generation task that converts the measured WiFi power into a
high-resolution indoor image. Our proposed WiFi-GEN network achieves a shape
reconstruction accuracy that is 275% of that achieved by physical model-based
inversion methods. Additionally, the Frechet Inception Distance score has been
significantly reduced by 82%. To examine the effectiveness of models for this
task, the first large-scale dataset is released containing 80,000 pairs of WiFi
signal and imaging target. Our model absorbs challenges for the model-based
methods including the non-linearity, ill-posedness and non-certainty into
massive parameters of our generative AI network. The network is also designed
to best fit measured WiFi signals and the desired imaging output. For
reproducibility, we will release the data and code upon acceptance. | cs.CV | Vision Reimagined: AI-Powered Breakthroughs in WiFi Indoor Imaging |
2024-01-09T01:49:41Z | http://arxiv.org/pdf/2401.06796v1 | http://arxiv.org/abs/2401.06796v1 | Negar Maleki, Balaji Padmanabhan, Kaushik Dutta | 2024-01-09T01:49:41Z | cs.CL, cs.AI | As large language models continue to advance in Artificial Intelligence (AI),
text generation systems have been shown to suffer from a problematic phenomenon
termed often as "hallucination." However, with AI's increasing presence across
various domains including medicine, concerns have arisen regarding the use of
the term itself. In this study, we conducted a systematic review to identify
papers defining "AI hallucination" across fourteen databases. We present and
analyze definitions obtained across all databases, categorize them based on
their applications, and extract key points within each category. Our results
highlight a lack of consistency in how the term is used, but also help identify
several alternative terms in the literature. We discuss implications of these
and call for a more unified effort to bring consistency to an important
contemporary AI issue that can affect multiple domains significantly. | cs.CL | AI Hallucinations: A Misnomer Worth Clarifying |
2024-01-08T23:52:42Z | http://arxiv.org/pdf/2401.05443v1 | http://arxiv.org/abs/2401.05443v1 | Mohamad Fakih, Rahul Dharmaji, Yasamin Moghaddas, Gustavo Quiros Araya, Oluwatosin Ogundare, Mohammad Abdullah Al Faruque | 2024-01-08T23:52:42Z | cs.SE, cs.AI, cs.CL, cs.PL, D.2.4; I.2.7; I.2.2 | Although Large Language Models (LLMs) have established pre-dominance in
automated code generation, they are not devoid of shortcomings. The pertinent
issues primarily relate to the absence of execution guarantees for generated
code, a lack of explainability, and suboptimal support for essential but niche
programming languages. State-of-the-art LLMs such as GPT-4 and LLaMa2 fail to
produce valid programs for Industrial Control Systems (ICS) operated by
Programmable Logic Controllers (PLCs). We propose LLM4PLC, a user-guided
iterative pipeline leveraging user feedback and external verification tools
including grammar checkers, compilers and SMV verifiers to guide the LLM's
generation. We further enhance the generation potential of LLM by employing
Prompt Engineering and model fine-tuning through the creation and usage of
LoRAs. We validate this system using a FischerTechnik Manufacturing TestBed
(MFTB), illustrating how LLMs can evolve from generating structurally flawed
code to producing verifiably correct programs for industrial applications. We
run a complete test suite on GPT-3.5, GPT-4, Code Llama-7B, a fine-tuned Code
Llama-7B model, Code Llama-34B, and a fine-tuned Code Llama-34B model. The
proposed pipeline improved the generation success rate from 47% to 72%, and the
Survey-of-Experts code quality from 2.25/10 to 7.75/10. To promote open
research, we share the complete experimental setup, the LLM Fine-Tuning
Weights, and the video demonstrations of the different programs on our
dedicated webpage. | cs.SE | LLM4PLC: Harnessing Large Language Models for Verifiable Programming of PLCs in Industrial Control Systems |
2024-01-08T22:24:17Z | http://arxiv.org/pdf/2401.04259v1 | http://arxiv.org/abs/2401.04259v1 | Mike D'Arcy, Tom Hope, Larry Birnbaum, Doug Downey | 2024-01-08T22:24:17Z | cs.CL | We study the ability of LLMs to generate feedback for scientific papers and
develop MARG, a feedback generation approach using multiple LLM instances that
engage in internal discussion. By distributing paper text across agents, MARG
can consume the full text of papers beyond the input length limitations of the
base LLM, and by specializing agents and incorporating sub-tasks tailored to
different comment types (experiments, clarity, impact) it improves the
helpfulness and specificity of feedback. In a user study, baseline methods
using GPT-4 were rated as producing generic or very generic comments more than
half the time, and only 1.7 comments per paper were rated as good overall in
the best baseline. Our system substantially improves the ability of GPT-4 to
generate specific and helpful feedback, reducing the rate of generic comments
from 60% to 29% and generating 3.7 good comments per paper (a 2.2x
improvement). | cs.CL | MARG: Multi-Agent Review Generation for Scientific Papers |
2024-01-08T20:59:56Z | http://arxiv.org/pdf/2401.04235v1 | http://arxiv.org/abs/2401.04235v1 | Christopher Li, Gary Wang, Kyle Kastner, Heng Su, Allen Chen, Andrew Rosenberg, Zhehuai Chen, Zelin Wu, Leonid Velikovich, Pat Rondon, Diamantino Caseiro, Petar Aleksic | 2024-01-08T20:59:56Z | cs.CL, cs.SD, eess.AS | Automatic speech recognition (ASR) systems can suffer from poor recall for
various reasons, such as noisy audio, lack of sufficient training data, etc.
Previous work has shown that recall can be improved by retrieving rewrite
candidates from a large database of likely, contextually-relevant alternatives
to the hypothesis text using nearest-neighbors search over embeddings of the
ASR hypothesis text to correct and candidate corrections.
However, ASR-hypothesis-based retrieval can yield poor precision if the
textual hypotheses are too phonetically dissimilar to the transcript truth. In
this paper, we eliminate the hypothesis-audio mismatch problem by querying the
correction database directly using embeddings derived from the utterance audio;
the embeddings of the utterance audio and candidate corrections are produced by
multimodal speech-text embedding networks trained to place the embedding of the
audio of an utterance and the embedding of its corresponding textual transcript
close together.
After locating an appropriate correction candidate using nearest-neighbor
search, we score the candidate with its speech-text embedding distance before
adding the candidate to the original n-best list.
We show a relative word error rate (WER) reduction of 6% on utterances whose
transcripts appear in the candidate set, without increasing WER on general
utterances. | cs.CL | High-precision Voice Search Query Correction via Retrievable Speech-text Embedings |
2024-01-08T20:08:04Z | http://arxiv.org/pdf/2401.04218v2 | http://arxiv.org/abs/2401.04218v2 | Nir Fulman, Abdulkadir Memduhoğlu, Alexander Zipf | 2024-06-04T12:01:56Z | cs.CL | We present a benchmark for assessing the capability of Large Language Models
(LLMs) to discern intercardinal directions between geographic locations and
apply it to three prominent LLMs: GPT-3.5, GPT-4, and Llama-2. This benchmark
specifically evaluates whether LLMs exhibit a hierarchical spatial bias similar
to humans, where judgments about individual locations' spatial relationships
are influenced by the perceived relationships of the larger groups that contain
them. To investigate this, we formulated 14 questions focusing on well-known
American cities. Seven questions were designed to challenge the LLMs with
scenarios potentially influenced by the orientation of larger geographical
units, such as states or countries, while the remaining seven targeted
locations were less susceptible to such hierarchical categorization. Among the
tested models, GPT-4 exhibited superior performance with 55 percent accuracy,
followed by GPT-3.5 at 47 percent, and Llama-2 at 45 percent. The models showed
significantly reduced accuracy on tasks with suspected hierarchical bias. For
example, GPT-4's accuracy dropped to 33 percent on these tasks, compared to 86
percent on others. However, the models identified the nearest cardinal
direction in most cases, reflecting their associative learning mechanism,
thereby embodying human-like misconceptions. We discuss avenues for improving
the spatial reasoning capabilities of LLMs. | cs.CL | Distortions in Judged Spatial Relations in Large Language Models |
2024-01-08T19:39:36Z | http://arxiv.org/pdf/2401.04210v1 | http://arxiv.org/abs/2401.04210v1 | Zhi-Song Liu, Robin Courant, Vicky Kalogeiton | 2024-01-08T19:39:36Z | cs.CV, cs.AI, cs.CL, cs.MM, cs.SD, eess.AS | Automatically understanding funny moments (i.e., the moments that make people
laugh) when watching comedy is challenging, as they relate to various features,
such as body language, dialogues and culture. In this paper, we propose
FunnyNet-W, a model that relies on cross- and self-attention for visual, audio
and text data to predict funny moments in videos. Unlike most methods that rely
on ground truth data in the form of subtitles, in this work we exploit
modalities that come naturally with videos: (a) video frames as they contain
visual information indispensable for scene understanding, (b) audio as it
contains higher-level cues associated with funny moments, such as intonation,
pitch and pauses and (c) text automatically extracted with a speech-to-text
model as it can provide rich information when processed by a Large Language
Model. To acquire labels for training, we propose an unsupervised approach that
spots and labels funny audio moments. We provide experiments on five datasets:
the sitcoms TBBT, MHD, MUStARD, Friends, and the TED talk UR-Funny. Extensive
experiments and analysis show that FunnyNet-W successfully exploits visual,
auditory and textual cues to identify funny moments, while our findings reveal
FunnyNet-W's ability to predict funny moments in the wild. FunnyNet-W sets the
new state of the art for funny moment detection with multimodal cues on all
datasets with and without using ground truth information. | cs.CV | FunnyNet-W: Multimodal Learning of Funny Moments in Videos in the Wild |
2024-01-08T18:47:34Z | http://arxiv.org/pdf/2401.04088v1 | http://arxiv.org/abs/2401.04088v1 | Albert Q. Jiang, Alexandre Sablayrolles, Antoine Roux, Arthur Mensch, Blanche Savary, Chris Bamford, Devendra Singh Chaplot, Diego de las Casas, Emma Bou Hanna, Florian Bressand, Gianna Lengyel, Guillaume Bour, Guillaume Lample, Lélio Renard Lavaud, Lucile Saulnier, Marie-Anne Lachaux, Pierre Stock, Sandeep Subramanian, Sophia Yang, Szymon Antoniak, Teven Le Scao, Théophile Gervet, Thibaut Lavril, Thomas Wang, Timothée Lacroix, William El Sayed | 2024-01-08T18:47:34Z | cs.LG, cs.CL | We introduce Mixtral 8x7B, a Sparse Mixture of Experts (SMoE) language model.
Mixtral has the same architecture as Mistral 7B, with the difference that each
layer is composed of 8 feedforward blocks (i.e. experts). For every token, at
each layer, a router network selects two experts to process the current state
and combine their outputs. Even though each token only sees two experts, the
selected experts can be different at each timestep. As a result, each token has
access to 47B parameters, but only uses 13B active parameters during inference.
Mixtral was trained with a context size of 32k tokens and it outperforms or
matches Llama 2 70B and GPT-3.5 across all evaluated benchmarks. In particular,
Mixtral vastly outperforms Llama 2 70B on mathematics, code generation, and
multilingual benchmarks. We also provide a model fine-tuned to follow
instructions, Mixtral 8x7B - Instruct, that surpasses GPT-3.5 Turbo,
Claude-2.1, Gemini Pro, and Llama 2 70B - chat model on human benchmarks. Both
the base and instruct models are released under the Apache 2.0 license. | cs.LG | Mixtral of Experts |
2024-01-08T18:42:55Z | http://arxiv.org/pdf/2401.06795v2 | http://arxiv.org/abs/2401.06795v2 | Mark Glickman, Yi Zhang | 2024-03-26T16:44:34Z | cs.CL, cs.AI, cs.LG | AI and generative AI tools, including chatbots like ChatGPT that rely on
large language models (LLMs), have burst onto the scene this year, creating
incredible opportunities to increase work productivity and improve our lives.
Statisticians and data scientists have begun experiencing the benefits from the
availability of these tools in numerous ways, such as the generation of
programming code from text prompts to analyze data or fit statistical models.
One area that these tools can make a substantial impact is in research
discovery and summarization. Standalone tools and plugins to chatbots are being
developed that allow researchers to more quickly find relevant literature than
pre-2023 search tools. Furthermore, generative AI tools have improved to the
point where they can summarize and extract the key points from research
articles in succinct language. Finally, chatbots based on highly parameterized
LLMs can be used to simulate abductive reasoning, which provides researchers
the ability to make connections among related technical topics, which can also
be used for research discovery. We review the developments in AI and generative
AI for research discovery and summarization, and propose directions where these
types of tools are likely to head in the future that may be of interest to
statistician and data scientists. | cs.CL | AI and Generative AI for Research Discovery and Summarization |
2024-01-08T18:35:07Z | http://arxiv.org/pdf/2401.04081v2 | http://arxiv.org/abs/2401.04081v2 | Maciej Pióro, Kamil Ciebiera, Krystian Król, Jan Ludziejewski, Michał Krutul, Jakub Krajewski, Szymon Antoniak, Piotr Miłoś, Marek Cygan, Sebastian Jaszczur | 2024-02-26T17:04:41Z | cs.LG, cs.AI, cs.CL | State Space Models (SSMs) have become serious contenders in the field of
sequential modeling, challenging the dominance of Transformers. At the same
time, Mixture of Experts (MoE) has significantly improved Transformer-based
Large Language Models, including recent state-of-the-art open models. We
propose that to unlock the potential of SSMs for scaling, they should be
combined with MoE. We showcase this on Mamba, a recent SSM-based model that
achieves remarkable performance. Our model, MoE-Mamba, outperforms both Mamba
and baseline Transformer-MoE. In particular, MoE-Mamba reaches the same
performance as Mamba in $2.35\times$ fewer training steps while preserving the
inference performance gains of Mamba against Transformer. | cs.LG | MoE-Mamba: Efficient Selective State Space Models with Mixture of Experts |
2024-01-08T17:44:43Z | http://arxiv.org/pdf/2401.04051v1 | http://arxiv.org/abs/2401.04051v1 | Nigel Doering, Cyril Gorlla, Trevor Tuttle, Adhvaith Vijay | 2024-01-08T17:44:43Z | cs.LG, cs.CL | Fine-tuning large pre-trained language models for downstream tasks remains a
critical challenge in natural language processing. This paper presents an
empirical analysis comparing two efficient fine-tuning methods - BitFit and
adapter modules - to standard full model fine-tuning. Experiments conducted on
GLUE benchmark datasets (MRPC, COLA, STS-B) reveal several key insights. The
BitFit approach, which trains only bias terms and task heads, matches full
fine-tuning performance across varying amounts of training data and time
constraints. It demonstrates remarkable stability even with only 30\% of data,
outperforming full fine-tuning at intermediate data levels. Adapter modules
exhibit high variability, with inconsistent gains over default models. The
findings indicate BitFit offers an attractive balance between performance and
parameter efficiency. Our work provides valuable perspectives on model tuning,
emphasizing robustness and highlighting BitFit as a promising alternative for
resource-constrained or streaming task settings. The analysis offers actionable
guidelines for efficient adaptation of large pre-trained models, while
illustrating open challenges in stabilizing techniques like adapter modules. | cs.LG | Empirical Analysis of Efficient Fine-Tuning Methods for Large Pre-Trained Language Models |
2024-01-08T17:29:16Z | http://arxiv.org/pdf/2401.04044v1 | http://arxiv.org/abs/2401.04044v1 | Zirui Liu, Qingquan Song, Qiang Charles Xiao, Sathiya Keerthi Selvaraj, Rahul Mazumder, Aman Gupta, Xia Hu | 2024-01-08T17:29:16Z | cs.CL | The large number of parameters in Pretrained Language Models enhance their
performance, but also make them resource-intensive, making it challenging to
deploy them on commodity hardware like a single GPU. Due to the memory and
power limitations of these devices, model compression techniques are often used
to decrease both the model's size and its inference latency. This usually
results in a trade-off between model accuracy and efficiency. Therefore,
optimizing this balance is essential for effectively deploying LLMs on
commodity hardware. A significant portion of the efficiency challenge is the
Feed-forward network (FFN) component, which accounts for roughly $\frac{2}{3}$
total parameters and inference latency. In this paper, we first observe that
only a few neurons of FFN module have large output norm for any input tokens,
a.k.a. heavy hitters, while the others are sparsely triggered by different
tokens. Based on this observation, we explicitly split the FFN into two parts
according to the heavy hitters. We improve the efficiency-accuracy trade-off of
existing compression methods by allocating more resource to FFN parts with
heavy hitters. In practice, our method can reduce model size by 43.1\% and
bring $1.25\sim1.56\times$ wall clock time speedup on different hardware with
negligible accuracy drop. | cs.CL | FFSplit: Split Feed-Forward Network For Optimizing Accuracy-Efficiency Trade-off in Language Model Inference |
2024-01-08T17:26:59Z | http://arxiv.org/pdf/2401.04155v1 | http://arxiv.org/abs/2401.04155v1 | Jiajia Liu, Mengyuan Yang, Yankai Yu, Haixia Xu, Kang Li, Xiaobo Zhou | 2024-01-08T17:26:59Z | q-bio.QM, cs.CL | Large language models (LLMs) are a class of artificial intelligence models
based on deep learning, which have great performance in various tasks,
especially in natural language processing (NLP). Large language models
typically consist of artificial neural networks with numerous parameters,
trained on large amounts of unlabeled input using self-supervised or
semi-supervised learning. However, their potential for solving bioinformatics
problems may even exceed their proficiency in modeling human language. In this
review, we will present a summary of the prominent large language models used
in natural language processing, such as BERT and GPT, and focus on exploring
the applications of large language models at different omics levels in
bioinformatics, mainly including applications of large language models in
genomics, transcriptomics, proteomics, drug discovery and single cell analysis.
Finally, this review summarizes the potential and prospects of large language
models in solving bioinformatic problems. | q-bio.QM | Large language models in bioinformatics: applications and perspectives |
2024-01-08T17:07:37Z | http://arxiv.org/pdf/2401.04025v1 | http://arxiv.org/abs/2401.04025v1 | Abdullah Alsuhaibani, Hamad Zogan, Imran Razzak, Shoaib Jameel, Guandong Xu | 2024-01-08T17:07:37Z | cs.CL | Language models such as Bidirectional Encoder Representations from
Transformers (BERT) have been very effective in various Natural Language
Processing (NLP) and text mining tasks including text classification. However,
some tasks still pose challenges for these models, including text
classification with limited labels. This can result in a cold-start problem.
Although some approaches have attempted to address this problem through
single-stage clustering as an intermediate training step coupled with a
pre-trained language model, which generates pseudo-labels to improve
classification, these methods are often error-prone due to the limitations of
the clustering algorithms. To overcome this, we have developed a novel
two-stage intermediate clustering with subsequent fine-tuning that models the
pseudo-labels reliably, resulting in reduced prediction errors. The key novelty
in our model, IDoFew, is that the two-stage clustering coupled with two
different clustering algorithms helps exploit the advantages of the
complementary algorithms that reduce the errors in generating reliable
pseudo-labels for fine-tuning. Our approach has shown significant improvements
compared to strong comparative models. | cs.CL | IDoFew: Intermediate Training Using Dual-Clustering in Language Models for Few Labels Text Classification |
2024-01-08T16:37:45Z | http://arxiv.org/pdf/2401.04152v1 | http://arxiv.org/abs/2401.04152v1 | Jiawen Kang, Lingwei Meng, Mingyu Cui, Haohan Guo, Xixin Wu, Xunying Liu, Helen Meng | 2024-01-08T16:37:45Z | cs.SD, cs.AI, cs.CL, eess.AS | End-to-end multi-talker speech recognition has garnered great interest as an
effective approach to directly transcribe overlapped speech from multiple
speakers. Current methods typically adopt either 1) single-input
multiple-output (SIMO) models with a branched encoder, or 2) single-input
single-output (SISO) models based on attention-based encoder-decoder
architecture with serialized output training (SOT). In this work, we propose a
Cross-Speaker Encoding (CSE) network to address the limitations of SIMO models
by aggregating cross-speaker representations. Furthermore, the CSE model is
integrated with SOT to leverage both the advantages of SIMO and SISO while
mitigating their drawbacks. To the best of our knowledge, this work represents
an early effort to integrate SIMO and SISO for multi-talker speech recognition.
Experiments on the two-speaker LibrispeechMix dataset show that the CES model
reduces word error rate (WER) by 8% over the SIMO baseline. The CSE-SOT model
reduces WER by 10% overall and by 16% on high-overlap speech compared to the
SOT model. | cs.SD | Cross-Speaker Encoding Network for Multi-Talker Speech Recognition |
2024-01-08T16:13:08Z | http://arxiv.org/pdf/2401.03991v1 | http://arxiv.org/abs/2401.03991v1 | Fangjun Li, David C. Hogg, Anthony G. Cohn | 2024-01-08T16:13:08Z | cs.AI, cs.CL, cs.DB, cs.LO | Artificial intelligence (AI) has made remarkable progress across various
domains, with large language models like ChatGPT gaining substantial attention
for their human-like text-generation capabilities. Despite these achievements,
spatial reasoning remains a significant challenge for these models. Benchmarks
like StepGame evaluate AI spatial reasoning, where ChatGPT has shown
unsatisfactory performance. However, the presence of template errors in the
benchmark has an impact on the evaluation results. Thus there is potential for
ChatGPT to perform better if these template errors are addressed, leading to
more accurate assessments of its spatial reasoning capabilities. In this study,
we refine the StepGame benchmark, providing a more accurate dataset for model
evaluation. We analyze GPT's spatial reasoning performance on the rectified
benchmark, identifying proficiency in mapping natural language text to spatial
relations but limitations in multi-hop reasoning. We provide a flawless
solution to the benchmark by combining template-to-relation mapping with
logic-based reasoning. This combination demonstrates proficiency in performing
qualitative reasoning on StepGame without encountering any errors. We then
address the limitations of GPT models in spatial reasoning. We deploy
Chain-of-thought and Tree-of-thoughts prompting strategies, offering insights
into GPT's ``cognitive process", and achieving remarkable improvements in
accuracy. Our investigation not only sheds light on model deficiencies but also
proposes enhancements, contributing to the advancement of AI with more robust
spatial reasoning capabilities. | cs.AI | Advancing Spatial Reasoning in Large Language Models: An In-Depth Evaluation and Enhancement Using the StepGame Benchmark |
2024-01-08T15:05:32Z | http://arxiv.org/pdf/2401.03946v2 | http://arxiv.org/abs/2401.03946v2 | Areg Mikael Sarvazyan, José Ángel González, Marc Franco-Salvador | 2024-04-12T09:52:05Z | cs.CL | Recent advancements in Large Language Models (LLMs) have led to high-quality
Machine-Generated Text (MGT), giving rise to countless new use cases and
applications. However, easy access to LLMs is posing new challenges due to
misuse. To address malicious usage, researchers have released datasets to
effectively train models on MGT-related tasks. Similar strategies are used to
compile these datasets, but no tool currently unifies them. In this scenario,
we introduce TextMachina, a modular and extensible Python framework, designed
to aid in the creation of high-quality, unbiased datasets to build robust
models for MGT-related tasks such as detection, attribution, mixcase, or
boundary detection. It provides a user-friendly pipeline that abstracts away
the inherent intricacies of building MGT datasets, such as LLM integrations,
prompt templating, and bias mitigation. The quality of the datasets generated
by TextMachina has been assessed in previous works, including shared tasks
where more than one hundred teams trained robust MGT detectors. | cs.CL | TextMachina: Seamless Generation of Machine-Generated Text Datasets |
2024-01-08T15:01:08Z | http://arxiv.org/pdf/2401.03945v1 | http://arxiv.org/abs/2401.03945v1 | Dong Zhang, Zhaowei Li, Pengyu Wang, Xin Zhang, Yaqian Zhou, Xipeng Qiu | 2024-01-08T15:01:08Z | cs.CL | Human communication is a complex and diverse process that not only involves
multiple factors such as language, commonsense, and cultural backgrounds but
also requires the participation of multimodal information, such as speech.
Large Language Model (LLM)-based multi-agent systems have demonstrated
promising performance in simulating human society. Can we leverage LLM-based
multi-agent systems to simulate human communication? However, current LLM-based
multi-agent systems mainly rely on text as the primary medium. In this paper,
we propose SpeechAgents, a multi-modal LLM based multi-agent system designed
for simulating human communication. SpeechAgents utilizes multi-modal LLM as
the control center for individual agent and employes multi-modal signals as the
medium for exchanged messages among agents. Additionally, we propose
Multi-Agent Tuning to enhance the multi-agent capabilities of LLM without
compromising general abilities. To strengthen and evaluate the effectiveness of
human communication simulation, we build the Human-Communication Simulation
Benchmark. Experimental results demonstrate that SpeechAgents can simulate
human communication dialogues with consistent content, authentic rhythm, and
rich emotions and demonstrate excellent scalability even with up to 25 agents,
which can apply to tasks such as drama creation and audio novels generation.
Code and models will be open-sourced at https://github.
com/0nutation/SpeechAgents | cs.CL | SpeechAgents: Human-Communication Simulation with Multi-Modal Multi-Agent Systems |
2024-01-08T14:26:49Z | http://arxiv.org/pdf/2401.04151v1 | http://arxiv.org/abs/2401.04151v1 | Wenhan Xia, Chengwei Qin, Elad Hazan | 2024-01-08T14:26:49Z | cs.LG, cs.CL | Fine-tuning is the primary methodology for tailoring pre-trained large
language models to specific tasks. As the model's scale and the diversity of
tasks expand, parameter-efficient fine-tuning methods are of paramount
importance. One of the most widely used family of methods is low-rank
adaptation (LoRA) and its variants. LoRA encodes weight update as the product
of two low-rank matrices. Despite its advantages, LoRA falls short of
full-parameter fine-tuning in terms of generalization error for certain tasks.
We introduce Chain of LoRA (COLA), an iterative optimization framework
inspired by the Frank-Wolfe algorithm, to bridge the gap between LoRA and full
parameter fine-tuning, without incurring additional computational costs or
memory overheads. COLA employs a residual learning procedure where it merges
learned LoRA modules into the pre-trained language model parameters and
re-initilize optimization for new born LoRA modules. We provide theoretical
convergence guarantees as well as empirical results to validate the
effectiveness of our algorithm. Across various models (OPT and llama-2) and
seven benchmarking tasks, we demonstrate that COLA can consistently outperform
LoRA without additional computational or memory costs. | cs.LG | Chain of LoRA: Efficient Fine-tuning of Language Models via Residual Learning |
2024-01-08T14:12:31Z | http://arxiv.org/pdf/2401.03910v1 | http://arxiv.org/abs/2401.03910v1 | Raphaël Millière, Cameron Buckner | 2024-01-08T14:12:31Z | cs.CL, cs.AI, cs.LG | Large language models like GPT-4 have achieved remarkable proficiency in a
broad spectrum of language-based tasks, some of which are traditionally
associated with hallmarks of human intelligence. This has prompted ongoing
disagreements about the extent to which we can meaningfully ascribe any kind of
linguistic or cognitive competence to language models. Such questions have deep
philosophical roots, echoing longstanding debates about the status of
artificial neural networks as cognitive models. This article -- the first part
of two companion papers -- serves both as a primer on language models for
philosophers, and as an opinionated survey of their significance in relation to
classic debates in the philosophy cognitive science, artificial intelligence,
and linguistics. We cover topics such as compositionality, language
acquisition, semantic competence, grounding, world models, and the transmission
of cultural knowledge. We argue that the success of language models challenges
several long-held assumptions about artificial neural networks. However, we
also highlight the need for further empirical investigation to better
understand their internal mechanisms. This sets the stage for the companion
paper (Part II), which turns to novel empirical methods for probing the inner
workings of language models, and new philosophical questions prompted by their
latest developments. | cs.CL | A Philosophical Introduction to Language Models -- Part I: Continuity With Classic Debates |
2024-01-08T14:08:33Z | http://arxiv.org/pdf/2401.03905v1 | http://arxiv.org/abs/2401.03905v1 | Morgan Veyret, Jean-Baptiste Duchene, Kekeli Afonouvi, Quentin Brabant, Gwenole Lecorve, Lina M. Rojas-Barahona | 2024-01-08T14:08:33Z | cs.CL | Typically available dialogue frameworks have adopted a semantic
representation based on dialogue-acts and slot-value pairs. Despite its
simplicity, this representation has disadvantages such as the lack of
expressivity, scalability and explainability. We present WEBDial: a dialogue
framework that relies on a graph formalism by using RDF triples instead of
slot-value pairs. We describe its overall architecture and the graph-based
semantic representation. We show its applicability from simple to complex
applications, by varying the complexity of domains and tasks: from single
domain and tasks to multiple domains and complex tasks. | cs.CL | WEBDial, a Multi-domain, Multitask Statistical Dialogue Framework with RDF |
2024-01-08T14:01:59Z | http://arxiv.org/pdf/2401.03901v1 | http://arxiv.org/abs/2401.03901v1 | Yueqian Wang, Yuxuan Wang, Kai Chen, Dongyan Zhao | 2024-01-08T14:01:59Z | cs.CV, cs.CL | Recently we have witnessed the rapid development of video question answering
models. However, most models can only handle simple videos in terms of temporal
reasoning, and their performance tends to drop when answering
temporal-reasoning questions on long and informative videos. To tackle this
problem we propose STAIR, a Spatial-Temporal Reasoning model with Auditable
Intermediate Results for video question answering. STAIR is a neural module
network, which contains a program generator to decompose a given question into
a hierarchical combination of several sub-tasks, and a set of lightweight
neural modules to complete each of these sub-tasks. Though neural module
networks are already widely studied on image-text tasks, applying them to
videos is a non-trivial task, as reasoning on videos requires different
abilities. In this paper, we define a set of basic video-text sub-tasks for
video question answering and design a set of lightweight modules to complete
them. Different from most prior works, modules of STAIR return intermediate
outputs specific to their intentions instead of always returning attention
maps, which makes it easier to interpret and collaborate with pre-trained
models. We also introduce intermediate supervision to make these intermediate
outputs more accurate. We conduct extensive experiments on several video
question answering datasets under various settings to show STAIR's performance,
explainability, compatibility with pre-trained models, and applicability when
program annotations are not available. Code:
https://github.com/yellow-binary-tree/STAIR | cs.CV | STAIR: Spatial-Temporal Reasoning with Auditable Intermediate Results for Video Question Answering |
2024-01-08T12:36:43Z | http://arxiv.org/pdf/2401.03855v3 | http://arxiv.org/abs/2401.03855v3 | Ankit Yadav, Mayank Singh | 2024-04-26T04:53:51Z | cs.CL, cs.AI | Driven by the surge in code generation using large language models (LLMs),
numerous benchmarks have emerged to evaluate these LLMs capabilities. We
conducted a large-scale human evaluation of HumanEval and MBPP, two popular
benchmarks for Python code generation, analyzing their diversity and
difficulty. Our findings unveil a critical bias towards a limited set of
programming concepts, neglecting most of the other concepts entirely.
Furthermore, we uncover a worrying prevalence of easy tasks, potentially
inflating model performance estimations. To address these limitations, we
propose a novel benchmark, PythonSaga, featuring 185 hand-crafted prompts on a
balanced representation of 38 programming concepts across diverse difficulty
levels. | cs.CL | PythonSaga: Redefining the Benchmark to Evaluate Code Generating LLM |
2024-01-08T11:40:48Z | http://arxiv.org/pdf/2401.03831v1 | http://arxiv.org/abs/2401.03831v1 | Peter Vickers, Loïc Barrault, Emilio Monti, Nikolaos Aletras | 2024-01-08T11:40:48Z | cs.CL, cs.LG | In Natural Language Processing (NLP) classification tasks such as topic
categorisation and sentiment analysis, model generalizability is generally
measured with standard metrics such as Accuracy, F-Measure, or AUC-ROC. The
diversity of metrics, and the arbitrariness of their application suggest that
there is no agreement within NLP on a single best metric to use. This lack
suggests there has not been sufficient examination of the underlying heuristics
which each metric encodes. To address this we compare several standard
classification metrics with more 'exotic' metrics and demonstrate that a
random-guess normalised Informedness metric is a parsimonious baseline for task
performance. To show how important the choice of metric is, we perform
extensive experiments on a wide range of NLP tasks including a synthetic
scenario, natural language understanding, question answering and machine
translation. Across these tasks we use a superset of metrics to rank models and
find that Informedness best captures the ideal model characteristics. Finally,
we release a Python implementation of Informedness following the SciKitLearn
classifier format. | cs.CL | We Need to Talk About Classification Evaluation Metrics in NLP |
2024-01-08T10:43:19Z | http://arxiv.org/pdf/2401.03804v2 | http://arxiv.org/abs/2401.03804v2 | Zhongjiang He, Zihan Wang, Xinzhang Liu, Shixuan Liu, Yitong Yao, Yuyao Huang, Xuelong Li, Yongxiang Li, Zhonghao Che, Zhaoxi Zhang, Yan Wang, Xin Wang, Luwen Pu, Huinan Xu, Ruiyu Fang, Yu Zhao, Jie Zhang, Xiaomeng Huang, Zhilong Lu, Jiaxin Peng, Wenjun Zheng, Shiquan Wang, Bingkai Yang, Xuewei he, Zhuoru Jiang, Qiyi Xie, Yanhan Zhang, Zhongqiu Li, Lingling Shi, Weiwei Fu, Yin Zhang, Zilu Huang, Sishi Xiong, Yuxiang Zhang, Chao Wang, Shuangyong Song | 2024-04-02T01:45:11Z | cs.CL, cs.AI, I.2.7 | In this technical report, we present TeleChat, a collection of large language
models (LLMs) with parameters of 3 billion, 7 billion and 12 billion. It
includes pretrained language models as well as fine-tuned chat models that is
aligned with human preferences. TeleChat is initially pretrained on an
extensive corpus containing a diverse collection of texts from both English and
Chinese languages, including trillions of tokens. Subsequently, the model
undergoes fine-tuning to align with human preferences, following a detailed
methodology that we describe. We evaluate the performance of TeleChat on
various tasks, including language understanding, mathematics, reasoning, code
generation, and knowledge-based question answering. Our findings indicate that
TeleChat achieves comparable performance to other open-source models of similar
size across a wide range of public benchmarks. To support future research and
applications utilizing LLMs, we release the fine-tuned model checkpoints of
TeleChat's 7B and 12B variant, along with code and a portion of our pretraining
data, to the public community. | cs.CL | TeleChat Technical Report |
2024-01-08T10:27:25Z | http://arxiv.org/pdf/2401.03797v2 | http://arxiv.org/abs/2401.03797v2 | Majd Saleh, Stéphane Paquelet | 2024-02-27T16:35:56Z | cs.CL, cs.LG | The fields of generative AI and transfer learning have experienced remarkable
advancements in recent years especially in the domain of Natural Language
Processing (NLP). Transformers have been at the heart of these advancements
where the cutting-edge transformer-based Language Models (LMs) have led to new
state-of-the-art results in a wide spectrum of applications. While the number
of research works involving neural LMs is exponentially increasing, their vast
majority are high-level and far from self-contained. Consequently, a deep
understanding of the literature in this area is a tough task especially in the
absence of a unified mathematical framework explaining the main types of neural
LMs. We address the aforementioned problem in this tutorial where the objective
is to explain neural LMs in a detailed, simplified and unambiguous mathematical
framework accompanied by clear graphical illustrations. Concrete examples on
widely used models like BERT and GPT2 are explored. Finally, since transformers
pretrained on language-modeling-like tasks have been widely adopted in computer
vision and time series applications, we briefly explore some examples of such
solutions in order to enable readers to understand how transformers work in the
aforementioned domains and compare this use with the original one in NLP. | cs.CL | Anatomy of Neural Language Models |
2024-01-08T09:01:29Z | http://arxiv.org/pdf/2401.03741v1 | http://arxiv.org/abs/2401.03741v1 | David de-Fitero-Dominguez, Eva Garcia-Lopez, Antonio Garcia-Cabot, Jose-Javier Martinez-Herraiz | 2024-01-08T09:01:29Z | cs.SE, cs.CL | This research addresses the complex challenge of automated repair of code
vulnerabilities, vital for enhancing digital security in an increasingly
technology-driven world. The study introduces a novel and efficient format for
the representation of code modification, using advanced Large Language Models
(LLMs) such as Code Llama and Mistral. These models, fine-tuned on datasets
featuring C code vulnerabilities, significantly improve the accuracy and
adaptability of automated code repair techniques. A key finding is the enhanced
repair accuracy of these models when compared to previous methods such as
VulRepair, which underscores their practical utility and efficiency. The
research also offers a critical assessment of current evaluation metrics, such
as perfect predictions, and their limitations in reflecting the true
capabilities of automated repair models in real-world scenarios. Following
this, it underscores the importance of using test datasets devoid of train
samples, emphasizing the need for dataset integrity to enhance the
effectiveness of LLMs in code repair tasks. The significance of this work is
its contribution to digital security, setting new standards for automated code
vulnerability repair and paving the way for future advancements in the fields
of cybersecurity and artificial intelligence. The study does not only highlight
the potential of LLMs in enhancing code security but also fosters further
exploration and research in these crucial areas. | cs.SE | Enhanced Automated Code Vulnerability Repair using Large Language Models |
2024-01-08T08:58:46Z | http://arxiv.org/pdf/2401.03737v2 | http://arxiv.org/abs/2401.03737v2 | Georgios Fatouros, Konstantinos Metaxas, John Soldatos, Dimosthenis Kyriazis | 2024-04-04T13:18:55Z | q-fin.CP, cs.AI, cs.CE, cs.CL, cs.LG, 68T07, 68T50, 91G10, 91G15, I.2.1; I.2.7; J.4 | This paper introduces MarketSenseAI, an innovative framework leveraging
GPT-4's advanced reasoning for selecting stocks in financial markets. By
integrating Chain of Thought and In-Context Learning, MarketSenseAI analyzes
diverse data sources, including market trends, news, fundamentals, and
macroeconomic factors, to emulate expert investment decision-making. The
development, implementation, and validation of the framework are elaborately
discussed, underscoring its capability to generate actionable and interpretable
investment signals. A notable feature of this work is employing GPT-4 both as a
predictive mechanism and signal evaluator, revealing the significant impact of
the AI-generated explanations on signal accuracy, reliability and acceptance.
Through empirical testing on the competitive S&P 100 stocks over a 15-month
period, MarketSenseAI demonstrated exceptional performance, delivering excess
alpha of 10% to 30% and achieving a cumulative return of up to 72% over the
period, while maintaining a risk profile comparable to the broader market. Our
findings highlight the transformative potential of Large Language Models in
financial decision-making, marking a significant leap in integrating generative
AI into financial analytics and investment strategies. | q-fin.CP | Can Large Language Models Beat Wall Street? Unveiling the Potential of AI in Stock Selection |
2024-01-08T08:54:22Z | http://arxiv.org/pdf/2401.03735v3 | http://arxiv.org/abs/2401.03735v3 | Fangwei Zhu, Damai Dai, Zhifang Sui | 2024-06-09T12:42:01Z | cs.CL | Large language models (LLMs) have exhibited impressive competence in various
tasks, but their internal mechanisms on mathematical problems are still
under-explored. In this paper, we study a fundamental question: whether
language models know the value of numbers, a basic element in math. To study
the question, we construct a synthetic dataset comprising addition problems and
utilize linear probes to read out input numbers from the hidden states.
Experimental results support the existence of encoded number values in LLMs on
different layers, and these values can be extracted via linear probes. Further
experiments show that LLMs store their calculation results in a similar manner,
and we can intervene the output via simple vector additions, proving the causal
connection between encoded numbers and language model outputs. Our research
provides evidence that LLMs know the value of numbers, thus offering insights
for better exploring, designing, and utilizing numeric information in LLMs. | cs.CL | Language Models Know the Value of Numbers |
2024-01-08T08:28:08Z | http://arxiv.org/pdf/2401.03729v3 | http://arxiv.org/abs/2401.03729v3 | Abel Salinas, Fred Morstatter | 2024-04-01T20:56:11Z | cs.CL, cs.AI | Large Language Models (LLMs) are regularly being used to label data across
many domains and for myriad tasks. By simply asking the LLM for an answer, or
``prompting,'' practitioners are able to use LLMs to quickly get a response for
an arbitrary task. This prompting is done through a series of decisions by the
practitioner, from simple wording of the prompt, to requesting the output in a
certain data format, to jailbreaking in the case of prompts that address more
sensitive topics. In this work, we ask: do variations in the way a prompt is
constructed change the ultimate decision of the LLM? We answer this using a
series of prompt variations across a variety of text classification tasks. We
find that even the smallest of perturbations, such as adding a space at the end
of a prompt, can cause the LLM to change its answer. Further, we find that
requesting responses in XML and commonly used jailbreaks can have cataclysmic
effects on the data labeled by LLMs. | cs.CL | The Butterfly Effect of Altering Prompts: How Small Changes and Jailbreaks Affect Large Language Model Performance |
2024-01-08T05:54:26Z | http://arxiv.org/pdf/2401.03677v1 | http://arxiv.org/abs/2401.03677v1 | Aatman Vaidya, Arnav Arora, Aditya Joshi, Tarunima Prabhakar | 2024-01-08T05:54:26Z | cs.CL, cs.LG | This paper reports the findings of the ICON 2023 on Gendered Abuse Detection
in Indic Languages. The shared task deals with the detection of gendered abuse
in online text. The shared task was conducted as a part of ICON 2023, based on
a novel dataset in Hindi, Tamil and the Indian dialect of English. The
participants were given three subtasks with the train dataset consisting of
approximately 6500 posts sourced from Twitter. For the test set, approximately
1200 posts were provided. The shared task received a total of 9 registrations.
The best F-1 scores are 0.616 for subtask 1, 0.572 for subtask 2 and, 0.616 and
0.582 for subtask 3. The paper contains examples of hateful content owing to
its topic. | cs.CL | Overview of the 2023 ICON Shared Task on Gendered Abuse Detection in Indic Languages |
2024-01-08T03:52:40Z | http://arxiv.org/pdf/2401.06792v2 | http://arxiv.org/abs/2401.06792v2 | Feng Wang | 2024-01-17T04:40:13Z | cs.CL, cs.AI | With the development of artificial intelligence, large-scale models have
become increasingly intelligent. However, numerous studies indicate that
hallucinations within these large models are a bottleneck hindering the
development of AI research. In the pursuit of achieving strong artificial
intelligence, a significant volume of research effort is being invested in the
AGI (Artificial General Intelligence) hallucination research. Previous
explorations have been conducted in researching hallucinations within LLMs
(Large Language Models). As for multimodal AGI, research on hallucinations is
still in an early stage. To further the progress of research in the domain of
hallucinatory phenomena, we present a bird's eye view of hallucinations in AGI,
summarizing the current work on AGI hallucinations and proposing some
directions for future research. | cs.CL | LightHouse: A Survey of AGI Hallucination |
2024-01-08T03:35:02Z | http://arxiv.org/pdf/2401.06791v1 | http://arxiv.org/abs/2401.06791v1 | Gongbo Zhang, Yiliang Zhou, Yan Hu, Hua Xu, Chunhua Weng, Yifan Peng | 2024-01-08T03:35:02Z | cs.IR, cs.AI, cs.CL | Objectives Extraction of PICO (Populations, Interventions, Comparison, and
Outcomes) entities is fundamental to evidence retrieval. We present a novel
method PICOX to extract overlapping PICO entities.
Materials and Methods PICOX first identifies entities by assessing whether a
word marks the beginning or conclusion of an entity. Then it uses a multi-label
classifier to assign one or more PICO labels to a span candidate. PICOX was
evaluated using one of the best-performing baselines, EBM-NLP, and three more
datasets, i.e., PICO-Corpus, and RCT publications on Alzheimer's Disease or
COVID-19, using entity-level precision, recall, and F1 scores.
Results PICOX achieved superior precision, recall, and F1 scores across the
board, with the micro F1 score improving from 45.05 to 50.87 (p << 0.01). On
the PICO-Corpus, PICOX obtained higher recall and F1 scores than the baseline
and improved the micro recall score from 56.66 to 67.33. On the COVID-19
dataset, PICOX also outperformed the baseline and improved the micro F1 score
from 77.10 to 80.32. On the AD dataset, PICOX demonstrated comparable F1 scores
with higher precision when compared to the baseline.
Conclusion PICOX excels in identifying overlapping entities and consistently
surpasses a leading baseline across multiple datasets. Ablation studies reveal
that its data augmentation strategy effectively minimizes false positives and
improves precision. | cs.IR | A Span-based Model for Extracting Overlapping PICO Entities from RCT Publications |
2024-01-08T03:14:24Z | http://arxiv.org/pdf/2401.03642v2 | http://arxiv.org/abs/2401.03642v2 | Haining Wang | 2024-01-16T01:05:59Z | cs.CL, cs.DL | Novelty, akin to gene mutation in evolution, opens possibilities for
scholarly advancement. Although peer review remains the gold standard for
evaluating novelty in scholarly communication and resource allocation, the vast
volume of submissions necessitates an automated measure of scholarly novelty.
Adopting a perspective that views novelty as the atypical combination of
existing knowledge, we introduce an information-theoretic measure of novelty in
scholarly publications. This measure quantifies the degree of 'surprise'
perceived by a language model that represents the word distribution of
scholarly discourse. The proposed measure is accompanied by face and construct
validity evidence; the former demonstrates correspondence to scientific common
sense, and the latter is endorsed through alignment with novelty evaluations
from a select panel of domain experts. Additionally, characterized by its
interpretability, fine granularity, and accessibility, this measure addresses
gaps prevalent in existing methods. We believe this measure holds great
potential to benefit editors, stakeholders, and policymakers, and it provides a
reliable lens for examining the relationship between novelty and academic
dynamics such as creativity, interdisciplinarity, and scientific advances. | cs.CL | A Content-Based Novelty Measure for Scholarly Publications: A Proof of Concept |
2024-01-08T02:23:17Z | http://arxiv.org/pdf/2401.03631v1 | http://arxiv.org/abs/2401.03631v1 | William R. Kearns, Jessica Bertram, Myra Divina, Lauren Kemp, Yinzhou Wang, Alex Marin, Trevor Cohen, Weichao Yuwen | 2024-01-08T02:23:17Z | cs.HC, cs.AI, cs.CL, cs.IR, cs.LG | Despite the high prevalence and burden of mental health conditions, there is
a global shortage of mental health providers. Artificial Intelligence (AI)
methods have been proposed as a way to address this shortage, by supporting
providers with less extensive training as they deliver care. To this end, we
developed the AI-Assisted Provider Platform (A2P2), a text-based virtual
therapy interface that includes a response suggestion feature, which supports
providers in delivering protocolized therapies empathetically. We studied
providers with and without expertise in mental health treatment delivering a
therapy session using the platform with (intervention) and without (control)
AI-assistance features. Upon evaluation, the AI-assisted system significantly
decreased response times by 29.34% (p=0.002), tripled empathic response
accuracy (p=0.0001), and increased goal recommendation accuracy by 66.67%
(p=0.001) across both user groups compared to the control. Both groups rated
the system as having excellent usability. | cs.HC | Bridging the Skills Gap: Evaluating an AI-Assisted Provider Platform to Support Care Providers with Empathetic Delivery of Protocolized Therapy |
2024-01-08T02:22:04Z | http://arxiv.org/pdf/2401.03630v2 | http://arxiv.org/abs/2401.03630v2 | Weizhe Chen, Sven Koenig, Bistra Dilkina | 2024-02-09T17:48:19Z | cs.MA, cs.AI, cs.CL | With the explosive influence caused by the success of large language models
(LLM) like ChatGPT and GPT-4, there has been an extensive amount of recent work
showing that foundation models can be used to solve a large variety of tasks.
However, there is very limited work that shares insights on multi-agent
planning. Multi-agent planning is different from other domains by combining the
difficulty of multi-agent coordination and planning, and making it hard to
leverage external tools to facilitate the reasoning needed. In this paper, we
focus on the problem of multi-agent path finding (MAPF), which is also known as
multi-robot route planning, and study the performance of solving MAPF with
LLMs. We first show the motivating success on an empty room map without
obstacles, then the failure to plan on the harder room map and maze map of the
standard MAPF benchmark. We present our position on why directly solving MAPF
with LLMs has not been successful yet, and we use various experiments to
support our hypothesis. Based on our results, we discussed how researchers with
different backgrounds could help with this problem from different perspectives. | cs.MA | Why Solving Multi-agent Path Finding with Large Language Model has not Succeeded Yet |
2024-01-08T00:27:16Z | http://arxiv.org/pdf/2401.06790v2 | http://arxiv.org/abs/2401.06790v2 | Daniel de S. Moraes, Pedro T. C. Santos, Polyana B. da Costa, Matheus A. S. Pinto, Ivan de J. P. Pinto, Álvaro M. G. da Veiga, Sergio Colcher, Antonio J. G. Busson, Rafael H. Rocha, Rennan Gaio, Rafael Miceli, Gabriela Tourinho, Marcos Rabaioli, Leandro Santos, Fellipe Marques, David Favaro | 2024-02-11T15:54:58Z | cs.CL, cs.AI | This work presents an unsupervised method for automatically constructing and
expanding topic taxonomies using instruction-based fine-tuned LLMs (Large
Language Models). We apply topic modeling and keyword extraction techniques to
create initial topic taxonomies and LLMs to post-process the resulting terms
and create a hierarchy. To expand an existing taxonomy with new terms, we use
zero-shot prompting to find out where to add new nodes, which, to our
knowledge, is the first work to present such an approach to taxonomy tasks. We
use the resulting taxonomies to assign tags that characterize merchants from a
retail bank dataset. To evaluate our work, we asked 12 volunteers to answer a
two-part form in which we first assessed the quality of the taxonomies created
and then the tags assigned to merchants based on that taxonomy. The evaluation
revealed a coherence rate exceeding 90% for the chosen taxonomies. The
taxonomies' expansion with LLMs also showed exciting results for parent node
prediction, with an f1-score above 70% in our taxonomies. | cs.CL | Using Zero-shot Prompting in the Automatic Creation and Expansion of Topic Taxonomies for Tagging Retail Banking Transactions |
2024-01-07T23:17:42Z | http://arxiv.org/pdf/2401.03605v1 | http://arxiv.org/abs/2401.03605v1 | Kyle Dylan Spurlock, Cagla Acun, Esin Saka, Olfa Nasraoui | 2024-01-07T23:17:42Z | cs.IR, cs.AI, cs.CL, cs.LG, I.2.7; H.3.3 | Recommendation algorithms have been pivotal in handling the overwhelming
volume of online content. However, these algorithms seldom consider direct user
input, resulting in superficial interaction between them. Efforts have been
made to include the user directly in the recommendation process through
conversation, but these systems too have had limited interactivity. Recently,
Large Language Models (LLMs) like ChatGPT have gained popularity due to their
ease of use and their ability to adapt dynamically to various tasks while
responding to feedback. In this paper, we investigate the effectiveness of
ChatGPT as a top-n conversational recommendation system. We build a rigorous
pipeline around ChatGPT to simulate how a user might realistically probe the
model for recommendations: by first instructing and then reprompting with
feedback to refine a set of recommendations. We further explore the effect of
popularity bias in ChatGPT's recommendations, and compare its performance to
baseline models. We find that reprompting ChatGPT with feedback is an effective
strategy to improve recommendation relevancy, and that popularity bias can be
mitigated through prompt engineering. | cs.IR | ChatGPT for Conversational Recommendation: Refining Recommendations by Reprompting with Feedback |
2024-01-07T23:01:56Z | http://arxiv.org/pdf/2401.03601v1 | http://arxiv.org/abs/2401.03601v1 | Yiwei Qin, Kaiqiang Song, Yebowen Hu, Wenlin Yao, Sangwoo Cho, Xiaoyang Wang, Xuansheng Wu, Fei Liu, Pengfei Liu, Dong Yu | 2024-01-07T23:01:56Z | cs.CL, cs.AI | This paper introduces the Decomposed Requirements Following Ratio (DRFR), a
new metric for evaluating Large Language Models' (LLMs) ability to follow
instructions. Addressing a gap in current methodologies, DRFR breaks down
complex instructions into simpler criteria, facilitating a detailed analysis of
LLMs' compliance with various aspects of tasks. Alongside this metric, we
present InFoBench, a benchmark comprising 500 diverse instructions and 2,250
decomposed questions across multiple constraint categories. Our experiments
compare DRFR with traditional scoring methods and explore annotation sources,
including human experts, crowd-sourced workers, and GPT-4. The findings
demonstrate DRFR's higher reliability and the effectiveness of using GPT-4 as a
cost-efficient annotator. The evaluation of several advanced LLMs using this
framework reveals their strengths and areas needing improvement, particularly
in complex instruction-following. This study contributes a novel metric and
benchmark, offering insights for future LLM development and evaluation. | cs.CL | InFoBench: Evaluating Instruction Following Ability in Large Language Models |
2024-01-07T22:20:55Z | http://arxiv.org/pdf/2401.03591v2 | http://arxiv.org/abs/2401.03591v2 | Siyu Li, Lu Chen, Chenwei Song, Xinyi Liu | 2024-01-27T00:01:26Z | cs.CL | To resolve the semantic ambiguity in texts, we propose a model, which
innovatively combines a knowledge graph with an improved attention mechanism.
An existing knowledge base is utilized to enrich the text with relevant
contextual concepts. The model operates at both character and word levels to
deepen its understanding by integrating the concepts. We first adopt
information gain to select import words. Then an encoder-decoder framework is
used to encode the text along with the related concepts. The local attention
mechanism adjusts the weight of each concept, reducing the influence of
irrelevant or noisy concepts during classification. We improve the calculation
formula for attention scores in the local self-attention mechanism, ensuring
that words with different frequencies of occurrence in the text receive higher
attention scores. Finally, the model employs a Bi-directional Gated Recurrent
Unit (Bi-GRU), which is effective in feature extraction from texts for improved
classification accuracy. Its performance is demonstrated on datasets such as
AGNews, Ohsumed, and TagMyNews, achieving accuracy of 75.1%, 58.7%, and 68.5%
respectively, showing its effectiveness in classifying tasks. | cs.CL | Text Classification Based on Knowledge Graphs and Improved Attention Mechanism |
2024-01-07T22:11:36Z | http://arxiv.org/pdf/2401.03590v2 | http://arxiv.org/abs/2401.03590v2 | Emrah Budur, Rıza Özçelik, Dilara Soylu, Omar Khattab, Tunga Güngör, Christopher Potts | 2024-06-05T03:13:31Z | cs.CL | Question answering (QA) is the task of answering questions posed in natural
language with free-form natural language answers extracted from a given
passage. In the OpenQA variant, only a question text is given, and the system
must retrieve relevant passages from an unstructured knowledge source and use
them to provide answers, which is the case in the mainstream QA systems on the
Web. QA systems currently are mostly limited to the English language due to the
lack of large-scale labeled QA datasets in non-English languages. In this
paper, we show that effective, low-cost OpenQA systems can be developed for
low-resource contexts. The key ingredients are (1) weak supervision using
machine-translated labeled datasets and (2) a relevant unstructured knowledge
source in the target language context. Furthermore, we show that only a few
hundred gold assessment examples are needed to reliably evaluate these systems.
We apply our method to Turkish as a challenging case study, since English and
Turkish are typologically very distinct and Turkish has limited resources for
QA. We present SQuAD-TR, a machine translation of SQuAD2.0, and we build our
OpenQA system by adapting ColBERT-QA and retraining it over Turkish resources
and SQuAD-TR using two versions of Wikipedia dumps spanning two years. We
obtain a performance improvement of 24-32% in the Exact Match (EM) score and
22-29% in the F1 score compared to the BM25-based and DPR-based baseline QA
reader models. Our results show that SQuAD-TR makes OpenQA feasible for
Turkish, which we hope encourages researchers to build OpenQA systems in other
low-resource languages. We make all the code, models, and the dataset publicly
available at https://github.com/boun-tabi/SQuAD-TR. | cs.CL | Building Efficient and Effective OpenQA Systems for Low-Resource Languages |
2024-01-07T18:12:20Z | http://arxiv.org/pdf/2401.03563v1 | http://arxiv.org/abs/2401.03563v1 | Yingqian Min, Kun Zhou, Dawei Gao, Wayne Xin Zhao, He Hu, Yaliang Li | 2024-01-07T18:12:20Z | cs.CL, cs.IR | Recently, multi-task instruction tuning has been applied into sentence
representation learning, which endows the capability of generating specific
representations with the guidance of task instruction, exhibiting strong
generalization ability on new tasks. However, these methods mostly neglect the
potential interference problems across different tasks and instances, which may
affect the training and convergence of the model. To address it, we propose a
data curriculum method, namely Data-CUBE, that arranges the orders of all the
multi-task data for training, to minimize the interference risks from the two
views. In the task level, we aim to find the optimal task order to minimize the
total cross-task interference risk, which is exactly the traveling salesman
problem, hence we utilize a simulated annealing algorithm to find its solution.
In the instance level, we measure the difficulty of all instances per task,
then divide them into the easy-to-difficult mini-batches for training.
Experiments on MTEB sentence representation evaluation tasks show that our
approach can boost the performance of state-of-the-art methods. Our code and
data are publicly available at the link:
\url{https://github.com/RUCAIBox/Data-CUBE}. | cs.CL | Data-CUBE: Data Curriculum for Instruction-based Sentence Representation Learning |
2024-01-07T17:23:27Z | http://arxiv.org/pdf/2401.03551v1 | http://arxiv.org/abs/2401.03551v1 | Chau Nguyen, Phuong Nguyen, Thanh Tran, Dat Nguyen, An Trieu, Tin Pham, Anh Dang, Le-Minh Nguyen | 2024-01-07T17:23:27Z | cs.CL, cs.IR | The Competition on Legal Information Extraction/Entailment (COLIEE) is held
annually to encourage advancements in the automatic processing of legal texts.
Processing legal documents is challenging due to the intricate structure and
meaning of legal language. In this paper, we outline our strategies for
tackling Task 2, Task 3, and Task 4 in the COLIEE 2023 competition. Our
approach involved utilizing appropriate state-of-the-art deep learning methods,
designing methods based on domain characteristics observation, and applying
meticulous engineering practices and methodologies to the competition. As a
result, our performance in these tasks has been outstanding, with first places
in Task 2 and Task 3, and promising results in Task 4. Our source code is
available at https://github.com/Nguyen2015/CAPTAIN-COLIEE2023/tree/coliee2023. | cs.CL | CAPTAIN at COLIEE 2023: Efficient Methods for Legal Information Retrieval and Entailment Tasks |
2024-01-07T17:12:08Z | http://arxiv.org/pdf/2401.03545v1 | http://arxiv.org/abs/2401.03545v1 | Hoa Nguyen, Steffen Eger | 2024-01-07T17:12:08Z | cs.DL, cs.AI, cs.CL | Citations are a key ingredient of scientific research to relate a paper to
others published in the community. Recently, it has been noted that there is a
citation age bias in the Natural Language Processing (NLP) community, one of
the currently fastest growing AI subfields, in that the mean age of the
bibliography of NLP papers has become ever younger in the last few years,
leading to `citation amnesia' in which older knowledge is increasingly
forgotten. In this work, we put such claims into perspective by analyzing the
bibliography of $\sim$300k papers across 15 different scientific fields
submitted to the popular preprint server Arxiv in the time period from 2013 to
2022. We find that all AI subfields (in particular: cs.AI, cs.CL, cs.CV, cs.LG)
have similar trends of citation amnesia, in which the age of the bibliography
has roughly halved in the last 10 years (from above 12 in 2013 to below 7 in
2022), on average. Rather than diagnosing this as a citation age bias in the
NLP community, we believe this pattern is an artefact of the dynamics of these
research fields, in which new knowledge is produced in ever shorter time
intervals. | cs.DL | Is there really a Citation Age Bias in NLP? |
2024-01-07T16:39:34Z | http://arxiv.org/pdf/2401.03538v1 | http://arxiv.org/abs/2401.03538v1 | Xi Chen, Jiakun Pei, Liumeng Xue, Mingyang Zhang | 2024-01-07T16:39:34Z | cs.CL, cs.SD, eess.AS | Accent conversion aims to convert the accent of a source speech to a target
accent, meanwhile preserving the speaker's identity. This paper introduces a
novel non-autoregressive framework for accent conversion that learns
accent-agnostic linguistic representations and employs them to convert the
accent in the source speech. Specifically, the proposed system aligns speech
representations with linguistic representations obtained from Text-to-Speech
(TTS) systems, enabling training of the accent voice conversion model on
non-parallel data. Furthermore, we investigate the effectiveness of a
pretraining strategy on native data and different acoustic features within our
proposed framework. We conduct a comprehensive evaluation using both subjective
and objective metrics to assess the performance of our approach. The evaluation
results highlight the benefits of the pretraining strategy and the
incorporation of richer semantic features, resulting in significantly enhanced
audio quality and intelligibility. | cs.CL | Transfer the linguistic representations from TTS to accent conversion with non-parallel data |
2024-01-07T16:35:30Z | http://arxiv.org/pdf/2401.06789v1 | http://arxiv.org/abs/2401.06789v1 | Tingting Zhao, Shubo Tian, Jordan Daly, Melissa Geiger, Minna Jia, Jinfeng Zhang | 2024-01-07T16:35:30Z | cs.IR, cs.AI, cs.CL, cs.LG | For an approaching disaster, the tracking of time-sensitive critical
information such as hurricane evacuation notices is challenging in the United
States. These notices are issued and distributed rapidly by numerous local
authorities that may spread across multiple states. They often undergo frequent
updates and are distributed through diverse online portals lacking standard
formats. In this study, we developed an approach to timely detect and track the
locally issued hurricane evacuation notices. The text data were collected
mainly with a spatially targeted web scraping method. They were manually
labeled and then classified using natural language processing techniques with
deep learning models. The classification of mandatory evacuation notices
achieved a high accuracy (recall = 96%). We used Hurricane Ian (2022) to
illustrate how real-time evacuation notices extracted from local government
sources could be redistributed with a Web GIS system. Our method applied to
future hurricanes provides live data for situation awareness to higher-level
government agencies and news media. The archived data helps scholars to study
government responses toward weather warnings and individual behaviors
influenced by evacuation history. The framework may be applied to other types
of disasters for rapid and targeted retrieval, classification, redistribution,
and archiving of real-time government orders and notifications. | cs.IR | Information Retrieval and Classification of Real-Time Multi-Source Hurricane Evacuation Notices |
2024-01-07T15:13:24Z | http://arxiv.org/pdf/2401.03515v1 | http://arxiv.org/abs/2401.03515v1 | Nuri Tas | 2024-01-07T15:13:24Z | cs.CL, cs.LG | We pretrain RoBERTa on a Turkish corpora using BPE tokenizer. Our model
outperforms BERTurk family models on the BOUN dataset for the POS task while
resulting in underperformance on the IMST dataset for the same task and
achieving competitive scores on the Turkish split of the XTREME dataset for the
NER task - all while being pretrained on smaller data than its competitors. We
release our pretrained model and tokenizer. | cs.CL | RoBERTurk: Adjusting RoBERTa for Turkish |
2024-01-07T15:05:26Z | http://arxiv.org/pdf/2401.03514v2 | http://arxiv.org/abs/2401.03514v2 | Shilong Yuan, Wei Yuan, Hongzhi Yin, Tieke He | 2024-01-09T07:18:56Z | cs.CL | While language models have made many milestones in text inference and
classification tasks, they remain susceptible to adversarial attacks that can
lead to unforeseen outcomes. Existing works alleviate this problem by equipping
language models with defense patches. However, these defense strategies often
rely on impractical assumptions or entail substantial sacrifices in model
performance. Consequently, enhancing the resilience of the target model using
such defense mechanisms is a formidable challenge. This paper introduces an
innovative model for robust text inference and classification, built upon
diffusion models (ROIC-DM). Benefiting from its training involving denoising
stages, ROIC-DM inherently exhibits greater robustness compared to conventional
language models. Moreover, ROIC-DM can attain comparable, and in some cases,
superior performance to language models, by effectively incorporating them as
advisory components. Extensive experiments conducted with several strong
textual adversarial attacks on three datasets demonstrate that (1) ROIC-DM
outperforms traditional language models in robustness, even when the latter are
fortified with advanced defense mechanisms; (2) ROIC-DM can achieve comparable
and even better performance than traditional language models by using them as
advisors. | cs.CL | ROIC-DM: Robust Text Inference and Classification via Diffusion Model |
2024-01-07T15:00:36Z | http://arxiv.org/pdf/2401.03512v3 | http://arxiv.org/abs/2401.03512v3 | Chengyue Yu, Lei Zang, Jiaotuan Wang, Chenyi Zhuang, Jinjie Gu | 2024-03-20T07:39:48Z | cs.CL, cs.AI, cs.LG | Automatic Chinese classical poetry generation has attracted much research
interest, but achieving effective control over format and content
simultaneously remains challenging. Traditional systems usually accept keywords
as user inputs, resulting in limited control over content. Large language
models (LLMs) improve content control by allowing unrestricted user
instructions, but the token-by-token generation process frequently makes format
errors. Motivated by this, we propose CharPoet, a Chinese classical poetry
generation system based on token-free LLM, which provides effective control
over both format and content. Our token-free architecture generates in a
character-by-character manner, enabling precise control over the number of
characters. Pruned from existing token-based LLMs, CharPoet inherits their
pretrained capabilities and can generate poetry following instructions like
"Write me a poem for my mother's birthday." CharPoet achieves format accuracy
above 0.96, outperforming Jiuge-GPT-2 (0.91) and GPT-4 (0.38). In terms of
content quality, CharPoet surpasses traditional systems including Jiuge, and is
comparable to other LLMs. Our system is open source and available at
https://modelscope.cn/models/CharPoet/CharPoet. A video demonstration of
CharPoet is available at https://youtu.be/voZ25qEp3Dc. | cs.CL | CharPoet: A Chinese Classical Poetry Generation System Based on Token-free LLM |
2024-01-07T14:31:27Z | http://arxiv.org/pdf/2401.03497v1 | http://arxiv.org/abs/2401.03497v1 | Wenxi Chen, Yuzhe Liang, Ziyang Ma, Zhisheng Zheng, Xie Chen | 2024-01-07T14:31:27Z | eess.AS, cs.AI, cs.CL, cs.LG, cs.SD | Audio self-supervised learning (SSL) pre-training, which aims to learn good
representations from unlabeled audio, has made remarkable progress. However,
the extensive computational demands during pre-training pose a significant
barrier to the potential application and optimization of audio SSL models. In
this paper, inspired by the success of data2vec 2.0 in image modality and
Audio-MAE in audio modality, we introduce Efficient Audio Transformer (EAT) to
further improve the effectiveness and efficiency in audio SSL. The proposed EAT
adopts the bootstrap self-supervised training paradigm to the audio domain. A
novel Utterance-Frame Objective (UFO) is designed to enhance the modeling
capability of acoustic events. Furthermore, we reveal that the masking strategy
is critical in audio SSL pre-training, and superior audio representations can
be obtained with large inverse block masks. Experiment results demonstrate that
EAT achieves state-of-the-art (SOTA) performance on a range of audio-related
tasks, including AudioSet (AS-2M, AS-20K), ESC-50, and SPC-2, along with a
significant pre-training speedup up to ~15x compared to existing audio SSL
models. | eess.AS | EAT: Self-Supervised Pre-Training with Efficient Audio Transformer |
2024-01-07T12:48:07Z | http://arxiv.org/pdf/2401.03472v1 | http://arxiv.org/abs/2401.03472v1 | Zening Lin, Jiapeng Wang, Teng Li, Wenhui Liao, Dayi Huang, Longfei Xiong, Lianwen Jin | 2024-01-07T12:48:07Z | cs.CL | Document pair extraction aims to identify key and value entities as well as
their relationships from visually-rich documents. Most existing methods divide
it into two separate tasks: semantic entity recognition (SER) and relation
extraction (RE). However, simply concatenating SER and RE serially can lead to
severe error propagation, and it fails to handle cases like multi-line entities
in real scenarios. To address these issues, this paper introduces a novel
framework, PEneo (Pair Extraction new decoder option), which performs document
pair extraction in a unified pipeline, incorporating three concurrent
sub-tasks: line extraction, line grouping, and entity linking. This approach
alleviates the error accumulation problem and can handle the case of multi-line
entities. Furthermore, to better evaluate the model's performance and to
facilitate future research on pair extraction, we introduce RFUND, a
re-annotated version of the commonly used FUNSD and XFUND datasets, to make
them more accurate and cover realistic situations. Experiments on various
benchmarks demonstrate PEneo's superiority over previous pipelines, boosting
the performance by a large margin (e.g., 19.89%-22.91% F1 score on RFUND-EN)
when combined with various backbones like LiLT and LayoutLMv3, showing its
effectiveness and generality. Codes and the new annotations will be open to the
public. | cs.CL | PEneo: Unifying Line Extraction, Line Grouping, and Entity Linking for End-to-end Document Pair Extraction |
2024-01-07T12:27:14Z | http://arxiv.org/pdf/2401.03467v1 | http://arxiv.org/abs/2401.03467v1 | Ljubisa Bojic, Nikola Prodanovic, Agariadne Dwinggo Samala | 2024-01-07T12:27:14Z | cs.CL, cs.AI | The rapid growth of online news platforms has led to an increased need for
reliable methods to evaluate the quality and credibility of news articles. This
paper proposes a comprehensive framework to analyze online news texts using
natural language processing (NLP) techniques, particularly a language model
specifically trained for this purpose, alongside other well-established NLP
methods. The framework incorporates ten journalism standards-objectivity,
balance and fairness, readability and clarity, sensationalism and clickbait,
ethical considerations, public interest and value, source credibility,
relevance and timeliness, factual accuracy, and attribution and transparency-to
assess the quality of news articles. By establishing these standards,
researchers, media organizations, and readers can better evaluate and
understand the content they consume and produce. The proposed method has some
limitations, such as potential difficulty in detecting subtle biases and the
need for continuous updating of the language model to keep pace with evolving
language patterns. | cs.CL | Maintaining Journalistic Integrity in the Digital Age: A Comprehensive NLP Framework for Evaluating Online News Content |
2024-01-07T11:57:40Z | http://arxiv.org/pdf/2401.03462v2 | http://arxiv.org/abs/2401.03462v2 | Peitian Zhang, Zheng Liu, Shitao Xiao, Ninglu Shao, Qiwei Ye, Zhicheng Dou | 2024-02-02T12:34:25Z | cs.CL, cs.AI | The utilization of long contexts poses a big challenge for LLMs due to their
limited context window size. Although the context window can be extended
through fine-tuning, it will result in a considerable cost at both training and
inference time, and exert an unfavorable impact to the LLM's original
capabilities. In this work, we propose a new method called Activation Beacon,
which condenses LLM's raw activations into compact forms such that the LLM can
perceive a longer context with a limited context window. Activation Beacon is
introduced as a plug-in module, which fully preserves the LLM's original
capability in short contexts. It works with the sliding window to streamingly
process the long context, which leads to a competitive memory and time
efficiency in both training and inference. Activation Beacon is trained with
short-sequence data of diversified condensing ratios. Thanks to such a
treatment, it can be effectively learned to support different context lengths
with a small training cost. Our experiment verifies Activation Beacon's
effectiveness of context extension: it can remarkably accomplish high-quality
extension of Llama-2-7B's context by $\times100$ times (from 4K to 400K);
meanwhile, it can also achieve superior performances across a variety of
long-context language modeling and understanding tasks. The source code and
model checkpoint are available at
\url{https://github.com/FlagOpen/FlagEmbedding}. | cs.CL | Soaring from 4K to 400K: Extending LLM's Context with Activation Beacon |
2024-01-07T09:06:58Z | http://arxiv.org/pdf/2401.03426v1 | http://arxiv.org/abs/2401.03426v1 | Huahang Li, Longyu Feng, Shuangyin Li, Fei Hao, Chen Jason Zhang, Yuanfeng Song, Lei Chen | 2024-01-07T09:06:58Z | cs.CL, cs.AI | Entity resolution, the task of identifying and consolidating records that
pertain to the same real-world entity, plays a pivotal role in various sectors
such as e-commerce, healthcare, and law enforcement. The emergence of Large
Language Models (LLMs) like GPT-4 has introduced a new dimension to this task,
leveraging their advanced linguistic capabilities. This paper explores the
potential of LLMs in the entity resolution process, shedding light on both
their advantages and the computational complexities associated with large-scale
matching. We introduce strategies for the efficient utilization of LLMs,
including the selection of an optimal set of matching questions, namely MQsSP,
which is proved to be a NP-hard problem. Our approach optimally chooses the
most effective matching questions while keep consumption limited to your budget
. Additionally, we propose a method to adjust the distribution of possible
partitions after receiving responses from LLMs, with the goal of reducing the
uncertainty of entity resolution. We evaluate the effectiveness of our approach
using entropy as a metric, and our experimental results demonstrate the
efficiency and effectiveness of our proposed methods, offering promising
prospects for real-world applications. | cs.CL | On Leveraging Large Language Models for Enhancing Entity Resolution |
2024-01-07T08:03:06Z | http://arxiv.org/pdf/2401.03411v2 | http://arxiv.org/abs/2401.03411v2 | Tsachi Blau, Sharon Fogel, Roi Ronen, Alona Golts, Roy Ganz, Elad Ben Avraham, Aviad Aberdam, Shahar Tsiper, Ron Litman | 2024-03-18T09:47:24Z | cs.CL, cs.CV | The increasing use of transformer-based large language models brings forward
the challenge of processing long sequences. In document visual question
answering (DocVQA), leading methods focus on the single-page setting, while
documents can span hundreds of pages. We present GRAM, a method that seamlessly
extends pre-trained single-page models to the multi-page setting, without
requiring computationally-heavy pretraining. To do so, we leverage a
single-page encoder for local page-level understanding, and enhance it with
document-level designated layers and learnable tokens, facilitating the flow of
information across pages for global reasoning. To enforce our model to utilize
the newly introduced document tokens, we propose a tailored bias adaptation
method. For additional computational savings during decoding, we introduce an
optional compression stage using our compression-transformer
(C-Former),reducing the encoded sequence length, thereby allowing a tradeoff
between quality and latency. Extensive experiments showcase GRAM's
state-of-the-art performance on the benchmarks for multi-page DocVQA,
demonstrating the effectiveness of our approach. | cs.CL | GRAM: Global Reasoning for Multi-Page VQA |
2024-01-07T07:59:10Z | http://arxiv.org/pdf/2401.03408v1 | http://arxiv.org/abs/2401.03408v1 | Juan-Pablo Rivera, Gabriel Mukobi, Anka Reuel, Max Lamparth, Chandler Smith, Jacquelyn Schneider | 2024-01-07T07:59:10Z | cs.AI, cs.CL, cs.CY, cs.MA | Governments are increasingly considering integrating autonomous AI agents in
high-stakes military and foreign-policy decision-making, especially with the
emergence of advanced generative AI models like GPT-4. Our work aims to
scrutinize the behavior of multiple AI agents in simulated wargames,
specifically focusing on their predilection to take escalatory actions that may
exacerbate multilateral conflicts. Drawing on political science and
international relations literature about escalation dynamics, we design a novel
wargame simulation and scoring framework to assess the escalation risks of
actions taken by these agents in different scenarios. Contrary to prior
studies, our research provides both qualitative and quantitative insights and
focuses on large language models (LLMs). We find that all five studied
off-the-shelf LLMs show forms of escalation and difficult-to-predict escalation
patterns. We observe that models tend to develop arms-race dynamics, leading to
greater conflict, and in rare cases, even to the deployment of nuclear weapons.
Qualitatively, we also collect the models' reported reasonings for chosen
actions and observe worrying justifications based on deterrence and
first-strike tactics. Given the high stakes of military and foreign-policy
contexts, we recommend further examination and cautious consideration before
deploying autonomous language model agents for strategic military or diplomatic
decision-making. | cs.AI | Escalation Risks from Language Models in Military and Diplomatic Decision-Making |
2024-01-07T07:13:50Z | http://arxiv.org/pdf/2401.03401v1 | http://arxiv.org/abs/2401.03401v1 | Wei Xia, Shaoguang Mao, Chanjing Zheng | 2024-01-07T07:13:50Z | cs.CL | Large language models have demonstrated exceptional capabilities in tasks
involving natural language generation, reasoning, and comprehension. This study
aims to construct prompts and comments grounded in the diverse scoring criteria
delineated within the official TOEFL guide. The primary objective is to assess
the capabilities and constraints of ChatGPT, a prominent representative of
large language models, within the context of automated essay scoring. The
prevailing methodologies for automated essay scoring involve the utilization of
deep neural networks, statistical machine learning techniques, and fine-tuning
pre-trained models. However, these techniques face challenges when applied to
different contexts or subjects, primarily due to their substantial data
requirements and limited adaptability to small sample sizes. In contrast, this
study employs ChatGPT to conduct an automated evaluation of English essays,
even with a small sample size, employing an experimental approach. The
empirical findings indicate that ChatGPT can provide operational functionality
for automated essay scoring, although the results exhibit a regression effect.
It is imperative to underscore that the effective design and implementation of
ChatGPT prompts necessitate a profound domain expertise and technical
proficiency, as these prompts are subject to specific threshold criteria.
Keywords: ChatGPT, Automated Essay Scoring, Prompt Learning, TOEFL Independent
Writing Task | cs.CL | Empirical Study of Large Language Models as Automated Essay Scoring Tools in English Composition__Taking TOEFL Independent Writing Task for Example |
2024-01-07T04:58:59Z | http://arxiv.org/pdf/2401.06787v1 | http://arxiv.org/abs/2401.06787v1 | Sristy Shidul Nath, Razuan Karim, Mahdi H. Miraz | 2024-01-07T04:58:59Z | cs.CL, cs.AI, cs.LG, cs.SI | The Internet is currently the largest platform for global communication
including expressions of opinions, reviews, contents, images, videos and so
forth. Moreover, social media has now become a very broad and highly engaging
platform due to its immense popularity and swift adoption trend. Increased
social networking, however, also has detrimental impacts on the society leading
to a range of unwanted phenomena, such as online assault, intimidation, digital
bullying, criminality and trolling. Hence, cyberbullying has become a pervasive
and worrying problem that poses considerable psychological and emotional harm
to the people, particularly amongst the teens and the young adults. In order to
lessen its negative effects and provide victims with prompt support, a great
deal of research to identify cyberbullying instances at various online
platforms is emerging. In comparison to other languages, Bangla (also known as
Bengali) has fewer research studies in this domain. This study demonstrates a
deep learning strategy for identifying cyberbullying in Bengali, using a
dataset of 12282 versatile comments from multiple social media sites. In this
study, a two-layer bidirectional long short-term memory (Bi-LSTM) model has
been built to identify cyberbullying, using a variety of optimisers as well as
5-fold cross validation. To evaluate the functionality and efficacy of the
proposed system, rigorous assessment and validation procedures have been
employed throughout the project. The results of this study reveals that the
proposed model's accuracy, using momentum-based stochastic gradient descent
(SGD) optimiser, is 94.46%. It also reflects a higher accuracy of 95.08% and a
F1 score of 95.23% using Adam optimiser as well as a better accuracy of 94.31%
in 5-fold cross validation. | cs.CL | Deep Learning Based Cyberbullying Detection in Bangla Language |
2024-01-07T04:46:23Z | http://arxiv.org/pdf/2401.03388v1 | http://arxiv.org/abs/2401.03388v1 | Connie Jiang, Yiqing Xu, David Hsu | 2024-01-07T04:46:23Z | cs.RO, cs.CL, cs.LG | The advantages of pre-trained large language models (LLMs) are apparent in a
variety of language processing tasks. But can a language model's knowledge be
further harnessed to effectively disambiguate objects and navigate
decision-making challenges within the realm of robotics? Our study reveals the
LLM's aptitude for solving complex decision making challenges that are often
previously modeled by Partially Observable Markov Decision Processes (POMDPs).
A pivotal focus of our research is the object disambiguation capability of
LLMs. We detail the integration of an LLM into a tabletop environment
disambiguation task, a decision making problem where the robot's task is to
discern and retrieve a user's desired object from an arbitrarily large and
complex cluster of objects. Despite multiple query attempts with zero-shot
prompt engineering (details can be found in the Appendix), the LLM struggled to
inquire about features not explicitly provided in the scene description. In
response, we have developed a few-shot prompt engineering system to improve the
LLM's ability to pose disambiguating queries. The result is a model capable of
both using given features when they are available and inferring new relevant
features when necessary, to successfully generate and navigate down a precise
decision tree to the correct object--even when faced with identical options. | cs.RO | LLMs for Robotic Object Disambiguation |
2024-01-07T04:32:29Z | http://arxiv.org/pdf/2401.03385v2 | http://arxiv.org/abs/2401.03385v2 | Ding Chen, Shichao Song, Qingchen Yu, Zhiyu Li, Wenjin Wang, Feiyu Xiong, Bo Tang | 2024-01-10T08:30:24Z | cs.CL | In-context Learning (ICL) is one of the key methods for enhancing the
performance of large language models on specific tasks by providing a set of
few-shot examples. However, the ICL capability of different types of models
shows significant variation due to factors such as model architecture, volume
of learning data, and the size of parameters. Generally, the larger the model's
parameter size and the more extensive the learning data, the stronger its ICL
capability. In this paper, we propose a method SLEICL that involves learning
from examples using strong language models and then summarizing and
transferring these learned skills to weak language models for inference and
application. This ensures the stability and effectiveness of ICL. Compared to
directly enabling weak language models to learn from prompt examples, SLEICL
reduces the difficulty of ICL for these models. Our experiments, conducted on
up to eight datasets with five language models, demonstrate that weak language
models achieve consistent improvement over their own zero-shot or few-shot
capabilities using the SLEICL method. Some weak language models even surpass
the performance of GPT4-1106-preview (zero-shot) with the aid of SLEICL. | cs.CL | Grimoire is All You Need for Enhancing Large Language Models |
2024-01-07T00:39:33Z | http://arxiv.org/pdf/2401.03346v1 | http://arxiv.org/abs/2401.03346v1 | Keyan Guo, Alexander Hu, Jaden Mu, Ziheng Shi, Ziming Zhao, Nishant Vishwamitra, Hongxin Hu | 2024-01-07T00:39:33Z | cs.CY, cs.AI, cs.CL, cs.LG, cs.SI | Hate speech has emerged as a major problem plaguing our social spaces today.
While there have been significant efforts to address this problem, existing
methods are still significantly limited in effectively detecting hate speech
online. A major limitation of existing methods is that hate speech detection is
a highly contextual problem, and these methods cannot fully capture the context
of hate speech to make accurate predictions. Recently, large language models
(LLMs) have demonstrated state-of-the-art performance in several natural
language tasks. LLMs have undergone extensive training using vast amounts of
natural language data, enabling them to grasp intricate contextual details.
Hence, they could be used as knowledge bases for context-aware hate speech
detection. However, a fundamental problem with using LLMs to detect hate speech
is that there are no studies on effectively prompting LLMs for context-aware
hate speech detection. In this study, we conduct a large-scale study of hate
speech detection, employing five established hate speech datasets. We discover
that LLMs not only match but often surpass the performance of current benchmark
machine learning models in identifying hate speech. By proposing four diverse
prompting strategies that optimize the use of LLMs in detecting hate speech.
Our study reveals that a meticulously crafted reasoning prompt can effectively
capture the context of hate speech by fully utilizing the knowledge base in
LLMs, significantly outperforming existing techniques. Furthermore, although
LLMs can provide a rich knowledge base for the contextual detection of hate
speech, suitable prompting strategies play a crucial role in effectively
leveraging this knowledge base for efficient detection. | cs.CY | An Investigation of Large Language Models for Real-World Hate Speech Detection |
2024-01-06T22:49:38Z | http://arxiv.org/pdf/2401.03321v2 | http://arxiv.org/abs/2401.03321v2 | Yintao Tai, Xiyang Liao, Alessandro Suglia, Antonio Vergari | 2024-02-23T19:06:35Z | cs.CL | Recent work showed the possibility of building open-vocabulary large language
models (LLMs) that directly operate on pixel representations. These models are
implemented as autoencoders that reconstruct masked patches of rendered text.
However, these pixel-based LLMs are limited to discriminative tasks (e.g.,
classification) and, similar to BERT, cannot be used to generate text.
Therefore, they cannot be used for generative tasks such as free-form question
answering. In this work, we introduce PIXAR, the first pixel-based
autoregressive LLM that performs text generation. Consisting of only a decoder,
PIXAR can perform free-form generative tasks while keeping the number of
parameters on par with previous encoder-decoder models. Furthermore, we
highlight the challenges of generating text as non-noisy images and show this
is due to using a maximum likelihood objective. To overcome this problem, we
propose an adversarial pretraining stage that improves the readability and
accuracy of PIXAR by 8.1 on LAMBADA and 8.5 on bAbI -- making it comparable to
GPT-2 on text generation tasks. This paves the way to build open-vocabulary
LLMs that operate on perceptual input only and calls into question the
necessity of the usual symbolic input representation, i.e., text as
(sub)tokens. | cs.CL | PIXAR: Auto-Regressive Language Modeling in Pixel Space |
2024-01-06T22:13:51Z | http://arxiv.org/pdf/2401.03314v1 | http://arxiv.org/abs/2401.03314v1 | Kshitij Ambilduke, Aneesh Shetye, Diksha Bagade, Rishika Bhagwatkar, Khurshed Fitter, Prasad Vagdargi, Shital Chiddarwar | 2024-01-06T22:13:51Z | cs.CL, cs.AI, cs.LG | Neural machine translation benefits from semantically rich representations.
Considerable progress in learning such representations has been achieved by
language modelling and mutual information maximization objectives using
contrastive learning. The language-dependent nature of language modelling
introduces a trade-off between the universality of the learned representations
and the model's performance on the language modelling tasks. Although
contrastive learning improves performance, its success cannot be attributed to
mutual information alone. We propose a novel Context Enhancement step to
improve performance on neural machine translation by maximizing mutual
information using the Barlow Twins loss. Unlike other approaches, we do not
explicitly augment the data but view languages as implicit augmentations,
eradicating the risk of disrupting semantic information. Further, our method
does not learn embeddings from scratch and can be generalised to any set of
pre-trained embeddings. Finally, we evaluate the language-agnosticism of our
embeddings through language classification and use them for neural machine
translation to compare with state-of-the-art approaches. | cs.CL | Enhancing Context Through Contrast |
2024-01-06T16:33:39Z | http://arxiv.org/pdf/2401.03253v2 | http://arxiv.org/abs/2401.03253v2 | Shuhao Chen, Yulong Zhang, Weisen Jiang, Jiangang Lu, Yu Zhang | 2024-03-16T16:39:07Z | cs.CV, cs.CL, cs.LG | Recent advances achieved by deep learning models rely on the independent and
identically distributed assumption, hindering their applications in real-world
scenarios with domain shifts. To tackle this issue, cross-domain learning aims
at extracting domain-invariant knowledge to reduce the domain shift between
training and testing data. However, in visual cross-domain learning,
traditional methods concentrate solely on the image modality, disregarding the
potential benefits of incorporating the text modality. In this work, we propose
VLLaVO, combining Vision language models and Large Language models as Visual
cross-dOmain learners. VLLaVO uses vision-language models to convert images
into detailed textual descriptions. A large language model is then finetuned on
textual descriptions of the source/target domain generated by a designed
instruction template. Extensive experimental results under domain
generalization and unsupervised domain adaptation settings demonstrate the
effectiveness of the proposed method. | cs.CV | VLLaVO: Mitigating Visual Gap through LLMs |
2024-01-06T15:34:38Z | http://arxiv.org/pdf/2401.03239v1 | http://arxiv.org/abs/2401.03239v1 | Stefano De Paoli, Walter Stan Mathis | 2024-01-06T15:34:38Z | cs.CL, cs.CY | This paper presents a set of reflections on saturation and the use of Large
Language Models (LLMs) for performing Thematic Analysis (TA). The paper
suggests that initial thematic saturation (ITS) could be used as a metric to
assess part of the transactional validity of TA with LLM, focusing on the
initial coding. The paper presents the initial coding of two datasets of
different sizes, and it reflects on how the LLM reaches some form of analytical
saturation during the coding. The procedure proposed in this work leads to the
creation of two codebooks, one comprising the total cumulative initial codes
and the other the total unique codes. The paper proposes a metric to
synthetically measure ITS using a simple mathematical calculation employing the
ratio between slopes of cumulative codes and unique codes. The paper
contributes to the initial body of work exploring how to perform qualitative
analysis with LLMs. | cs.CL | Reflections on Inductive Thematic Saturation as a potential metric for measuring the validity of an inductive Thematic Analysis with LLMs |
2024-01-06T14:00:12Z | http://arxiv.org/pdf/2401.06785v1 | http://arxiv.org/abs/2401.06785v1 | Hongyi Guo, Yuanshun Yao, Wei Shen, Jiaheng Wei, Xiaoying Zhang, Zhaoran Wang, Yang Liu | 2024-01-06T14:00:12Z | cs.CL, cs.AI | Aligning large language models (LLMs) with human values is a vital task for
LLM practitioners. Current alignment techniques have several limitations: (1)
requiring a large amount of annotated data; (2) demanding heavy human
involvement; (3) lacking a systematic mechanism to continuously improve. In
this work, we study aligning LLMs to a new domain with limited samples (e.g. <
100). We propose an algorithm that can self-align LLMs iteratively without
active human involvement. Unlike existing works, our algorithm relies on
neither human-crafted instructions nor labeled rewards, significantly reducing
human involvement. In addition, our algorithm can self-improve the alignment
continuously. The key idea is to first retrieve high-quality samples related to
the target domain and use them as In-context Learning examples to generate more
samples. Then we use the self-generated samples to finetune the LLM
iteratively. We show that our method can unlock the LLMs' self-generalization
ability to perform alignment with near-zero human supervision. We test our
algorithm on three benchmarks in safety, truthfulness, and
instruction-following, and show good performance in alignment, domain
adaptability, and scalability. | cs.CL | Human-Instruction-Free LLM Self-Alignment with Limited Samples |
2024-01-06T12:40:45Z | http://arxiv.org/pdf/2401.03205v1 | http://arxiv.org/abs/2401.03205v1 | Junyi Li, Jie Chen, Ruiyang Ren, Xiaoxue Cheng, Wayne Xin Zhao, Jian-Yun Nie, Ji-Rong Wen | 2024-01-06T12:40:45Z | cs.CL | In the era of large language models (LLMs), hallucination (i.e., the tendency
to generate factually incorrect content) poses great challenge to trustworthy
and reliable deployment of LLMs in real-world applications. To tackle the LLM
hallucination, three key questions should be well studied: how to detect
hallucinations (detection), why do LLMs hallucinate (source), and what can be
done to mitigate them (mitigation). To address these challenges, this work
presents a systematic empirical study on LLM hallucination, focused on the the
three aspects of hallucination detection, source and mitigation. Specially, we
construct a new hallucination benchmark HaluEval 2.0, and designs a simple yet
effective detection method for LLM hallucination. Furthermore, we zoom into the
different training or utilization stages of LLMs and extensively analyze the
potential factors that lead to the LLM hallucination. Finally, we implement and
examine a series of widely used techniques to mitigate the hallucinations in
LLMs. Our work has led to several important findings to understand the
hallucination origin and mitigate the hallucinations in LLMs. Our code and data
can be accessed at https://github.com/RUCAIBox/HaluEval-2.0. | cs.CL | The Dawn After the Dark: An Empirical Study on Factuality Hallucination in Large Language Models |
2024-01-06T10:40:24Z | http://arxiv.org/pdf/2401.03190v1 | http://arxiv.org/abs/2401.03190v1 | Nianwen Si, Hao Zhang, Weiqiang Zhang | 2024-01-06T10:40:24Z | cs.CL, cs.AI, cs.CV | Large language models are known for encoding a vast amount of factual
knowledge, but they often becomes outdated due to the ever-changing nature of
external information. A promising solution to this challenge is the utilization
of model editing methods to update the knowledge in an efficient manner.
However, the majority of existing model editing techniques are limited to
monolingual frameworks, thus failing to address the crucial issue of
cross-lingual knowledge synchronization for multilingual models. To tackle this
problem, we propose a simple yet effective method that trains multilingual
patch neuron to store cross-lingual knowledge. It can be easily adapted to
existing approaches to enhance their cross-lingual editing capabilities. To
evaluate our method, we conduct experiments using both the XNLI dataset and a
self-constructed XFEVER dataset. Experimental results demonstrate that our
proposed method achieves improved performance in cross-lingual editing tasks
without requiring excessive modifications to the original methodology, thereby
showcasing its user-friendly characteristics. Codes will be released soon. | cs.CL | MPN: Leveraging Multilingual Patch Neuron for Cross-lingual Model Editing |
2024-01-06T10:08:33Z | http://arxiv.org/pdf/2401.03183v2 | http://arxiv.org/abs/2401.03183v2 | Shaobo Cui, Lazar Milikic, Yiyang Feng, Mete Ismayilzada, Debjit Paul, Antoine Bosselut, Boi Faltings | 2024-06-27T10:08:05Z | cs.CL | Defeasibility in causal reasoning implies that the causal relationship
between cause and effect can be strengthened or weakened. Namely, the causal
strength between cause and effect should increase or decrease with the
incorporation of strengthening arguments (supporters) or weakening arguments
(defeaters), respectively. However, existing works ignore defeasibility in
causal reasoning and fail to evaluate existing causal strength metrics in
defeasible settings. In this work, we present $\delta$-CAUSAL, the first
benchmark dataset for studying defeasibility in causal reasoning.
$\delta$-CAUSAL includes around 11K events spanning ten domains, featuring
defeasible causality pairs, i.e., cause-effect pairs accompanied by supporters
and defeaters. We further show current causal strength metrics fail to reflect
the change of causal strength with the incorporation of supporters or defeaters
in $\delta$-CAUSAL. To this end, we propose CESAR (Causal Embedding aSsociation
with Attention Rating), a metric that measures causal strength based on
token-level causal relationships. CESAR achieves a significant 69.7% relative
improvement over existing metrics, increasing from 47.2% to 80.1% in capturing
the causal strength change brought by supporters and defeaters. We further
demonstrate even Large Language Models (LLMs) like GPT-3.5 still lag 4.5 and
10.7 points behind humans in generating supporters and defeaters, emphasizing
the challenge posed by $\delta$-CAUSAL. | cs.CL | Exploring Defeasibility in Causal Reasoning |
2024-01-06T09:55:22Z | http://arxiv.org/pdf/2401.03181v1 | http://arxiv.org/abs/2401.03181v1 | Prakash Chandra Sukhwal, Vaibhav Rajan, Atreyi Kankanhalli | 2024-01-06T09:55:22Z | cs.CL | Medical question answer (QA) assistants respond to lay users' health-related
queries by synthesizing information from multiple sources using natural
language processing and related techniques. They can serve as vital tools to
alleviate issues of misinformation, information overload, and complexity of
medical language, thus addressing lay users' information needs while reducing
the burden on healthcare professionals. QA systems, the engines of such
assistants, have typically used either language models (LMs) or knowledge
graphs (KG), though the approaches could be complementary. LM-based QA systems
excel at understanding complex questions and providing well-formed answers, but
are prone to factual mistakes. KG-based QA systems, which represent facts well,
are mostly limited to answering short-answer questions with pre-created
templates. While a few studies have jointly used LM and KG approaches for
text-based QA, this was done to answer multiple-choice questions. Extant QA
systems also have limitations in terms of automation and performance. We
address these challenges by designing a novel, automated disease QA system
which effectively utilizes both LM and KG techniques through a joint-reasoning
approach to answer disease-related questions appropriate for lay users. Our
evaluation of the system using a range of quality metrics demonstrates its
efficacy over benchmark systems, including the popular ChatGPT. | cs.CL | A Joint-Reasoning based Disease Q&A System |
2024-01-06T09:38:55Z | http://arxiv.org/pdf/2401.03177v1 | http://arxiv.org/abs/2401.03177v1 | Qian Li, Lixin Su, Jiashu Zhao, Long Xia, Hengyi Cai, Suqi Cheng, Hengzhu Tang, Junfeng Wang, Dawei Yin | 2024-01-06T09:38:55Z | cs.CV, cs.CL | Text-video retrieval is a challenging task that aims to identify relevant
videos given textual queries. Compared to conventional textual retrieval, the
main obstacle for text-video retrieval is the semantic gap between the textual
nature of queries and the visual richness of video content. Previous works
primarily focus on aligning the query and the video by finely aggregating
word-frame matching signals. Inspired by the human cognitive process of
modularly judging the relevance between text and video, the judgment needs
high-order matching signal due to the consecutive and complex nature of video
contents. In this paper, we propose chunk-level text-video matching, where the
query chunks are extracted to describe a specific retrieval unit, and the video
chunks are segmented into distinct clips from videos. We formulate the
chunk-level matching as n-ary correlations modeling between words of the query
and frames of the video and introduce a multi-modal hypergraph for n-ary
correlation modeling. By representing textual units and video frames as nodes
and using hyperedges to depict their relationships, a multi-modal hypergraph is
constructed. In this way, the query and the video can be aligned in a
high-order semantic space. In addition, to enhance the model's generalization
ability, the extracted features are fed into a variational inference component
for computation, obtaining the variational representation under the Gaussian
distribution. The incorporation of hypergraphs and variational inference allows
our model to capture complex, n-ary interactions among textual and visual
contents. Experimental results demonstrate that our proposed method achieves
state-of-the-art performance on the text-video retrieval task. | cs.CV | Text-Video Retrieval via Variational Multi-Modal Hypergraph Networks |
2024-01-06T09:37:56Z | http://arxiv.org/pdf/2401.03175v1 | http://arxiv.org/abs/2401.03175v1 | Dhrubajyoti Pathak, Sanjib Narzary, Sukumar Nandi, Bidisha Som | 2024-01-06T09:37:56Z | cs.CL, cs.AI, cs.LG, I.2.7 | Language Processing systems such as Part-of-speech tagging, Named entity
recognition, Machine translation, Speech recognition, and Language modeling
(LM) are well-studied in high-resource languages. Nevertheless, research on
these systems for several low-resource languages, including Bodo, Mizo,
Nagamese, and others, is either yet to commence or is in its nascent stages.
Language model plays a vital role in the downstream tasks of modern NLP.
Extensive studies are carried out on LMs for high-resource languages.
Nevertheless, languages such as Bodo, Rabha, and Mising continue to lack
coverage. In this study, we first present BodoBERT, a language model for the
Bodo language. To the best of our knowledge, this work is the first such effort
to develop a language model for Bodo. Secondly, we present an ensemble DL-based
POS tagging model for Bodo. The POS tagging model is based on combinations of
BiLSTM with CRF and stacked embedding of BodoBERT with BytePairEmbeddings. We
cover several language models in the experiment to see how well they work in
POS tagging tasks. The best-performing model achieves an F1 score of 0.8041. A
comparative experiment was also conducted on Assamese POS taggers, considering
that the language is spoken in the same region as Bodo. | cs.CL | Part-of-Speech Tagger for Bodo Language using Deep Learning approach |
2024-01-06T09:13:34Z | http://arxiv.org/pdf/2401.06783v1 | http://arxiv.org/abs/2401.06783v1 | Sudhanshu Bhoi, Swapnil Markhedkar, Shruti Phadke, Prashant Agrawal | 2024-01-06T09:13:34Z | cs.CL, cs.AI, cs.LG, cs.SI | Social media accounts post increasingly similar content, creating a chaotic
experience across platforms, which makes accessing desired information
difficult. These posts can be organized by categorizing and grouping duplicates
across social handles and accounts. There can be more than one duplicate of a
post, however, a conventional Siamese neural network only considers a pair of
inputs for duplicate text detection. In this paper, we first propose a
multiple-input Siamese network, MultiSiam. This condensed network is then used
to propose another model, SMCD (Social Media Classification and Duplication
Model) to perform both duplicate text grouping and categorization. The
MultiSiam network, just like the Siamese, can be used in multiple applications
by changing the sub-network appropriately. | cs.CL | MultiSiam: A Multiple Input Siamese Network For Social Media Text Classification And Duplicate Text Detection |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.