publication_date
stringlengths 20
20
| doc_url
stringlengths 33
34
| id
stringlengths 33
34
| authors
stringlengths 5
20.1k
| update_date
stringlengths 20
20
| category_all
stringlengths 5
138
| abstract
stringlengths 123
3.09k
| category_primary
stringclasses 78
values | title
stringlengths 10
211
|
---|---|---|---|---|---|---|---|---|
2023-09-29T13:33:06Z | http://arxiv.org/pdf/2309.17234v2 | http://arxiv.org/abs/2309.17234v2 | Sahar Abdelnabi, Amr Gomaa, Sarath Sivaprasad, Lea Schönherr, Mario Fritz | 2024-06-10T14:43:34Z | cs.CL, cs.CY, cs.LG | There is an growing interest in using Large Language Models (LLMs) in
multi-agent systems to tackle interactive real-world tasks that require
effective collaboration and assessing complex situations. Yet, we still have a
limited understanding of LLMs' communication and decision-making abilities in
multi-agent setups. The fundamental task of negotiation spans many key features
of communication, such as cooperation, competition, and manipulation
potentials. Thus, we propose using scorable negotiation to evaluate LLMs. We
create a testbed of complex multi-agent, multi-issue, and semantically rich
negotiation games. To reach an agreement, agents must have strong arithmetic,
inference, exploration, and planning capabilities while integrating them in a
dynamic and multi-turn setup. We propose multiple metrics to rigorously
quantify agents' performance and alignment with the assigned role. We provide
procedures to create new games and increase games' difficulty to have an
evolving benchmark. Importantly, we evaluate critical safety aspects such as
the interaction dynamics between agents influenced by greedy and adversarial
players. Our benchmark is highly challenging; GPT-3.5 and small models mostly
fail, and GPT-4 and SoTA large models (e.g., Llama-3 70b) still underperform. | cs.CL | Cooperation, Competition, and Maliciousness: LLM-Stakeholders Interactive Negotiation |
2023-09-29T13:24:33Z | http://arxiv.org/pdf/2309.17224v1 | http://arxiv.org/abs/2309.17224v1 | Sergio P. Perez, Yan Zhang, James Briggs, Charlie Blake, Josh Levy-Kramer, Paul Balanca, Carlo Luschi, Stephen Barlow, Andrew William Fitzgibbon | 2023-09-29T13:24:33Z | cs.LG, cs.AR, cs.CL, cs.ET, cs.PF, I.2.7; B.2.4 | FP8 formats are gaining popularity to boost the computational efficiency for
training and inference of large deep learning models. Their main challenge is
that a careful choice of scaling is needed to prevent degradation due to the
reduced dynamic range compared to higher-precision formats. Although there
exists ample literature about selecting such scalings for INT formats, this
critical aspect has yet to be addressed for FP8. This paper presents a
methodology to select the scalings for FP8 linear layers, based on dynamically
updating per-tensor scales for the weights, gradients and activations. We apply
this methodology to train and validate large language models of the type of GPT
and Llama 2 using FP8, for model sizes ranging from 111M to 70B. To facilitate
the understanding of the FP8 dynamics, our results are accompanied by plots of
the per-tensor scale distribution for weights, activations and gradients during
both training and inference. | cs.LG | Training and inference of large language models using 8-bit floating point |
2023-09-29T12:20:19Z | http://arxiv.org/pdf/2309.17179v2 | http://arxiv.org/abs/2309.17179v2 | Xidong Feng, Ziyu Wan, Muning Wen, Stephen Marcus McAleer, Ying Wen, Weinan Zhang, Jun Wang | 2024-02-09T00:13:46Z | cs.LG, cs.AI, cs.CL | Recent works like Tree-of-Thought (ToT) and Reasoning via Planning (RAP) aim
to augment the reasoning capabilities of LLMs by using tree-search algorithms
to guide multi-step reasoning. These methods rely on prompting a pre-trained
model to serve as a value function and focus on problems with low search depth.
As a result, these methods will not work in domains where the pre-trained LLM
does not have enough knowledge to serve as an effective value function or in
domains that require long-horizon planning. To address these limitations, we
present an AlphaZero-like tree-search learning framework for LLMs (termed
TS-LLM), systematically illustrating how tree-search with a learned value
function can guide LLM decoding. TS-LLM distinguishes itself in two key ways.
(1) Leveraging a learned value function and AlphaZero-like algorithms, our
approach can be generally adaptable to a wide range of tasks, language models
of any size, and tasks of varying search depths. (2) Our approach can guide
LLMs during both inference and training, iteratively improving the LLM.
Empirical results across reasoning, planning, alignment, and decision-making
tasks show that TS-LLM outperforms existing approaches and can handle trees
with a depth of 64. | cs.LG | Alphazero-like Tree-Search can Guide Large Language Model Decoding and Training |
2023-09-29T12:16:19Z | http://arxiv.org/pdf/2309.17176v3 | http://arxiv.org/abs/2309.17176v3 | Wanpeng Zhang, Zongqing Lu | 2024-05-03T08:24:12Z | cs.AI, cs.CL | Large Language Models (LLMs) have demonstrated significant success across
various domains. However, their application in complex decision-making tasks
frequently necessitates intricate prompt engineering or fine-tuning, leading to
challenges in unseen downstream tasks and heavy demands on computational
resources. Meanwhile, Reinforcement Learning (RL) has been recognized as
effective in decision-making problems but struggles in environments with sparse
rewards, such as open-world games. To overcome these challenges, we introduce
AdaRefiner, a novel framework designed to enhance the synergy between LLMs and
RL feedback. The key component of AdaRefiner is a lightweight Adapter Language
Model (LM), which automatically refines task comprehension based on feedback
from RL agents. This method mitigates the need for intricate prompt engineering
and intensive LLM fine-tuning while maintaining the LLMs' generalization
abilities and enhancing their decision-making capabilities in downstream tasks.
Empirical evaluations of AdaRefiner on 22 diverse tasks within the open-world
game Crafter have demonstrated its superior effectiveness, especially in
guiding agents towards higher-level and common-sense skills. Our work makes
contributions to the automatic self-refinement of LLMs with RL feedback,
offering a more adaptable and efficient solution for complex decision-making
problems. | cs.AI | AdaRefiner: Refining Decisions of Language Models with Adaptive Feedback |
2023-09-29T12:09:36Z | http://arxiv.org/pdf/2309.17171v1 | http://arxiv.org/abs/2309.17171v1 | Gayashan Weerasundara, Nisansa de Silva | 2023-09-29T12:09:36Z | cs.CL, cs.LG | Many NLP tasks, although well-resolved for general English, face challenges
in specific domains like fantasy literature. This is evident in Named Entity
Recognition (NER), which detects and categorizes entities in text. We analyzed
10 NER models on 7 Dungeons and Dragons (D&D) adventure books to assess
domain-specific performance. Using open-source Large Language Models, we
annotated named entities in these books and evaluated each model's precision.
Our findings indicate that, without modifications, Flair, Trankit, and Spacy
outperform others in identifying named entities in the D&D context. | cs.CL | Comparative Analysis of Named Entity Recognition in the Dungeons and Dragons Domain |
2023-09-29T12:06:55Z | http://arxiv.org/pdf/2309.17169v2 | http://arxiv.org/abs/2309.17169v2 | Tudor Groza, Harry Caufield, Dylan Gration, Gareth Baynam, Melissa A Haendel, Peter N Robinson, Christopher J Mungall, Justin T Reese | 2023-11-23T02:06:20Z | cs.CL, cs.AI | Objective: Clinical deep phenotyping and phenotype annotation play a critical
role in both the diagnosis of patients with rare disorders as well as in
building computationally-tractable knowledge in the rare disorders field. These
processes rely on using ontology concepts, often from the Human Phenotype
Ontology, in conjunction with a phenotype concept recognition task (supported
usually by machine learning methods) to curate patient profiles or existing
scientific literature. With the significant shift in the use of large language
models (LLMs) for most NLP tasks, we examine the performance of the latest
Generative Pre-trained Transformer (GPT) models underpinning ChatGPT as a
foundation for the tasks of clinical phenotyping and phenotype annotation.
Materials and Methods: The experimental setup of the study included seven
prompts of various levels of specificity, two GPT models (gpt-3.5-turbo and
gpt-4.0) and two established gold standard corpora for phenotype recognition,
one consisting of publication abstracts and the other clinical observations.
Results: Our results show that, with an appropriate setup, these models can
achieve state of the art performance. The best run, using few-shot learning,
achieved 0.58 macro F1 score on publication abstracts and 0.75 macro F1 score
on clinical observations, the former being comparable with the state of the
art, while the latter surpassing the current best in class tool. Conclusion:
While the results are promising, the non-deterministic nature of the outcomes,
the high cost and the lack of concordance between different runs using the same
prompt and input make the use of these LLMs challenging for this particular
task. | cs.CL | An evaluation of GPT models for phenotype concept recognition |
2023-09-29T12:04:14Z | http://arxiv.org/pdf/2309.17167v3 | http://arxiv.org/abs/2309.17167v3 | Kaijie Zhu, Jiaao Chen, Jindong Wang, Neil Zhenqiang Gong, Diyi Yang, Xing Xie | 2024-03-14T09:52:16Z | cs.AI, cs.CL, cs.LG | Large language models (LLMs) have achieved remarkable performance in various
evaluation benchmarks. However, concerns are raised about potential data
contamination in their considerable volume of training corpus. Moreover, the
static nature and fixed complexity of current benchmarks may inadequately gauge
the advancing capabilities of LLMs. In this paper, we introduce DyVal, a
general and flexible protocol for dynamic evaluation of LLMs. Based on our
framework, we build graph-informed DyVal by leveraging the structural advantage
of directed acyclic graphs to dynamically generate evaluation samples with
controllable complexities. DyVal generates challenging evaluation sets on
reasoning tasks including mathematics, logical reasoning, and algorithm
problems. We evaluate various LLMs ranging from Flan-T5-large to GPT-3.5-Turbo
and GPT-4. Experiments show that LLMs perform worse in DyVal-generated
evaluation samples with different complexities, highlighting the significance
of dynamic evaluation. We also analyze the failure cases and results of
different prompting methods. Moreover, DyVal-generated samples are not only
evaluation sets, but also helpful data for fine-tuning to improve the
performance of LLMs on existing benchmarks. We hope that DyVal can shed light
on future evaluation research of LLMs. Code is available at:
https://github.com/microsoft/promptbench. | cs.AI | DyVal: Dynamic Evaluation of Large Language Models for Reasoning Tasks |
2023-09-29T11:46:07Z | http://arxiv.org/pdf/2309.17157v5 | http://arxiv.org/abs/2309.17157v5 | Mengke Zhang, Tianxing He, Tianle Wang, Lu Mi, Fatemehsadat Mireshghallah, Binyi Chen, Hao Wang, Yulia Tsvetkov | 2024-04-05T16:18:14Z | cs.CL | In the current user-server interaction paradigm of prompted generation with
large language models (LLM) on cloud, the server fully controls the generation
process, which leaves zero options for users who want to keep the generated
text to themselves. We propose LatticeGen, a cooperative framework in which the
server still handles most of the computation while the user controls the
sampling operation. The key idea is that the true generated sequence is mixed
with noise tokens by the user and hidden in a noised lattice. Considering
potential attacks from a hypothetically malicious server and how the user can
defend against it, we propose the repeated beam-search attack and the mixing
noise scheme. In our experiments we apply LatticeGen to protect both prompt and
generation. It is shown that while the noised lattice degrades generation
quality, LatticeGen successfully protects the true generation to a remarkable
degree under strong attacks (more than 50% of the semantic remains hidden as
measured by BERTScore). | cs.CL | LatticeGen: A Cooperative Framework which Hides Generated Text in a Lattice for Privacy-Aware Generation on Cloud |
2023-09-29T11:19:15Z | http://arxiv.org/pdf/2309.17147v2 | http://arxiv.org/abs/2309.17147v2 | Julian Ashwin, Aditya Chhabra, Vijayendra Rao | 2023-10-05T12:25:18Z | cs.CL, cs.AI, econ.GN, q-fin.EC | Large Language Models (LLMs) are quickly becoming ubiquitous, but the
implications for social science research are not yet well understood. This
paper asks whether LLMs can help us analyse large-N qualitative data from
open-ended interviews, with an application to transcripts of interviews with
Rohingya refugees in Cox's Bazaar, Bangladesh. We find that a great deal of
caution is needed in using LLMs to annotate text as there is a risk of
introducing biases that can lead to misleading inferences. We here mean bias in
the technical sense, that the errors that LLMs make in annotating interview
transcripts are not random with respect to the characteristics of the interview
subjects. Training simpler supervised models on high-quality human annotations
with flexible coding leads to less measurement error and bias than LLM
annotations. Therefore, given that some high quality annotations are necessary
in order to asses whether an LLM introduces bias, we argue that it is probably
preferable to train a bespoke model on these annotations than it is to use an
LLM for annotation. | cs.CL | Using Large Language Models for Qualitative Analysis can Introduce Serious Bias |
2023-09-29T10:54:59Z | http://arxiv.org/pdf/2309.17134v1 | http://arxiv.org/abs/2309.17134v1 | Casimiro Pio Carrino, Carlos Escolano, José A. R. Fonollosa | 2023-09-29T10:54:59Z | cs.CL | Despite substantial progress in multilingual extractive Question Answering
(QA), models with high and uniformly distributed performance across languages
remain challenging, especially for languages with limited resources. We study
cross-lingual transfer mainly focusing on the Generalized Cross-Lingual
Transfer (G-XLT) task, where the question language differs from the context
language - a challenge that has received limited attention thus far. Our
approach seeks to enhance cross-lingual QA transfer using a high-performing
multilingual model trained on a large-scale dataset, complemented by a few
thousand aligned QA examples across languages. Our proposed strategy combines
cross-lingual sampling and advanced self-distillation training in generations
to tackle the previous challenge. Notably, we introduce the novel mAP@k
coefficients to fine-tune self-knowledge distillation loss, dynamically
regulating the teacher's model knowledge to perform a balanced and effective
knowledge transfer. We extensively evaluate our approach to assess XLT and
G-XLT capabilities in extractive QA. Results reveal that our self-knowledge
distillation approach outperforms standard cross-entropy fine-tuning by a
significant margin. Importantly, when compared to a strong baseline that
leverages a sizeable volume of machine-translated data, our approach shows
competitive results despite the considerable challenge of operating within
resource-constrained settings, even in zero-shot scenarios. Beyond performance
improvements, we offer valuable insights through comprehensive analyses and an
ablation study, further substantiating the benefits and constraints of our
approach. In essence, we propose a practical solution to improve cross-lingual
QA transfer by leveraging a few data resources in an efficient way. | cs.CL | Promoting Generalized Cross-lingual Question Answering in Few-resource Scenarios via Self-knowledge Distillation |
2023-09-29T10:54:10Z | http://arxiv.org/pdf/2309.17133v2 | http://arxiv.org/abs/2309.17133v2 | Weizhe Lin, Jinghong Chen, Jingbiao Mei, Alexandru Coca, Bill Byrne | 2023-10-28T16:03:35Z | cs.CL, cs.CV | Knowledge-based Visual Question Answering (KB-VQA) requires VQA systems to
utilize knowledge from external knowledge bases to answer visually-grounded
questions. Retrieval-Augmented Visual Question Answering (RA-VQA), a strong
framework to tackle KB-VQA, first retrieves related documents with Dense
Passage Retrieval (DPR) and then uses them to answer questions. This paper
proposes Fine-grained Late-interaction Multi-modal Retrieval (FLMR) which
significantly improves knowledge retrieval in RA-VQA. FLMR addresses two major
limitations in RA-VQA's retriever: (1) the image representations obtained via
image-to-text transforms can be incomplete and inaccurate and (2) relevance
scores between queries and documents are computed with one-dimensional
embeddings, which can be insensitive to finer-grained relevance. FLMR overcomes
these limitations by obtaining image representations that complement those from
the image-to-text transforms using a vision model aligned with an existing
text-based retriever through a simple alignment network. FLMR also encodes
images and questions using multi-dimensional embeddings to capture
finer-grained relevance between queries and documents. FLMR significantly
improves the original RA-VQA retriever's PRRecall@5 by approximately 8\%.
Finally, we equipped RA-VQA with two state-of-the-art large
multi-modal/language models to achieve $\sim61\%$ VQA score in the OK-VQA
dataset. | cs.CL | Fine-grained Late-interaction Multi-modal Retrieval for Retrieval Augmented Visual Question Answering |
2023-09-29T10:36:04Z | http://arxiv.org/pdf/2309.17122v1 | http://arxiv.org/abs/2309.17122v1 | Johannes Frey, Lars-Peter Meyer, Natanael Arndt, Felix Brei, Kirill Bulert | 2023-09-29T10:36:04Z | cs.AI, cs.CL, cs.DB | Large Language Models (LLMs) are advancing at a rapid pace, with significant
improvements at natural language processing and coding tasks. Yet, their
ability to work with formal languages representing data, specifically within
the realm of knowledge graph engineering, remains under-investigated. To
evaluate the proficiency of various LLMs, we created a set of five tasks that
probe their ability to parse, understand, analyze, and create knowledge graphs
serialized in Turtle syntax. These tasks, each embodying distinct degrees of
complexity and being able to scale with the size of the problem, have been
integrated into our automated evaluation system, the LLM-KG-Bench. The
evaluation encompassed four commercially available LLMs - GPT-3.5, GPT-4,
Claude 1.3, and Claude 2.0, as well as two freely accessible offline models,
GPT4All Vicuna and GPT4All Falcon 13B. This analysis offers an in-depth
understanding of the strengths and shortcomings of LLMs in relation to their
application within RDF knowledge graph engineering workflows utilizing Turtle
representation. While our findings show that the latest commercial models
outperform their forerunners in terms of proficiency with the Turtle language,
they also reveal an apparent weakness. These models fall short when it comes to
adhering strictly to the output formatting constraints, a crucial requirement
in this context. | cs.AI | Benchmarking the Abilities of Large Language Models for RDF Knowledge Graph Creation and Comprehension: How Well Do LLMs Speak Turtle? |
2023-09-29T08:46:38Z | http://arxiv.org/pdf/2309.17061v1 | http://arxiv.org/abs/2309.17061v1 | Xin Cheng, Xun Wang, Tao Ge, Si-Qing Chen, Furu Wei, Dongyan Zhao, Rui Yan | 2023-09-29T08:46:38Z | cs.CL, cs.AI | In this paper, we introduce SCALE, a collaborative framework that connects
compact Specialized Translation Models (STMs) and general-purpose Large
Language Models (LLMs) as one unified translation engine. By introducing
translation from STM into the triplet in-context demonstrations, SCALE unlocks
refinement and pivoting ability of LLM, thus mitigating language bias of LLM
and parallel data bias of STM, enhancing LLM speciality without sacrificing
generality, and facilitating continual learning without expensive LLM
fine-tuning. Our comprehensive experiments show that SCALE significantly
outperforms both few-shot LLMs (GPT-4) and specialized models (NLLB) in
challenging low-resource settings. Moreover, in Xhosa to English translation,
SCALE experiences consistent improvement by a 4 BLEURT score without tuning LLM
and surpasses few-shot GPT-4 by 2.5 COMET score and 3.8 BLEURT score when
equipped with a compact model consisting of merely 600M parameters. SCALE could
also effectively exploit the existing language bias of LLMs by using an
English-centric STM as a pivot for translation between any language pairs,
outperforming few-shot GPT-4 by an average of 6 COMET points across eight
translation directions. Furthermore we provide an in-depth analysis of SCALE's
robustness, translation characteristics, and latency costs, providing solid
foundation for future studies exploring the potential synergy between LLMs and
more specialized, task-specific models. | cs.CL | SCALE: Synergized Collaboration of Asymmetric Language Translation Engines |
2023-09-29T08:23:19Z | http://arxiv.org/pdf/2309.17050v1 | http://arxiv.org/abs/2309.17050v1 | Antoine Louis, Gijs van Dijck, Gerasimos Spanakis | 2023-09-29T08:23:19Z | cs.CL | Many individuals are likely to face a legal dispute at some point in their
lives, but their lack of understanding of how to navigate these complex issues
often renders them vulnerable. The advancement of natural language processing
opens new avenues for bridging this legal literacy gap through the development
of automated legal aid systems. However, existing legal question answering
(LQA) approaches often suffer from a narrow scope, being either confined to
specific legal domains or limited to brief, uninformative responses. In this
work, we propose an end-to-end methodology designed to generate long-form
answers to any statutory law questions, utilizing a "retrieve-then-read"
pipeline. To support this approach, we introduce and release the Long-form
Legal Question Answering (LLeQA) dataset, comprising 1,868 expert-annotated
legal questions in the French language, complete with detailed answers rooted
in pertinent legal provisions. Our experimental results demonstrate promising
performance on automatic evaluation metrics, but a qualitative analysis
uncovers areas for refinement. As one of the only comprehensive,
expert-annotated long-form LQA dataset, LLeQA has the potential to not only
accelerate research towards resolving a significant real-world issue, but also
act as a rigorous benchmark for evaluating NLP models in specialized domains.
We publicly release our code, data, and models. | cs.CL | Interpretable Long-Form Legal Question Answering with Retrieval-Augmented Large Language Models |
2023-09-29T07:48:24Z | http://arxiv.org/pdf/2309.17035v1 | http://arxiv.org/abs/2309.17035v1 | C. Maria Keet, Langa Khumalo | 2023-09-29T07:48:24Z | cs.CL, I.2.7 | Application domains such as digital humanities and tool like chatbots involve
some form of processing natural language, from digitising hardcopies to speech
generation. The language of the content is typically characterised as either a
low resource language (LRL) or high resource language (HRL), also known as
resource-scarce and well-resourced languages, respectively. African languages
have been characterized as resource-scarce languages (Bosch et al. 2007;
Pretorius & Bosch 2003; Keet & Khumalo 2014) and English is by far the most
well-resourced language. Varied language resources are used to develop software
systems for these languages to accomplish a wide range of tasks. In this paper
we argue that the dichotomous typology LRL and HRL for all languages is
problematic. Through a clear understanding of language resources situated in a
society, a matrix is developed that characterizes languages as Very LRL, LRL,
RL, HRL and Very HRL. The characterization is based on the typology of
contextual features for each category, rather than counting tools, and
motivation is provided for each feature and each characterization. The
contextualisation of resourcedness, with a focus on African languages in this
paper, and an increased understanding of where on the scale the language used
in a project is, may assist in, among others, better planning of research and
implementation projects. We thus argue in this paper that the characterization
of language resources within a given scale in a project is an indispensable
component particularly in the context of low-resourced languages. | cs.CL | Contextualising Levels of Language Resourcedness affecting Digital Processing of Text |
2023-09-29T07:00:41Z | http://arxiv.org/pdf/2310.01430v1 | http://arxiv.org/abs/2310.01430v1 | Swapnil Bhosale, Abhra Chaudhuri, Alex Lee Robert Williams, Divyank Tiwari, Anjan Dutta, Xiatian Zhu, Pushpak Bhattacharyya, Diptesh Kanojia | 2023-09-29T07:00:41Z | cs.CL, cs.AI | The introduction of the MUStARD dataset, and its emotion recognition
extension MUStARD++, have identified sarcasm to be a multi-modal phenomenon --
expressed not only in natural language text, but also through manners of speech
(like tonality and intonation) and visual cues (facial expression). With this
work, we aim to perform a rigorous benchmarking of the MUStARD++ dataset by
considering state-of-the-art language, speech, and visual encoders, for fully
utilizing the totality of the multi-modal richness that it has to offer,
achieving a 2\% improvement in macro-F1 over the existing benchmark.
Additionally, to cure the imbalance in the `sarcasm type' category in
MUStARD++, we propose an extension, which we call \emph{MUStARD++ Balanced},
benchmarking the same with instances from the extension split across both train
and test sets, achieving a further 2.4\% macro-F1 boost. The new clips were
taken from a novel source -- the TV show, House MD, which adds to the diversity
of the dataset, and were manually annotated by multiple annotators with
substantial inter-annotator agreement in terms of Cohen's kappa and
Krippendorf's alpha. Our code, extended data, and SOTA benchmark models are
made public. | cs.CL | Sarcasm in Sight and Sound: Benchmarking and Expansion to Improve Multimodal Sarcasm Detection |
2023-09-29T06:53:10Z | http://arxiv.org/pdf/2309.17012v1 | http://arxiv.org/abs/2309.17012v1 | Ryan Koo, Minhwa Lee, Vipul Raheja, Jong Inn Park, Zae Myung Kim, Dongyeop Kang | 2023-09-29T06:53:10Z | cs.CL, cs.AI, cs.LG | Large Language Models (LLMs) have recently been shown to be effective as
automatic evaluators with simple prompting and in-context learning. In this
work, we assemble 15 LLMs of four different size ranges and evaluate their
output responses by preference ranking from the other LLMs as evaluators, such
as System Star is better than System Square. We then evaluate the quality of
ranking outputs introducing the Cognitive Bias Benchmark for LLMs as Evaluators
(CoBBLEr), a benchmark to measure six different cognitive biases in LLM
evaluation outputs, such as the Egocentric bias where a model prefers to rank
its own outputs highly in evaluation. We find that LLMs are biased text quality
evaluators, exhibiting strong indications on our bias benchmark (average of 40%
of comparisons across all models) within each of their evaluations that
question their robustness as evaluators. Furthermore, we examine the
correlation between human and machine preferences and calculate the average
Rank-Biased Overlap (RBO) score to be 49.6%, indicating that machine
preferences are misaligned with humans. According to our findings, LLMs may
still be unable to be utilized for automatic annotation aligned with human
preferences. Our project page is at: https://minnesotanlp.github.io/cobbler. | cs.CL | Benchmarking Cognitive Biases in Large Language Models as Evaluators |
2023-09-29T02:41:38Z | http://arxiv.org/pdf/2309.16938v2 | http://arxiv.org/abs/2309.16938v2 | Adrian de Wynter, Tangming Yuan | 2024-06-10T12:39:29Z | cs.CL | We evaluate two large language models (LLMs) ability to perform argumentative
reasoning. We experiment with argument mining (AM) and argument pair extraction
(APE), and evaluate the LLMs' ability to recognize arguments under
progressively more abstract input and output (I/O) representations (e.g.,
arbitrary label sets, graphs, etc.). Unlike the well-known evaluation of prompt
phrasings, abstraction evaluation retains the prompt's phrasing but tests
reasoning capabilities. We find that scoring-wise the LLMs match or surpass the
SOTA in AM and APE, and under certain I/O abstractions LLMs perform well, even
beating chain-of-thought--we call this symbolic prompting. However, statistical
analysis on the LLMs outputs when subject to small, yet still human-readable,
alterations in the I/O representations (e.g., asking for BIO tags as opposed to
line numbers) showed that the models are not performing reasoning. This
suggests that LLM applications to some tasks, such as data labelling and paper
reviewing, must be done with care. | cs.CL | "I'd Like to Have an Argument, Please": Argumentative Reasoning in Large Language Models |
2023-09-29T02:35:36Z | http://arxiv.org/pdf/2309.16937v2 | http://arxiv.org/abs/2309.16937v2 | Hongfei Xue, Qijie Shao, Kaixun Huang, Peikun Chen, Jie Liu, Lei Xie | 2024-04-27T13:03:27Z | cs.CL, cs.SD, eess.AS | Multilingual automatic speech recognition (ASR) systems have garnered
attention for their potential to extend language coverage globally. While
self-supervised learning (SSL) models, like MMS, have demonstrated their
effectiveness in multilingual ASR, it is worth noting that various layers'
representations potentially contain distinct information that has not been
fully leveraged. In this study, we propose a novel method that leverages
self-supervised hierarchical representations (SSHR) to fine-tune the MMS model.
We first analyze the different layers of MMS and show that the middle layers
capture language-related information, and the high layers encode
content-related information, which gradually decreases in the final layers.
Then, we extract a language-related frame from correlated middle layers and
guide specific language extraction through self-attention mechanisms.
Additionally, we steer the model toward acquiring more content-related
information in the final layers using our proposed Cross-CTC. We evaluate SSHR
on two multilingual datasets, Common Voice and ML-SUPERB, and the experimental
results demonstrate that our method achieves state-of-the-art performance. | cs.CL | SSHR: Leveraging Self-supervised Hierarchical Representations for Multilingual Automatic Speech Recognition |
2023-09-29T00:14:38Z | http://arxiv.org/pdf/2309.16905v1 | http://arxiv.org/abs/2309.16905v1 | Ali Omrani, Alireza S. Ziabari, Preni Golazizian, Jeffrey Sorensen, Morteza Dehghani | 2023-09-29T00:14:38Z | cs.CL | Detecting problematic content, such as hate speech, is a multifaceted and
ever-changing task, influenced by social dynamics, user populations, diversity
of sources, and evolving language. There has been significant efforts, both in
academia and in industry, to develop annotated resources that capture various
aspects of problematic content. Due to researchers' diverse objectives, the
annotations are inconsistent and hence, reports of progress on detection of
problematic content are fragmented. This pattern is expected to persist unless
we consolidate resources considering the dynamic nature of the problem. We
propose integrating the available resources, and leveraging their dynamic
nature to break this pattern. In this paper, we introduce a continual learning
benchmark and framework for problematic content detection comprising over 84
related tasks encompassing 15 annotation schemas from 8 sources. Our benchmark
creates a novel measure of progress: prioritizing the adaptability of
classifiers to evolving tasks over excelling in specific tasks. To ensure the
continuous relevance of our framework, we designed it so that new tasks can
easily be integrated into the benchmark. Our baseline results demonstrate the
potential of continual learning in capturing the evolving content and adapting
to novel manifestations of problematic content. | cs.CL | Towards a Unified Framework for Adaptable Problematic Content Detection via Continual Learning |
2023-09-28T23:54:41Z | http://arxiv.org/pdf/2309.16898v1 | http://arxiv.org/abs/2309.16898v1 | JongYoon Lim, Inkyu Sa, Bruce MacDonald, Ho Seok Ahn | 2023-09-28T23:54:41Z | cs.RO, cs.CL, cs.CV, cs.HC | This research explores using lightweight deep neural network architectures to
enable the humanoid robot Pepper to understand American Sign Language (ASL) and
facilitate non-verbal human-robot interaction. First, we introduce a
lightweight and efficient model for ASL understanding optimized for embedded
systems, ensuring rapid sign recognition while conserving computational
resources. Building upon this, we employ large language models (LLMs) for
intelligent robot interactions. Through intricate prompt engineering, we tailor
interactions to allow the Pepper Robot to generate natural Co-Speech Gesture
responses, laying the foundation for more organic and intuitive humanoid-robot
dialogues. Finally, we present an integrated software pipeline, embodying
advancements in a socially aware AI interaction model. Leveraging the Pepper
Robot's capabilities, we demonstrate the practicality and effectiveness of our
approach in real-world scenarios. The results highlight a profound potential
for enhancing human-robot interaction through non-verbal interactions, bridging
communication gaps, and making technology more accessible and understandable. | cs.RO | A Sign Language Recognition System with Pepper, Lightweight-Transformer, and LLM |
2023-09-28T20:53:25Z | http://arxiv.org/pdf/2309.16844v2 | http://arxiv.org/abs/2309.16844v2 | Israel Campiotti, Matheus Rodrigues, Yuri Albuquerque, Rafael Azevedo, Alyson Andrade | 2023-10-31T00:14:18Z | cs.CL | This paper presents an approach for adapting the DebertaV3 XSmall model
pre-trained in English for Brazilian Portuguese natural language processing
(NLP) tasks. A key aspect of the methodology involves a multistep training
process to ensure the model is effectively tuned for the Portuguese language.
Initial datasets from Carolina and BrWac are preprocessed to address issues
like emojis, HTML tags, and encodings. A Portuguese-specific vocabulary of
50,000 tokens is created using SentencePiece. Rather than training from
scratch, the weights of the pre-trained English model are used to initialize
most of the network, with random embeddings, recognizing the expensive cost of
training from scratch. The model is fine-tuned using the replaced token
detection task in the same format of DebertaV3 training. The adapted model,
called DeBERTinha, demonstrates effectiveness on downstream tasks like named
entity recognition, sentiment analysis, and determining sentence relatedness,
outperforming BERTimbau-Large in two tasks despite having only 40M parameters. | cs.CL | DeBERTinha: A Multistep Approach to Adapt DebertaV3 XSmall for Brazilian Portuguese Natural Language Processing Task |
2023-09-28T19:14:18Z | http://arxiv.org/pdf/2309.16804v1 | http://arxiv.org/abs/2309.16804v1 | Yu Li, Shang Qu, Jili Shen, Shangchao Min, Zhou Yu | 2023-09-28T19:14:18Z | cs.CL | Chatbots have become popular in educational settings, revolutionizing how
students interact with material and how teachers teach. We present
Curriculum-Driven EduBot, a framework for developing a chatbot that combines
the interactive features of chatbots with the systematic material of English
textbooks to assist students in enhancing their conversational skills. We begin
by extracting pertinent topics from textbooks and then using large language
models to generate dialogues related to these topics. We then fine-tune an
open-source LLM using our generated conversational data to create our
curriculum-driven chatbot. User studies demonstrate that our chatbot
outperforms ChatGPT in leading curriculum-based dialogues and adapting its
dialogue to match the user's English proficiency level. By combining
traditional textbook methodologies with conversational AI, our approach offers
learners an interactive tool that aligns with their curriculum and provides
user-tailored conversation practice. This facilitates meaningful student-bot
dialogues and enriches the overall learning experience within the curriculum's
pedagogical framework. | cs.CL | Curriculum-Driven Edubot: A Framework for Developing Language Learning Chatbots Through Synthesizing Conversational Data |
2023-09-28T19:01:07Z | http://arxiv.org/pdf/2309.16797v1 | http://arxiv.org/abs/2309.16797v1 | Chrisantha Fernando, Dylan Banarse, Henryk Michalewski, Simon Osindero, Tim Rocktäschel | 2023-09-28T19:01:07Z | cs.CL, cs.AI, cs.LG, cs.NE | Popular prompt strategies like Chain-of-Thought Prompting can dramatically
improve the reasoning abilities of Large Language Models (LLMs) in various
domains. However, such hand-crafted prompt-strategies are often sub-optimal. In
this paper, we present Promptbreeder, a general-purpose self-referential
self-improvement mechanism that evolves and adapts prompts for a given domain.
Driven by an LLM, Promptbreeder mutates a population of task-prompts, and
subsequently evaluates them for fitness on a training set. Crucially, the
mutation of these task-prompts is governed by mutation-prompts that the LLM
generates and improves throughout evolution in a self-referential way. That is,
Promptbreeder is not just improving task-prompts, but it is also improving the
mutationprompts that improve these task-prompts. Promptbreeder outperforms
state-of-the-art prompt strategies such as Chain-of-Thought and Plan-and-Solve
Prompting on commonly used arithmetic and commonsense reasoning benchmarks.
Furthermore, Promptbreeder is able to evolve intricate task-prompts for the
challenging problem of hate speech classification. | cs.CL | Promptbreeder: Self-Referential Self-Improvement Via Prompt Evolution |
2023-09-28T18:22:16Z | http://arxiv.org/pdf/2309.16781v1 | http://arxiv.org/abs/2309.16781v1 | Tohida Rehman, Ronit Mandal, Abhishek Agarwal, Debarshi Kumar Sanyal | 2023-09-28T18:22:16Z | cs.CL, cs.IR, cs.LG | Hallucination in text summarization refers to the phenomenon where the model
generates information that is not supported by the input source document.
Hallucination poses significant obstacles to the accuracy and reliability of
the generated summaries. In this paper, we aim to reduce hallucinated outputs
or hallucinations in summaries of long-form text documents. We have used the
PubMed dataset, which contains long scientific research documents and their
abstracts. We have incorporated the techniques of data filtering and joint
entity and summary generation (JAENS) in the fine-tuning of the Longformer
Encoder-Decoder (LED) model to minimize hallucinations and thereby improve the
quality of the generated summary. We have used the following metrics to measure
factual consistency at the entity level: precision-source, and F1-target. Our
experiments show that the fine-tuned LED model performs well in generating the
paper abstract. Data filtering techniques based on some preprocessing steps
reduce entity-level hallucinations in the generated summaries in terms of some
of the factual consistency metrics. | cs.CL | Hallucination Reduction in Long Input Text Summarization |
2023-09-28T18:13:02Z | http://arxiv.org/pdf/2309.16777v1 | http://arxiv.org/abs/2309.16777v1 | Gonzalo Martínez, Javier Conde, Pedro Reviriego, Elena Merino-Gómez, José Alberto Hernández, Fabrizio Lombardi | 2023-09-28T18:13:02Z | cs.CL, cs.AI | The introduction of ChatGPT has put Artificial Intelligence (AI) Natural
Language Processing (NLP) in the spotlight. ChatGPT adoption has been
exponential with millions of users experimenting with it in a myriad of tasks
and application domains with impressive results. However, ChatGPT has
limitations and suffers hallucinations, for example producing answers that look
plausible but they are completely wrong. Evaluating the performance of ChatGPT
and similar AI tools is a complex issue that is being explored from different
perspectives. In this work, we contribute to those efforts with ChatWords, an
automated test system, to evaluate ChatGPT knowledge of an arbitrary set of
words. ChatWords is designed to be extensible, easy to use, and adaptable to
evaluate also other NLP AI tools. ChatWords is publicly available and its main
goal is to facilitate research on the lexical knowledge of AI tools. The
benefits of ChatWords are illustrated with two case studies: evaluating the
knowledge that ChatGPT has of the Spanish lexicon (taken from the official
dictionary of the "Real Academia Espa\~nola") and of the words that appear in
the Quixote, the well-known novel written by Miguel de Cervantes. The results
show that ChatGPT is only able to recognize approximately 80% of the words in
the dictionary and 90% of the words in the Quixote, in some cases with an
incorrect meaning. The implications of the lexical knowledge of NLP AI tools
and potential applications of ChatWords are also discussed providing directions
for further work on the study of the lexical knowledge of AI tools. | cs.CL | How many words does ChatGPT know? The answer is ChatWords |
2023-09-28T18:07:01Z | http://arxiv.org/pdf/2309.16770v2 | http://arxiv.org/abs/2309.16770v2 | Junfeng Liu, Christopher Symons, Ranga Raju Vatsavai | 2023-12-01T18:45:12Z | cs.CL, cs.AI, cs.LG | Recent advances in machine learning and deep learning have led to the
widespread use of Conversational AI in many practical applications. However, it
is still very challenging to leverage auxiliary information that can provide
conversational context or personalized tuning to improve the quality of
conversations. For example, there has only been limited research on using an
individuals persona information to improve conversation quality, and even
state-of-the-art conversational AI techniques are unable to effectively
leverage signals from heterogeneous sources of auxiliary data, such as
multi-modal interaction data, demographics, SDOH data, etc. In this paper, we
present a novel Persona-Coded Poly-Encoder method that leverages persona
information in a multi-stream encoding scheme to improve the quality of
response generation for conversations. To show the efficacy of the proposed
method, we evaluate our method on two different persona-based conversational
datasets, and compared against two state-of-the-art methods. Our experimental
results and analysis demonstrate that our method can improve conversation
quality over the baseline method Poly-Encoder by 3.32% and 2.94% in terms of
BLEU score and HR@1, respectively. More significantly, our method offers a path
to better utilization of multi-modal data in conversational tasks. Lastly, our
study outlines several challenges and future research directions for advancing
personalized conversational AI technology. | cs.CL | Persona-Coded Poly-Encoder: Persona-Guided Multi-Stream Conversational Sentence Scoring |
2023-09-28T17:59:56Z | http://arxiv.org/pdf/2309.16671v4 | http://arxiv.org/abs/2309.16671v4 | Hu Xu, Saining Xie, Xiaoqing Ellen Tan, Po-Yao Huang, Russell Howes, Vasu Sharma, Shang-Wen Li, Gargi Ghosh, Luke Zettlemoyer, Christoph Feichtenhofer | 2024-04-07T17:22:46Z | cs.CV, cs.CL | Contrastive Language-Image Pre-training (CLIP) is an approach that has
advanced research and applications in computer vision, fueling modern
recognition systems and generative models. We believe that the main ingredient
to the success of CLIP is its data and not the model architecture or
pre-training objective. However, CLIP only provides very limited information
about its data and how it has been collected, leading to works that aim to
reproduce CLIP's data by filtering with its model parameters. In this work, we
intend to reveal CLIP's data curation approach and in our pursuit of making it
open to the community introduce Metadata-Curated Language-Image Pre-training
(MetaCLIP). MetaCLIP takes a raw data pool and metadata (derived from CLIP's
concepts) and yields a balanced subset over the metadata distribution. Our
experimental study rigorously isolates the model and training settings,
concentrating solely on data. MetaCLIP applied to CommonCrawl with 400M
image-text data pairs outperforms CLIP's data on multiple standard benchmarks.
In zero-shot ImageNet classification, MetaCLIP achieves 70.8% accuracy,
surpassing CLIP's 68.3% on ViT-B models. Scaling to 1B data, while maintaining
the same training budget, attains 72.4%. Our observations hold across various
model sizes, exemplified by ViT-H achieving 80.5%, without any
bells-and-whistles. Curation code and training data distribution on metadata is
made available at https://github.com/facebookresearch/MetaCLIP. | cs.CV | Demystifying CLIP Data |
2023-09-28T17:49:03Z | http://arxiv.org/pdf/2309.16639v2 | http://arxiv.org/abs/2309.16639v2 | Ruolan Wu, Chun Yu, Xiaole Pan, Yujia Liu, Ningning Zhang, Yue Fu, Yuhan Wang, Zhi Zheng, Li Chen, Qiaolei Jiang, Xuhai Xu, Yuanchun Shi | 2024-02-28T04:45:17Z | cs.CL, cs.AI, cs.HC, 68U35, H.5.2; I.2.7 | Problematic smartphone use negatively affects physical and mental health.
Despite the wide range of prior research, existing persuasive techniques are
not flexible enough to provide dynamic persuasion content based on users'
physical contexts and mental states. We first conducted a Wizard-of-Oz study
(N=12) and an interview study (N=10) to summarize the mental states behind
problematic smartphone use: boredom, stress, and inertia. This informs our
design of four persuasion strategies: understanding, comforting, evoking, and
scaffolding habits. We leveraged large language models (LLMs) to enable the
automatic and dynamic generation of effective persuasion content. We developed
MindShift, a novel LLM-powered problematic smartphone use intervention
technique. MindShift takes users' in-the-moment app usage behaviors, physical
contexts, mental states, goals \& habits as input, and generates personalized
and dynamic persuasive content with appropriate persuasion strategies. We
conducted a 5-week field experiment (N=25) to compare MindShift with its
simplified version (remove mental states) and baseline techniques (fixed
reminder). The results show that MindShift improves intervention acceptance
rates by 4.7-22.5% and reduces smartphone usage duration by 7.4-9.8%. Moreover,
users have a significant drop in smartphone addiction scale scores and a rise
in self-efficacy scale scores. Our study sheds light on the potential of
leveraging LLMs for context-aware persuasion in other behavior change domains. | cs.CL | MindShift: Leveraging Large Language Models for Mental-States-Based Problematic Smartphone Use Intervention |
2023-09-28T17:21:33Z | http://arxiv.org/pdf/2309.16621v1 | http://arxiv.org/abs/2309.16621v1 | Aayush Mishra, Karan Thakkar | 2023-09-28T17:21:33Z | cs.CL, cs.AI | This report examines the effectiveness of Chain-of-Thought (CoT) prompting in
improving the multi-step reasoning abilities of large language models (LLMs).
Inspired by previous studies \cite{Min2022RethinkingWork}, we analyze the
impact of three types of CoT prompt perturbations, namely CoT order, CoT
values, and CoT operators on the performance of GPT-3 on various tasks. Our
findings show that incorrect CoT prompting leads to poor performance on
accuracy metrics. Correct values in the CoT is crucial for predicting correct
answers. Moreover, incorrect demonstrations, where the CoT operators or the CoT
order are wrong, do not affect the performance as drastically when compared to
the value based perturbations. This research deepens our understanding of CoT
prompting and opens some new questions regarding the capability of LLMs to
learn reasoning in context. | cs.CL | Stress Testing Chain-of-Thought Prompting for Large Language Models |
2023-09-28T17:07:49Z | http://arxiv.org/pdf/2309.16609v1 | http://arxiv.org/abs/2309.16609v1 | Jinze Bai, Shuai Bai, Yunfei Chu, Zeyu Cui, Kai Dang, Xiaodong Deng, Yang Fan, Wenbin Ge, Yu Han, Fei Huang, Binyuan Hui, Luo Ji, Mei Li, Junyang Lin, Runji Lin, Dayiheng Liu, Gao Liu, Chengqiang Lu, Keming Lu, Jianxin Ma, Rui Men, Xingzhang Ren, Xuancheng Ren, Chuanqi Tan, Sinan Tan, Jianhong Tu, Peng Wang, Shijie Wang, Wei Wang, Shengguang Wu, Benfeng Xu, Jin Xu, An Yang, Hao Yang, Jian Yang, Shusheng Yang, Yang Yao, Bowen Yu, Hongyi Yuan, Zheng Yuan, Jianwei Zhang, Xingxuan Zhang, Yichang Zhang, Zhenru Zhang, Chang Zhou, Jingren Zhou, Xiaohuan Zhou, Tianhang Zhu | 2023-09-28T17:07:49Z | cs.CL | Large language models (LLMs) have revolutionized the field of artificial
intelligence, enabling natural language processing tasks that were previously
thought to be exclusive to humans. In this work, we introduce Qwen, the first
installment of our large language model series. Qwen is a comprehensive
language model series that encompasses distinct models with varying parameter
counts. It includes Qwen, the base pretrained language models, and Qwen-Chat,
the chat models finetuned with human alignment techniques. The base language
models consistently demonstrate superior performance across a multitude of
downstream tasks, and the chat models, particularly those trained using
Reinforcement Learning from Human Feedback (RLHF), are highly competitive. The
chat models possess advanced tool-use and planning capabilities for creating
agent applications, showcasing impressive performance even when compared to
bigger models on complex tasks like utilizing a code interpreter. Furthermore,
we have developed coding-specialized models, Code-Qwen and Code-Qwen-Chat, as
well as mathematics-focused models, Math-Qwen-Chat, which are built upon base
language models. These models demonstrate significantly improved performance in
comparison with open-source models, and slightly fall behind the proprietary
models. | cs.CL | Qwen Technical Report |
2023-09-28T17:02:36Z | http://arxiv.org/pdf/2309.16599v1 | http://arxiv.org/abs/2309.16599v1 | Changtong Zan, Liang Ding, Li Shen, Yibin Lei, Yibing Zhan, Weifeng Liu, Dacheng Tao | 2023-09-28T17:02:36Z | cs.CL | Zero-shot translation (ZST), which is generally based on a multilingual
neural machine translation model, aims to translate between unseen language
pairs in training data. The common practice to guide the zero-shot language
mapping during inference is to deliberately insert the source and target
language IDs, e.g., <EN> for English and <DE> for German. Recent studies have
shown that language IDs sometimes fail to navigate the ZST task, making them
suffer from the off-target problem (non-target language words exist in the
generated translation) and, therefore, difficult to apply the current
multilingual translation model to a broad range of zero-shot language
scenarios. To understand when and why the navigation capabilities of language
IDs are weakened, we compare two extreme decoder input cases in the ZST
directions: Off-Target (OFF) and On-Target (ON) cases. By contrastively
visualizing the contextual word representations (CWRs) of these cases with
teacher forcing, we show that 1) the CWRs of different languages are
effectively distributed in separate regions when the sentence and ID are
matched (ON setting), and 2) if the sentence and ID are unmatched (OFF
setting), the CWRs of different languages are chaotically distributed. Our
analyses suggest that although they work well in ideal ON settings, language
IDs become fragile and lose their navigation ability when faced with off-target
tokens, which commonly exist during inference but are rare in training
scenarios. In response, we employ unlikelihood tuning on the negative (OFF)
samples to minimize their probability such that the language IDs can
discriminate between the on- and off-target tokens during training. Experiments
spanning 40 ZST directions show that our method reduces the off-target ratio by
-48.0% on average, leading to a +9.1 BLEU improvement with only an extra +0.3%
tuning cost. | cs.CL | Unlikelihood Tuning on Negative Samples Amazingly Improves Zero-Shot Translation |
2023-09-28T16:43:35Z | http://arxiv.org/pdf/2309.16583v6 | http://arxiv.org/abs/2309.16583v6 | Shen Zheng, Yuyu Zhang, Yijie Zhu, Chenguang Xi, Pengyang Gao, Xun Zhou, Kevin Chen-Chuan Chang | 2024-04-02T01:51:38Z | cs.CL | With the rapid advancement of large language models (LLMs), there is a
pressing need for a comprehensive evaluation suite to assess their capabilities
and limitations. Existing LLM leaderboards often reference scores reported in
other papers without consistent settings and prompts, which may inadvertently
encourage cherry-picking favored settings and prompts for better results. In
this work, we introduce GPT-Fathom, an open-source and reproducible LLM
evaluation suite built on top of OpenAI Evals. We systematically evaluate 10+
leading LLMs as well as OpenAI's legacy models on 20+ curated benchmarks across
7 capability categories, all under aligned settings. Our retrospective study on
OpenAI's earlier models offers valuable insights into the evolutionary path
from GPT-3 to GPT-4. Currently, the community is eager to know how GPT-3
progressively improves to GPT-4, including technical details like whether
adding code data improves LLM's reasoning capability, which aspects of LLM
capability can be improved by SFT and RLHF, how much is the alignment tax, etc.
Our analysis sheds light on many of these questions, aiming to improve the
transparency of advanced LLMs. | cs.CL | GPT-Fathom: Benchmarking Large Language Models to Decipher the Evolutionary Path towards GPT-4 and Beyond |
2023-09-28T16:32:28Z | http://arxiv.org/pdf/2309.16575v2 | http://arxiv.org/abs/2309.16575v2 | Garrett Tanzer, Mirac Suzgun, Eline Visser, Dan Jurafsky, Luke Melas-Kyriazi | 2024-02-09T13:55:53Z | cs.CL | Large language models (LLMs) can perform impressive feats with in-context
learning or lightweight finetuning. It is natural to wonder how well these
models adapt to genuinely new tasks, but how does one find tasks that are
unseen in internet-scale training sets? We turn to a field that is explicitly
motivated and bottlenecked by a scarcity of web data: low-resource languages.
In this paper, we introduce MTOB (Machine Translation from One Book), a
benchmark for learning to translate between English and Kalamang -- a language
with less than 200 speakers and therefore virtually no presence on the web --
using several hundred pages of field linguistics reference materials. This task
framing is novel in that it asks a model to learn a language from a single
human-readable book of grammar explanations, rather than a large mined corpus
of in-domain data, more akin to L2 learning than L1 acquisition. We demonstrate
that baselines using current LLMs are promising but fall short of human
performance, achieving 44.7 chrF on Kalamang to English translation and 45.8
chrF on English to Kalamang translation, compared to 51.6 and 57.0 chrF by a
human who learned Kalamang from the same reference materials. We hope that MTOB
will help measure LLM capabilities along a new dimension, and that the methods
developed to solve it could help expand access to language technology for
underserved communities by leveraging qualitatively different kinds of data
than traditional machine translation. | cs.CL | A Benchmark for Learning to Translate a New Language from One Grammar Book |
2023-09-28T16:29:52Z | http://arxiv.org/pdf/2309.16573v2 | http://arxiv.org/abs/2309.16573v2 | Emanuele La Malfa, Aleksandar Petrov, Simon Frieder, Christoph Weinhuber, Ryan Burnell, Raza Nazar, Anthony G. Cohn, Nigel Shadbolt, Michael Wooldridge | 2023-11-30T07:59:26Z | cs.AI, cs.CL, cs.CY | Some of the most powerful language models currently are proprietary systems,
accessible only via (typically restrictive) web or software programming
interfaces. This is the Language-Models-as-a-Service (LMaaS) paradigm. In
contrast with scenarios where full model access is available, as in the case of
open-source models, such closed-off language models present specific challenges
for evaluating, benchmarking, and testing them. This paper has two goals: on
the one hand, we delineate how the aforementioned challenges act as impediments
to the accessibility, replicability, reliability, and trustworthiness of LMaaS.
We systematically examine the issues that arise from a lack of information
about language models for each of these four aspects. We conduct a detailed
analysis of existing solutions and put forth a number of considered
recommendations, and highlight the directions for future advancements. On the
other hand, it serves as a comprehensive resource for existing knowledge on
current, major LMaaS, offering a synthesized overview of the licences and
capabilities their interfaces offer. | cs.AI | Language Models as a Service: Overview of a New Paradigm and its Challenges |
2023-09-28T15:53:44Z | http://arxiv.org/pdf/2309.16540v3 | http://arxiv.org/abs/2309.16540v3 | Adrián Bazaga, Pietro Liò, Gos Micklem | 2024-03-06T20:12:01Z | cs.CL, cs.LG, stat.ML | Fact verification aims to verify a claim using evidence from a trustworthy
knowledge base. To address this challenge, algorithms must produce features for
every claim that are both semantically meaningful, and compact enough to find a
semantic alignment with the source information. In contrast to previous work,
which tackled the alignment problem by learning over annotated corpora of
claims and their corresponding labels, we propose SFAVEL (Self-supervised Fact
Verification via Language Model Distillation), a novel unsupervised pretraining
framework that leverages pre-trained language models to distil self-supervised
features into high-quality claim-fact alignments without the need for
annotations. This is enabled by a novel contrastive loss function that
encourages features to attain high-quality claim and evidence alignments whilst
preserving the semantic relationships across the corpora. Notably, we present
results that achieve a new state-of-the-art on FB15k-237 (+5.3% Hits@1) and
FEVER (+8% accuracy) with linear evaluation. | cs.CL | Unsupervised Pretraining for Fact Verification by Language Model Distillation |
2023-09-28T15:47:03Z | http://arxiv.org/pdf/2309.16535v1 | http://arxiv.org/abs/2309.16535v1 | Yiming Ju, Zheng Zhang | 2023-09-28T15:47:03Z | cs.CL, cs.AI | Recently, Locate-Then-Edit paradigm has emerged as one of the main approaches
in changing factual knowledge stored in the Language models. However, there is
a lack of research on whether present locating methods can pinpoint the exact
parameters embedding the desired knowledge. Moreover, although many researchers
have questioned the validity of locality hypothesis of factual knowledge, no
method is provided to test the a hypothesis for more in-depth discussion and
research. Therefore, we introduce KLoB, a benchmark examining three essential
properties that a reliable knowledge locating method should satisfy. KLoB can
serve as a benchmark for evaluating existing locating methods in language
models, and can contributes a method to reassessing the validity of locality
hypothesis of factual knowledge. Our is publicly available at
\url{https://github.com/juyiming/KLoB}. | cs.CL | KLoB: a Benchmark for Assessing Knowledge Locating Methods in Language Models |
2023-09-28T15:32:36Z | http://arxiv.org/pdf/2310.01429v1 | http://arxiv.org/abs/2310.01429v1 | Eren Unlu | 2023-09-28T15:32:36Z | cs.CL, cs.AI | The swift advancement and widespread availability of foundational Large
Language Models (LLMs), complemented by robust fine-tuning methodologies, have
catalyzed their adaptation for innovative and industrious applications.
Enabling LLMs to recognize and interpret geospatial data, while offering a
linguistic access to vast cartographic datasets, is of significant importance.
OpenStreetMap (OSM) is the most ambitious open-source global initiative
offering detailed urban and rural geographic data, curated by a community of
over 10 million contributors, which constitutes a great potential for LLM
applications. In this study, we demonstrate the proof of concept and details of
the process of fine-tuning a relatively small scale (1B parameters) LLM with a
relatively small artificial dataset curated by a more capable teacher model, in
order to provide a linguistic interface to the OSM data of an arbitrary urban
region. Through this interface, users can inquire about a location's
attributes, covering a wide spectrum of concepts, such as its touristic appeal
or the potential profitability of various businesses in that vicinity. The
study aims to provide an initial guideline for such generative artificial
intelligence (AI) adaptations and demonstrate early signs of useful emerging
abilities in this context even in minimal computational settings. The
embeddings of artificially curated prompts including OSM data are also
investigated in detail, which might be instrumental for potential geospatially
aware urban Retrieval Augmented Generation (RAG) applications. | cs.CL | Chatmap : Large Language Model Interaction with Cartographic Data |
2023-09-28T15:18:35Z | http://arxiv.org/pdf/2309.16511v1 | http://arxiv.org/abs/2309.16511v1 | Dmitry Ustalov, Nikita Pavlichenko, Sergey Koshelev, Daniil Likhobaba, Alisa Smirnova | 2023-09-28T15:18:35Z | cs.CV, cs.AI, cs.CL, cs.HC, 68-11, C.4 | In this paper, we present Toloka Visual Question Answering, a new
crowdsourced dataset allowing comparing performance of machine learning systems
against human level of expertise in the grounding visual question answering
task. In this task, given an image and a textual question, one has to draw the
bounding box around the object correctly responding to that question. Every
image-question pair contains the response, with only one correct response per
image. Our dataset contains 45,199 pairs of images and questions in English,
provided with ground truth bounding boxes, split into train and two test
subsets. Besides describing the dataset and releasing it under a CC BY license,
we conducted a series of experiments on open source zero-shot baseline models
and organized a multi-phase competition at WSDM Cup that attracted 48
participants worldwide. However, by the time of paper submission, no machine
learning model outperformed the non-expert crowdsourcing baseline according to
the intersection over union evaluation score. | cs.CV | Toloka Visual Question Answering Benchmark |
2023-09-28T14:09:58Z | http://arxiv.org/pdf/2309.16459v1 | http://arxiv.org/abs/2309.16459v1 | Konstantinos Andriopoulos, Johan Pouwelse | 2023-09-28T14:09:58Z | cs.CL, cs.AI, cs.LG | Large pre-trained language models have demonstrated their proficiency in
storing factual knowledge within their parameters and achieving remarkable
results when fine-tuned for downstream natural language processing tasks.
Nonetheless, their capacity to access and manipulate knowledge with precision
remains constrained, resulting in performance disparities on
knowledge-intensive tasks when compared to task-specific architectures.
Additionally, the challenges of providing provenance for model decisions and
maintaining up-to-date world knowledge persist as open research frontiers. To
address these limitations, the integration of pre-trained models with
differentiable access mechanisms to explicit non-parametric memory emerges as a
promising solution. This survey delves into the realm of language models (LMs)
augmented with the ability to tap into external knowledge sources, including
external knowledge bases and search engines. While adhering to the standard
objective of predicting missing tokens, these augmented LMs leverage diverse,
possibly non-parametric external modules to augment their contextual processing
capabilities, departing from the conventional language modeling paradigm.
Through an exploration of current advancements in augmenting large language
models with knowledge, this work concludes that this emerging research
direction holds the potential to address prevalent issues in traditional LMs,
such as hallucinations, un-grounded responses, and scalability challenges. | cs.CL | Augmenting LLMs with Knowledge: A survey on hallucination prevention |
2023-09-28T13:19:43Z | http://arxiv.org/pdf/2309.16424v1 | http://arxiv.org/abs/2309.16424v1 | Jiaying Wu, Shen Li, Ailin Deng, Miao Xiong, Bryan Hooi | 2023-09-28T13:19:43Z | cs.CL, cs.AI, cs.SI | Despite considerable advances in automated fake news detection, due to the
timely nature of news, it remains a critical open question how to effectively
predict the veracity of news articles based on limited fact-checks. Existing
approaches typically follow a "Train-from-Scratch" paradigm, which is
fundamentally bounded by the availability of large-scale annotated data. While
expressive pre-trained language models (PLMs) have been adapted in a
"Pre-Train-and-Fine-Tune" manner, the inconsistency between pre-training and
downstream objectives also requires costly task-specific supervision. In this
paper, we propose "Prompt-and-Align" (P&A), a novel prompt-based paradigm for
few-shot fake news detection that jointly leverages the pre-trained knowledge
in PLMs and the social context topology. Our approach mitigates label scarcity
by wrapping the news article in a task-related textual prompt, which is then
processed by the PLM to directly elicit task-specific knowledge. To supplement
the PLM with social context without inducing additional training overheads,
motivated by empirical observation on user veracity consistency (i.e., social
users tend to consume news of the same veracity type), we further construct a
news proximity graph among news articles to capture the veracity-consistent
signals in shared readerships, and align the prompting predictions along the
graph edges in a confidence-informed manner. Extensive experiments on three
real-world benchmarks demonstrate that P&A sets new states-of-the-art for
few-shot fake news detection performance by significant margins. | cs.CL | Prompt-and-Align: Prompt-Based Social Alignment for Few-Shot Fake News Detection |
2023-09-28T12:43:32Z | http://arxiv.org/pdf/2309.16396v3 | http://arxiv.org/abs/2309.16396v3 | Julien Delaunay, Hanh Thi Hong Tran, Carlos-Emiliano González-Gallardo, Georgeta Bordea, Nicolas Sidere, Antoine Doucet | 2023-10-12T13:39:39Z | cs.CL, A.1 | Document-level relation extraction (DocRE) is an active area of research in
natural language processing (NLP) concerned with identifying and extracting
relationships between entities beyond sentence boundaries. Compared to the more
traditional sentence-level relation extraction, DocRE provides a broader
context for analysis and is more challenging because it involves identifying
relationships that may span multiple sentences or paragraphs. This task has
gained increased interest as a viable solution to build and populate knowledge
bases automatically from unstructured large-scale documents (e.g., scientific
papers, legal contracts, or news articles), in order to have a better
understanding of relationships between entities. This paper aims to provide a
comprehensive overview of recent advances in this field, highlighting its
different applications in comparison to sentence-level relation extraction. | cs.CL | A Comprehensive Survey of Document-level Relation Extraction (2016-2023) |
2023-09-28T11:26:52Z | http://arxiv.org/pdf/2309.16354v2 | http://arxiv.org/abs/2309.16354v2 | Lucas D. Lingle | 2024-02-25T09:48:53Z | cs.LG, cs.CL, cs.CV | We introduce Transformer-VQ, a decoder-only transformer computing
softmax-based dense self-attention in linear time. Transformer-VQ's efficient
attention is enabled by vector-quantized keys and a novel caching mechanism. In
our large-scale experiments, Transformer-VQ is shown highly competitive in
quality, obtaining 0.99 bpb on Enwik8, 26.6 ppl on PG-19, and 3.16 bpb on
ImageNet64. In addition, the optimized implementation of Transformer-VQ is over
3x faster than a comparable quadratic-time transformer at sequence length 8k,
is over 12x faster at 32k, and can scale to 131k with similar throughput. Code
available: \url{https://github.com/transformer-vq/transformer_vq} | cs.LG | Transformer-VQ: Linear-Time Transformers via Vector Quantization |
2023-09-28T11:18:20Z | http://arxiv.org/pdf/2309.16349v2 | http://arxiv.org/abs/2309.16349v2 | Tom Hosking, Phil Blunsom, Max Bartolo | 2024-01-16T16:51:33Z | cs.CL | Human feedback has become the de facto standard for evaluating the
performance of Large Language Models, and is increasingly being used as a
training objective. However, it is not clear which properties of a generated
output this single `preference' score captures. We hypothesise that preference
scores are subjective and open to undesirable biases. We critically analyse the
use of human feedback for both training and evaluation, to verify whether it
fully captures a range of crucial error criteria. We find that while preference
scores have fairly good coverage, they under-represent important aspects like
factuality. We further hypothesise that both preference scores and error
annotation may be affected by confounders, and leverage instruction-tuned
models to generate outputs that vary along two possible confounding dimensions:
assertiveness and complexity. We find that the assertiveness of an output skews
the perceived rate of factuality errors, indicating that human annotations are
not a fully reliable evaluation metric or training objective. Finally, we offer
preliminary evidence that using human feedback as a training objective
disproportionately increases the assertiveness of model outputs. We encourage
future work to carefully consider whether preference scores are well aligned
with the desired objective. | cs.CL | Human Feedback is not Gold Standard |
2023-09-28T11:14:52Z | http://arxiv.org/pdf/2309.16347v2 | http://arxiv.org/abs/2309.16347v2 | Eleftherios Triantafyllidis, Filippos Christianos, Zhibin Li | 2024-03-07T17:53:35Z | cs.RO, cs.CL, cs.LG | Current reinforcement learning algorithms struggle in sparse and complex
environments, most notably in long-horizon manipulation tasks entailing a
plethora of different sequences. In this work, we propose the Intrinsically
Guided Exploration from Large Language Models (IGE-LLMs) framework. By
leveraging LLMs as an assistive intrinsic reward, IGE-LLMs guides the
exploratory process in reinforcement learning to address intricate long-horizon
with sparse rewards robotic manipulation tasks. We evaluate our framework and
related intrinsic learning methods in an environment challenged with
exploration, and a complex robotic manipulation task challenged by both
exploration and long-horizons. Results show IGE-LLMs (i) exhibit notably higher
performance over related intrinsic methods and the direct use of LLMs in
decision-making, (ii) can be combined and complement existing learning methods
highlighting its modularity, (iii) are fairly insensitive to different
intrinsic scaling parameters, and (iv) maintain robustness against increased
levels of uncertainty and horizons. | cs.RO | Intrinsic Language-Guided Exploration for Complex Long-Horizon Robotic Manipulation Tasks |
2023-09-28T10:24:39Z | http://arxiv.org/pdf/2309.16319v2 | http://arxiv.org/abs/2309.16319v2 | Xiang Hu, Qingyang Zhu, Kewei Tu, Wei Wu | 2024-03-12T03:43:57Z | cs.CL, cs.AI | We present ReCAT, a recursive composition augmented Transformer that is able
to explicitly model hierarchical syntactic structures of raw texts without
relying on gold trees during both learning and inference. Existing research
along this line restricts data to follow a hierarchical tree structure and thus
lacks inter-span communications. To overcome the problem, we propose a novel
contextual inside-outside (CIO) layer that learns contextualized
representations of spans through bottom-up and top-down passes, where a
bottom-up pass forms representations of high-level spans by composing low-level
spans, while a top-down pass combines information inside and outside a span. By
stacking several CIO layers between the embedding layer and the attention
layers in Transformer, the ReCAT model can perform both deep intra-span and
deep inter-span interactions, and thus generate multi-grained representations
fully contextualized with other spans. Moreover, the CIO layers can be jointly
pre-trained with Transformers, making ReCAT enjoy scaling ability, strong
performance, and interpretability at the same time. We conduct experiments on
various sentence-level and span-level tasks. Evaluation results indicate that
ReCAT can significantly outperform vanilla Transformer models on all span-level
tasks and baselines that combine recursive networks with Transformers on
natural language inference tasks. More interestingly, the hierarchical
structures induced by ReCAT exhibit strong consistency with human-annotated
syntactic trees, indicating good interpretability brought by the CIO layers. | cs.CL | Augmenting Transformers with Recursively Composed Multi-grained Representations |
2023-09-28T09:50:27Z | http://arxiv.org/pdf/2309.16298v2 | http://arxiv.org/abs/2309.16298v2 | Yingwei Ma, Yue Liu, Yue Yu, Yuanliang Zhang, Yu Jiang, Changjian Wang, Shanshan Li | 2023-09-30T07:01:13Z | cs.CL | Large Language Models (LLMs) have exhibited remarkable reasoning capabilities
and become the foundation of language technologies. Inspired by the great
success of code data in training LLMs, we naturally wonder at which training
stage introducing code data can really help LLMs reasoning. To this end, this
paper systematically explores the impact of code data on LLMs at different
stages. Concretely, we introduce the code data at the pre-training stage,
instruction-tuning stage, and both of them, respectively. Then, the reasoning
capability of LLMs is comprehensively and fairly evaluated via six reasoning
tasks in five domains. We critically analyze the experimental results and
provide conclusions with insights. First, pre-training LLMs with the mixture of
code and text can significantly enhance LLMs' general reasoning capability
almost without negative transfer on other tasks. Besides, at the
instruction-tuning stage, code data endows LLMs the task-specific reasoning
capability. Moreover, the dynamic mixing strategy of code and text data assists
LLMs to learn reasoning capability step-by-step during training. These insights
deepen the understanding of LLMs regarding reasoning ability for their
application, such as scientific question answering, legal support, etc. The
source code and model parameters are released at the
link:~\url{https://github.com/yingweima2022/CodeLLM}. | cs.CL | At Which Training Stage Does Code Data Help LLMs Reasoning? |
2023-09-28T09:41:35Z | http://arxiv.org/pdf/2309.16292v3 | http://arxiv.org/abs/2309.16292v3 | Licheng Wen, Daocheng Fu, Xin Li, Xinyu Cai, Tao Ma, Pinlong Cai, Min Dou, Botian Shi, Liang He, Yu Qiao | 2024-02-22T03:24:26Z | cs.RO, cs.CL | Recent advancements in autonomous driving have relied on data-driven
approaches, which are widely adopted but face challenges including dataset
bias, overfitting, and uninterpretability. Drawing inspiration from the
knowledge-driven nature of human driving, we explore the question of how to
instill similar capabilities into autonomous driving systems and summarize a
paradigm that integrates an interactive environment, a driver agent, as well as
a memory component to address this question. Leveraging large language models
(LLMs) with emergent abilities, we propose the DiLu framework, which combines a
Reasoning and a Reflection module to enable the system to perform
decision-making based on common-sense knowledge and evolve continuously.
Extensive experiments prove DiLu's capability to accumulate experience and
demonstrate a significant advantage in generalization ability over
reinforcement learning-based methods. Moreover, DiLu is able to directly
acquire experiences from real-world datasets which highlights its potential to
be deployed on practical autonomous driving systems. To the best of our
knowledge, we are the first to leverage knowledge-driven capability in
decision-making for autonomous vehicles. Through the proposed DiLu framework,
LLM is strengthened to apply knowledge and to reason causally in the autonomous
driving domain. Project page: https://pjlab-adg.github.io/DiLu/ | cs.RO | DiLu: A Knowledge-Driven Approach to Autonomous Driving with Large Language Models |
2023-09-28T09:35:59Z | http://arxiv.org/pdf/2309.16289v1 | http://arxiv.org/abs/2309.16289v1 | Zhiwei Fei, Xiaoyu Shen, Dawei Zhu, Fengzhe Zhou, Zhuo Han, Songyang Zhang, Kai Chen, Zongwen Shen, Jidong Ge | 2023-09-28T09:35:59Z | cs.CL, cs.AI, cs.LG | Large language models (LLMs) have demonstrated strong capabilities in various
aspects. However, when applying them to the highly specialized, safe-critical
legal domain, it is unclear how much legal knowledge they possess and whether
they can reliably perform legal-related tasks. To address this gap, we propose
a comprehensive evaluation benchmark LawBench. LawBench has been meticulously
crafted to have precise assessment of the LLMs' legal capabilities from three
cognitive levels: (1) Legal knowledge memorization: whether LLMs can memorize
needed legal concepts, articles and facts; (2) Legal knowledge understanding:
whether LLMs can comprehend entities, events and relationships within legal
text; (3) Legal knowledge applying: whether LLMs can properly utilize their
legal knowledge and make necessary reasoning steps to solve realistic legal
tasks. LawBench contains 20 diverse tasks covering 5 task types: single-label
classification (SLC), multi-label classification (MLC), regression, extraction
and generation. We perform extensive evaluations of 51 LLMs on LawBench,
including 20 multilingual LLMs, 22 Chinese-oriented LLMs and 9 legal specific
LLMs. The results show that GPT-4 remains the best-performing LLM in the legal
domain, surpassing the others by a significant margin. While fine-tuning LLMs
on legal specific text brings certain improvements, we are still a long way
from obtaining usable and reliable LLMs in legal tasks. All data, model
predictions and evaluation code are released in
https://github.com/open-compass/LawBench/. We hope this benchmark provides
in-depth understanding of the LLMs' domain-specified capabilities and speed up
the development of LLMs in the legal domain. | cs.CL | LawBench: Benchmarking Legal Knowledge of Large Language Models |
2023-09-28T09:28:50Z | http://arxiv.org/pdf/2309.16283v1 | http://arxiv.org/abs/2309.16283v1 | Yunbin Tu, Liang Li, Li Su, Zheng-Jun Zha, Chenggang Yan, Qingming Huang | 2023-09-28T09:28:50Z | cs.CV, cs.CL | Change captioning aims to describe the difference between a pair of similar
images. Its key challenge is how to learn a stable difference representation
under pseudo changes caused by viewpoint change. In this paper, we address this
by proposing a self-supervised cross-view representation reconstruction
(SCORER) network. Concretely, we first design a multi-head token-wise matching
to model relationships between cross-view features from similar/dissimilar
images. Then, by maximizing cross-view contrastive alignment of two similar
images, SCORER learns two view-invariant image representations in a
self-supervised way. Based on these, we reconstruct the representations of
unchanged objects by cross-attention, thus learning a stable difference
representation for caption generation. Further, we devise a cross-modal
backward reasoning to improve the quality of caption. This module reversely
models a ``hallucination'' representation with the caption and ``before''
representation. By pushing it closer to the ``after'' representation, we
enforce the caption to be informative about the difference in a self-supervised
manner. Extensive experiments show our method achieves the state-of-the-art
results on four datasets. The code is available at
https://github.com/tuyunbin/SCORER. | cs.CV | Self-supervised Cross-view Representation Reconstruction for Change Captioning |
2023-09-28T09:17:20Z | http://arxiv.org/pdf/2309.16275v1 | http://arxiv.org/abs/2309.16275v1 | Andrei Paraschiv, Mihai Dascalu | 2023-09-28T09:17:20Z | cs.CL, cs.AI, I.2.7 | Conspiracy theories have become a prominent and concerning aspect of online
discourse, posing challenges to information integrity and societal trust. As
such, we address conspiracy theory detection as proposed by the ACTI @ EVALITA
2023 shared task. The combination of pre-trained sentence Transformer models
and data augmentation techniques enabled us to secure first place in the final
leaderboard of both sub-tasks. Our methodology attained F1 scores of 85.71% in
the binary classification and 91.23% for the fine-grained conspiracy topic
classification, surpassing other competing systems. | cs.CL | UPB @ ACTI: Detecting Conspiracies using fine tuned Sentence Transformers |
2023-09-28T09:07:48Z | http://arxiv.org/pdf/2309.16270v1 | http://arxiv.org/abs/2309.16270v1 | Yifei Yuan, Wenxuan Zhang, Yang Deng, Wai Lam | 2023-09-28T09:07:48Z | cs.CL | Social media plays a significant role in boosting the fashion industry, where
a massive amount of fashion-related posts are generated every day. In order to
obtain the rich fashion information from the posts, we study the task of social
media fashion knowledge extraction. Fashion knowledge, which typically consists
of the occasion, person attributes, and fashion item information, can be
effectively represented as a set of tuples. Most previous studies on fashion
knowledge extraction are based on the fashion product images without
considering the rich text information in social media posts. Existing work on
fashion knowledge extraction in social media is classification-based and
requires to manually determine a set of fashion knowledge categories in
advance. In our work, we propose to cast the task as a captioning problem to
capture the interplay of the multimodal post information. Specifically, we
transform the fashion knowledge tuples into a natural language caption with a
sentence transformation method. Our framework then aims to generate the
sentence-based fashion knowledge directly from the social media post. Inspired
by the big success of pre-trained models, we build our model based on a
multimodal pre-trained generative model and design several auxiliary tasks for
enhancing the knowledge extraction. Since there is no existing dataset which
can be directly borrowed to our task, we introduce a dataset consisting of
social media posts with manual fashion knowledge annotation. Extensive
experiments are conducted to demonstrate the effectiveness of our model. | cs.CL | Social Media Fashion Knowledge Extraction as Captioning |
2023-09-28T08:44:08Z | http://arxiv.org/pdf/2309.16254v1 | http://arxiv.org/abs/2309.16254v1 | Ana Ezquerro, Carlos Gómez-Rodríguez, David Vilares | 2023-09-28T08:44:08Z | cs.CL | Since the popularization of BiLSTMs and Transformer-based bidirectional
encoders, state-of-the-art syntactic parsers have lacked incrementality,
requiring access to the whole sentence and deviating from human language
processing. This paper explores whether fully incremental dependency parsing
with modern architectures can be competitive. We build parsers combining
strictly left-to-right neural encoders with fully incremental sequence-labeling
and transition-based decoders. The results show that fully incremental parsing
with modern architectures considerably lags behind bidirectional parsing,
noting the challenges of psycholinguistically plausible parsing. | cs.CL | On the Challenges of Fully Incremental Neural Dependency Parsing |
2023-09-28T08:41:08Z | http://arxiv.org/pdf/2309.16248v2 | http://arxiv.org/abs/2309.16248v2 | Catherine Kosten, Philippe Cudré-Mauroux, Kurt Stockinger | 2023-12-08T08:52:25Z | cs.CL | With the recent spike in the number and availability of Large Language Models
(LLMs), it has become increasingly important to provide large and realistic
benchmarks for evaluating Knowledge Graph Question Answering (KGQA) systems. So
far the majority of benchmarks rely on pattern-based SPARQL query generation
approaches. The subsequent natural language (NL) question generation is
conducted through crowdsourcing or other automated methods, such as rule-based
paraphrasing or NL question templates. Although some of these datasets are of
considerable size, their pitfall lies in their pattern-based generation
approaches, which do not always generalize well to the vague and linguistically
diverse questions asked by humans in real-world contexts. In this paper, we
introduce Spider4SPARQL - a new SPARQL benchmark dataset featuring 9,693
previously existing manually generated NL questions and 4,721 unique, novel,
and complex SPARQL queries of varying complexity. In addition to the NL/SPARQL
pairs, we also provide their corresponding 166 knowledge graphs and ontologies,
which cover 138 different domains. Our complex benchmark enables novel ways of
evaluating the strengths and weaknesses of modern KGQA systems. We evaluate the
system with state-of-the-art KGQA systems as well as LLMs, which achieve only
up to 45\% execution accuracy, demonstrating that Spider4SPARQL is a
challenging benchmark for future research. | cs.CL | Spider4SPARQL: A Complex Benchmark for Evaluating Knowledge Graph Question Answering Systems |
2023-09-28T08:19:54Z | http://arxiv.org/pdf/2309.16235v1 | http://arxiv.org/abs/2309.16235v1 | Nikita Janakarajan, Tim Erdmann, Sarath Swaminathan, Teodoro Laino, Jannis Born | 2023-09-28T08:19:54Z | physics.chem-ph, cs.AI, cs.CL, cs.LG, q-bio.BM | The success of language models, especially transformer-based architectures,
has trickled into other domains giving rise to "scientific language models"
that operate on small molecules, proteins or polymers. In chemistry, language
models contribute to accelerating the molecule discovery cycle as evidenced by
promising recent findings in early-stage drug discovery. Here, we review the
role of language models in molecular discovery, underlining their strength in
de novo drug design, property prediction and reaction chemistry. We highlight
valuable open-source software assets thus lowering the entry barrier to the
field of scientific language modeling. Last, we sketch a vision for future
molecular design that combines a chatbot interface with access to computational
chemistry tools. Our contribution serves as a valuable resource for
researchers, chemists, and AI enthusiasts interested in understanding how
language models can and will be used to accelerate chemical discovery. | physics.chem-ph | Language models in molecular discovery |
2023-09-28T08:15:55Z | http://arxiv.org/pdf/2309.16234v1 | http://arxiv.org/abs/2309.16234v1 | Danendra Athallariq Harya Putra, Arief Purnama Muharram | 2023-09-28T08:15:55Z | cs.CL | Sentiment analysis using big data from YouTube videos metadata can be
conducted to analyze public opinions on various political figures who represent
political parties. This is possible because YouTube has become one of the
platforms for people to express themselves, including their opinions on various
political figures. The resulting sentiment analysis can be useful for political
executives to gain an understanding of public sentiment and develop appropriate
and effective political strategies. This study aimed to build a sentiment
analysis system leveraging YouTube videos metadata. The sentiment analysis
system was built using Apache Kafka, Apache PySpark, and Hadoop for big data
handling; TensorFlow for deep learning handling; and FastAPI for deployment on
the server. The YouTube videos metadata used in this study is the video
description. The sentiment analysis model was built using LSTM algorithm and
produces two types of sentiments: positive and negative sentiments. The
sentiment analysis results are then visualized in the form a simple web-based
dashboard. | cs.CL | Analyzing Political Figures in Real-Time: Leveraging YouTube Metadata for Sentiment Analysis |
2023-09-28T08:13:33Z | http://arxiv.org/pdf/2309.16231v1 | http://arxiv.org/abs/2309.16231v1 | Hanqing Zhang, Sun Si, Haiming Wu, Dawei Song | 2023-09-28T08:13:33Z | cs.CL | Large-scale Causal Language Models (CLMs), e.g., GPT3 and ChatGPT, have
brought great success in text generation. However, it is still an open
challenge to control the generation process of CLM while balancing flexibility,
control granularity, and generation efficiency. In this paper, we provide a new
alternative for controllable text generation (CTG), by designing a
non-intrusive, lightweight control plugin to accompany the generation of CLM at
arbitrary time steps. The proposed control plugin, namely Residual Memory
Transformer (RMT), has an encoder-decoder setup, which can accept any types of
control conditions and cooperate with CLM through a residual learning paradigm,
to achieve a more flexible, general, and efficient CTG. Extensive experiments
are carried out on various control tasks, in the form of both automatic and
human evaluations. The results show the superiority of RMT over a range of
state-of-the-art approaches, proving the effectiveness and versatility of our
approach. | cs.CL | Controllable Text Generation with Residual Memory Transformer |
2023-09-28T08:09:33Z | http://arxiv.org/pdf/2309.16228v1 | http://arxiv.org/abs/2309.16228v1 | J. Cancellieri, W. Didimo, A. Fronzetti Colladon, F. Montecchiani | 2023-09-28T08:09:33Z | cs.SI, cs.CL, cs.SE, physics.soc-ph, F.2; H.4; H.5; I.2; D.2 | This paper presents a new decision support system offered for an in-depth
analysis of semantic networks, which can provide insights for a better
exploration of a brand's image and the improvement of its connectivity. In
terms of network analysis, we show that this goal is achieved by solving an
extended version of the Maximum Betweenness Improvement problem, which includes
the possibility of considering adversarial nodes, constrained budgets, and
weighted networks - where connectivity improvement can be obtained by adding
links or increasing the weight of existing connections. We present this new
system together with two case studies, also discussing its performance. Our
tool and approach are useful both for network scholars and for supporting the
strategic decision-making processes of marketing and communication managers. | cs.SI | Brand Network Booster: A New System for Improving Brand Connectivity |
2023-09-28T06:51:26Z | http://arxiv.org/pdf/2309.16202v1 | http://arxiv.org/abs/2309.16202v1 | Dhiraj Amin, Sharvari Govilkar, Sagar Kulkarni, Yash Shashikant Lalit, Arshi Ajaz Khwaja, Daries Xavier, Sahil Girijashankar Gupta | 2023-09-28T06:51:26Z | cs.CL | Code-mixing, the blending of linguistic elements from distinct languages to
form meaningful sentences, is common in multilingual settings, yielding hybrid
languages like Hinglish and Minglish. Marathi, India's third most spoken
language, often integrates English for precision and formality. Developing
code-mixed language systems, like Marathi-English (Minglish), faces resource
constraints. This research introduces a Marathi-English code-mixed text
generation algorithm, assessed with Code Mixing Index (CMI) and Degree of Code
Mixing (DCM) metrics. Across 2987 code-mixed questions, it achieved an average
CMI of 0.2 and an average DCM of 7.4, indicating effective and comprehensible
code-mixed sentences. These results offer potential for enhanced NLP tools,
bridging linguistic gaps in multilingual societies. | cs.CL | Marathi-English Code-mixed Text Generation |
2023-09-28T06:04:04Z | http://arxiv.org/pdf/2311.10723v1 | http://arxiv.org/abs/2311.10723v1 | Yinheng Li, Shaofei Wang, Han Ding, Hang Chen | 2023-09-28T06:04:04Z | q-fin.GN, cs.AI, cs.CL | Recent advances in large language models (LLMs) have opened new possibilities
for artificial intelligence applications in finance. In this paper, we provide
a practical survey focused on two key aspects of utilizing LLMs for financial
tasks: existing solutions and guidance for adoption.
First, we review current approaches employing LLMs in finance, including
leveraging pretrained models via zero-shot or few-shot learning, fine-tuning on
domain-specific data, and training custom LLMs from scratch. We summarize key
models and evaluate their performance improvements on financial natural
language processing tasks.
Second, we propose a decision framework to guide financial professionals in
selecting the appropriate LLM solution based on their use case constraints
around data, compute, and performance needs. The framework provides a pathway
from lightweight experimentation to heavy investment in customized LLMs.
Lastly, we discuss limitations and challenges around leveraging LLMs in
financial applications. Overall, this survey aims to synthesize the
state-of-the-art and provide a roadmap for responsibly applying LLMs to advance
financial AI. | q-fin.GN | Large Language Models in Finance: A Survey |
2023-09-28T05:19:06Z | http://arxiv.org/pdf/2310.01427v1 | http://arxiv.org/abs/2310.01427v1 | Alexander Peysakhovich, Adam Lerer | 2023-09-28T05:19:06Z | cs.CL, cs.AI | Current language models often fail to incorporate long contexts efficiently
during generation. We show that a major contributor to this issue are attention
priors that are likely learned during pre-training: relevant information
located earlier in context is attended to less on average. Yet even when models
fail to use the information from a relevant document in their response, they
still pay preferential attention to that document compared to an irrelevant
document at the same position. We leverage this fact to introduce ``attention
sorting'': perform one step of decoding, sort documents by the attention they
receive (highest attention going last), repeat the process, generate the answer
with the newly sorted context. We find that attention sorting improves
performance of long context models. Our findings highlight some challenges in
using off-the-shelf language models for retrieval augmented generation. | cs.CL | Attention Sorting Combats Recency Bias In Long Context Language Models |
2023-09-28T05:16:51Z | http://arxiv.org/pdf/2309.16175v1 | http://arxiv.org/abs/2309.16175v1 | Chumki Basu, Himanshu Garg, Allen McIntosh, Sezai Sablak, John R. Wullert II | 2023-09-28T05:16:51Z | cs.CL, cs.LG | The onset of the COVID-19 pandemic accentuated the need for access to
biomedical literature to answer timely and disease-specific questions. During
the early days of the pandemic, one of the biggest challenges we faced was the
lack of peer-reviewed biomedical articles on COVID-19 that could be used to
train machine learning models for question answering (QA). In this paper, we
explore the roles weak supervision and data augmentation play in training deep
neural network QA models. First, we investigate whether labels generated
automatically from the structured abstracts of scholarly papers using an
information retrieval algorithm, BM25, provide a weak supervision signal to
train an extractive QA model. We also curate new QA pairs using information
retrieval techniques, guided by the clinicaltrials.gov schema and the
structured abstracts of articles, in the absence of annotated data from
biomedical domain experts. Furthermore, we explore augmenting the training data
of a deep neural network model with linguistic features from external sources
such as lexical databases to account for variations in word morphology and
meaning. To better utilize our training data, we apply curriculum learning to
domain adaptation, fine-tuning our QA model in stages based on characteristics
of the QA pairs. We evaluate our methods in the context of QA models at the
core of a system to answer questions about COVID-19. | cs.CL | Using Weak Supervision and Data Augmentation in Question Answering |
2023-09-28T04:47:58Z | http://arxiv.org/pdf/2309.16167v1 | http://arxiv.org/abs/2309.16167v1 | Xiaotian Zhou, Qian Wang, Xiaofeng Wang, Haixu Tang, Xiaozhong Liu | 2023-09-28T04:47:58Z | cs.CL | Large language models (LLMs) have demonstrated human-level performance on a
vast spectrum of natural language tasks. However, few studies have addressed
the LLM threat and vulnerability from an ideology perspective, especially when
they are increasingly being deployed in sensitive domains, e.g., elections and
education. In this study, we explore the implications of GPT soft
ideologization through the use of AI-self-consciousness. By utilizing GPT
self-conversations, AI can be granted a vision to "comprehend" the intended
ideology, and subsequently generate finetuning data for LLM ideology injection.
When compared to traditional government ideology manipulation techniques, such
as information censorship, LLM ideologization proves advantageous; it is easy
to implement, cost-effective, and powerful, thus brimming with risks. | cs.CL | Large Language Model Soft Ideologization via AI-Self-Consciousness |
2023-09-28T04:05:13Z | http://arxiv.org/pdf/2309.16155v1 | http://arxiv.org/abs/2309.16155v1 | Lingfeng Shen, Sihao Chen, Linfeng Song, Lifeng Jin, Baolin Peng, Haitao Mi, Daniel Khashabi, Dong Yu | 2023-09-28T04:05:13Z | cs.CL, cs.LG | Standard practice within Reinforcement Learning from Human Feedback (RLHF)
involves optimizing against a Reward Model (RM), which itself is trained to
reflect human preferences for desirable generations. A notable subject that is
understudied is the (in-)consistency of RMs -- whether they can recognize the
semantic changes to different prompts and appropriately adapt their reward
assignments -- and their impact on the downstream RLHF model.
In this paper, we visit a series of research questions relevant to RM
inconsistency: (1) How can we measure the consistency of reward models? (2) How
consistent are the existing RMs and how can we improve them? (3) In what ways
does reward inconsistency influence the chatbots resulting from the RLHF model
training?
We propose Contrast Instructions -- a benchmarking strategy for the
consistency of RM. Each example in Contrast Instructions features a pair of
lexically similar instructions with different ground truth responses. A
consistent RM is expected to rank the corresponding instruction and response
higher than other combinations. We observe that current RMs trained with the
standard ranking objective fail miserably on Contrast Instructions compared to
average humans. To show that RM consistency can be improved efficiently without
using extra training budget, we propose two techniques ConvexDA and
RewardFusion, which enhance reward consistency through extrapolation during the
RM training and inference stage, respectively. We show that RLHF models trained
with a more consistent RM yield more useful responses, suggesting that reward
inconsistency exhibits a trickle-down effect on the downstream RLHF process. | cs.CL | The Trickle-down Impact of Reward (In-)consistency on RLHF |
2023-09-28T03:53:21Z | http://arxiv.org/pdf/2309.16150v1 | http://arxiv.org/abs/2309.16150v1 | Yiming Li, Jianfu Li, Jianping He, Cui Tao | 2023-09-28T03:53:21Z | cs.CL, cs.AI | Though Vaccines are instrumental in global health, mitigating infectious
diseases and pandemic outbreaks, they can occasionally lead to adverse events
(AEs). Recently, Large Language Models (LLMs) have shown promise in effectively
identifying and cataloging AEs within clinical reports. Utilizing data from the
Vaccine Adverse Event Reporting System (VAERS) from 1990 to 2016, this study
particularly focuses on AEs to evaluate LLMs' capability for AE extraction. A
variety of prevalent LLMs, including GPT-2, GPT-3 variants, GPT-4, and Llama 2,
were evaluated using Influenza vaccine as a use case. The fine-tuned GPT 3.5
model (AE-GPT) stood out with a 0.704 averaged micro F1 score for strict match
and 0.816 for relaxed match. The encouraging performance of the AE-GPT
underscores LLMs' potential in processing medical data, indicating a
significant stride towards advanced AE detection, thus presumably generalizable
to other AE extraction tasks. | cs.CL | AE-GPT: Using Large Language Models to Extract Adverse Events from Surveillance Reports-A Use Case with Influenza Vaccine Adverse Events |
2023-09-28T03:50:09Z | http://arxiv.org/pdf/2309.16145v1 | http://arxiv.org/abs/2309.16145v1 | Aniket Kumar Singh, Suman Devkota, Bishal Lamichhane, Uttam Dhakal, Chandra Dhakal | 2023-09-28T03:50:09Z | cs.CL, cs.CY, cs.HC, ACM-class: I.2.0 | Large Language Models (LLMs) have acquired ubiquitous attention for their
performances across diverse domains. Our study here searches through LLMs'
cognitive abilities and confidence dynamics. We dive deep into understanding
the alignment between their self-assessed confidence and actual performance. We
exploit these models with diverse sets of questionnaires and real-world
scenarios and extract how LLMs exhibit confidence in their responses. Our
findings reveal intriguing instances where models demonstrate high confidence
even when they answer incorrectly. This is reminiscent of the Dunning-Kruger
effect observed in human psychology. In contrast, there are cases where models
exhibit low confidence with correct answers revealing potential underestimation
biases. Our results underscore the need for a deeper understanding of their
cognitive processes. By examining the nuances of LLMs' self-assessment
mechanism, this investigation provides noteworthy revelations that serve to
advance the functionalities and broaden the potential applications of these
formidable language models. | cs.CL | The Confidence-Competence Gap in Large Language Models: A Cognitive Study |
2023-09-28T01:18:53Z | http://arxiv.org/pdf/2309.16090v1 | http://arxiv.org/abs/2309.16090v1 | Hongru Wang, Huimin Wang, Lingzhi Wang, Minda Hu, Rui Wang, Boyang Xue, Hongyuan Lu, Fei Mi, Kam-Fai Wong | 2023-09-28T01:18:53Z | cs.AI, cs.CL | Large language models (LLMs) have demonstrated exceptional performance in
planning the use of various functional tools, such as calculators and
retrievers, particularly in question-answering tasks. In this paper, we expand
the definition of these tools, centering on conceptual tools within the context
of dialogue systems. A conceptual tool specifies a cognitive concept that aids
systematic or investigative thought. These conceptual tools play important
roles in practice, such as multiple psychological or tutoring strategies being
dynamically applied in a single turn to compose helpful responses. To further
enhance the reasoning and planning capability of LLMs with these conceptual
tools, we introduce a multi-persona collaboration framework: Think-Plan-Execute
(TPE). This framework decouples the response generation process into three
distinct roles: Thinker, Planner, and Executor. Specifically, the Thinker
analyzes the internal status exhibited in the dialogue context, such as user
emotions and preferences, to formulate a global guideline. The Planner then
generates executable plans to call different conceptual tools (e.g., sources or
strategies), while the Executor compiles all intermediate results into a
coherent response. This structured approach not only enhances the
explainability and controllability of responses but also reduces token
redundancy. We demonstrate the effectiveness of TPE across various dialogue
response generation tasks, including multi-source (FoCus) and multi-strategy
interactions (CIMA and PsyQA). This reveals its potential to handle real-world
dialogue interactions that require more complicated tool learning beyond just
functional tools. The full code and data will be released for reproduction. | cs.AI | TPE: Towards Better Compositional Reasoning over Conceptual Tools with Multi-persona Collaboration |
2023-09-28T00:43:18Z | http://arxiv.org/pdf/2309.16082v1 | http://arxiv.org/abs/2309.16082v1 | Zhe Liu, Ozlem Kalinli | 2023-09-28T00:43:18Z | cs.CL, cs.AI | Recent research has shown that language models have a tendency to memorize
rare or unique token sequences in the training corpus. After deploying a model,
practitioners might be asked to delete any personal information from the model
by individuals' requests. Re-training the underlying model every time
individuals would like to practice their rights to be forgotten is
computationally expensive. We employ a teacher-student framework and propose a
novel leave-one-out ensemble method to unlearn the targeted textual sequences
that need to be forgotten from the model. In our approach, multiple teachers
are trained on disjoint sets; for each targeted sequence to be removed, we
exclude the teacher trained on the set containing this sequence and aggregate
the predictions from remaining teachers to provide supervision during
fine-tuning. Experiments on LibriSpeech and WikiText-103 datasets show that the
proposed method achieves superior privacy-utility trade-offs than other
counterparts. | cs.CL | Forgetting Private Textual Sequences in Language Models via Leave-One-Out Ensemble |
2023-09-27T22:50:51Z | http://arxiv.org/pdf/2309.16058v1 | http://arxiv.org/abs/2309.16058v1 | Seungwhan Moon, Andrea Madotto, Zhaojiang Lin, Tushar Nagarajan, Matt Smith, Shashank Jain, Chun-Fu Yeh, Prakash Murugesan, Peyman Heidari, Yue Liu, Kavya Srinet, Babak Damavandi, Anuj Kumar | 2023-09-27T22:50:51Z | cs.LG, cs.CL, cs.CV | We present Any-Modality Augmented Language Model (AnyMAL), a unified model
that reasons over diverse input modality signals (i.e. text, image, video,
audio, IMU motion sensor), and generates textual responses. AnyMAL inherits the
powerful text-based reasoning abilities of the state-of-the-art LLMs including
LLaMA-2 (70B), and converts modality-specific signals to the joint textual
space through a pre-trained aligner module. To further strengthen the
multimodal LLM's capabilities, we fine-tune the model with a multimodal
instruction set manually collected to cover diverse topics and tasks beyond
simple QAs. We conduct comprehensive empirical analysis comprising both human
and automatic evaluations, and demonstrate state-of-the-art performance on
various multimodal tasks. | cs.LG | AnyMAL: An Efficient and Scalable Any-Modality Augmented Language Model |
2023-09-27T21:53:56Z | http://arxiv.org/pdf/2309.16042v2 | http://arxiv.org/abs/2309.16042v2 | Fred Zhang, Neel Nanda | 2024-01-17T04:07:06Z | cs.LG, cs.AI, cs.CL | Mechanistic interpretability seeks to understand the internal mechanisms of
machine learning models, where localization -- identifying the important model
components -- is a key step. Activation patching, also known as causal tracing
or interchange intervention, is a standard technique for this task (Vig et al.,
2020), but the literature contains many variants with little consensus on the
choice of hyperparameters or methodology. In this work, we systematically
examine the impact of methodological details in activation patching, including
evaluation metrics and corruption methods. In several settings of localization
and circuit discovery in language models, we find that varying these
hyperparameters could lead to disparate interpretability results. Backed by
empirical observations, we give conceptual arguments for why certain metrics or
methods may be preferred. Finally, we provide recommendations for the best
practices of activation patching going forwards. | cs.LG | Towards Best Practices of Activation Patching in Language Models: Metrics and Methods |
2023-09-27T21:41:49Z | http://arxiv.org/pdf/2309.16039v3 | http://arxiv.org/abs/2309.16039v3 | Wenhan Xiong, Jingyu Liu, Igor Molybog, Hejia Zhang, Prajjwal Bhargava, Rui Hou, Louis Martin, Rashi Rungta, Karthik Abinav Sankararaman, Barlas Oguz, Madian Khabsa, Han Fang, Yashar Mehdad, Sharan Narang, Kshitiz Malik, Angela Fan, Shruti Bhosale, Sergey Edunov, Mike Lewis, Sinong Wang, Hao Ma | 2023-11-14T01:40:13Z | cs.CL | We present a series of long-context LLMs that support effective context
windows of up to 32,768 tokens. Our model series are built through continual
pretraining from Llama 2 with longer training sequences and on a dataset where
long texts are upsampled. We perform extensive evaluation on language modeling,
synthetic context probing tasks, and a wide range of research benchmarks. On
research benchmarks, our models achieve consistent improvements on most regular
tasks and significant improvements on long-context tasks over Llama 2. Notably,
with a cost-effective instruction tuning procedure that does not require
human-annotated long instruction data, the 70B variant can already surpass
gpt-3.5-turbo-16k's overall performance on a suite of long-context tasks.
Alongside these results, we provide an in-depth analysis on the individual
components of our method. We delve into Llama's position encodings and discuss
its limitation in modeling long dependencies. We also examine the impact of
various design choices in the pretraining process, including the data mix and
the training curriculum of sequence lengths -- our ablation experiments suggest
that having abundant long texts in the pretrain dataset is not the key to
achieving strong performance, and we empirically verify that long context
continual pretraining is more efficient and similarly effective compared to
pretraining from scratch with long sequences. | cs.CL | Effective Long-Context Scaling of Foundation Models |
2023-09-27T21:26:03Z | http://arxiv.org/pdf/2309.16035v2 | http://arxiv.org/abs/2309.16035v2 | Yucheng Shi, Shaochen Xu, Tianze Yang, Zhengliang Liu, Tianming Liu, Xiang Li, Ninghao Liu | 2024-06-28T16:21:45Z | cs.CL, cs.AI | Large Language Models (LLMs), although powerful in general domains, often
perform poorly on domain-specific tasks like medical question answering (QA).
Moreover, they tend to function as "black-boxes," making it challenging to
modify their behavior. To address the problem, our study delves into retrieval
augmented generation (RAG), aiming to improve LLM responses without the need
for fine-tuning or retraining. Specifically, we propose a comprehensive
retrieval strategy to extract medical facts from an external knowledge base,
and then inject them into the query prompt for LLMs. Focusing on medical QA
using the MedQA-SMILE dataset, we evaluate the impact of different retrieval
models and the number of facts provided to the LLM. Notably, our
retrieval-augmented Vicuna-7B model exhibited an accuracy improvement from
44.46% to 48.54%. This work underscores the potential of RAG to enhance LLM
performance, offering a practical approach to mitigate the challenges of
black-box LLMs. | cs.CL | MKRAG: Medical Knowledge Retrieval Augmented Generation for Medical Question Answering |
2023-09-27T20:12:41Z | http://arxiv.org/pdf/2309.15991v2 | http://arxiv.org/abs/2309.15991v2 | Valentin Barriere, Felipe del Rio, Andres Carvallo De Ferari, Carlos Aspillaga, Eugenio Herrera-Berg, Cristian Buc Calderon | 2023-11-17T15:47:35Z | cs.CV, cs.CL | Artificial neural networks typically struggle in generalizing to
out-of-context examples. One reason for this limitation is caused by having
datasets that incorporate only partial information regarding the potential
correlational structure of the world. In this work, we propose TIDA (Targeted
Image-editing Data Augmentation), a targeted data augmentation method focused
on improving models' human-like abilities (e.g., gender recognition) by filling
the correlational structure gap using a text-to-image generative model. More
specifically, TIDA identifies specific skills in captions describing images
(e.g., the presence of a specific gender in the image), changes the caption
(e.g., "woman" to "man"), and then uses a text-to-image model to edit the image
in order to match the novel caption (e.g., uniquely changing a woman to a man
while maintaining the context identical). Based on the Flickr30K benchmark, we
show that, compared with the original data set, a TIDA-enhanced dataset related
to gender, color, and counting abilities induces better performance in several
image captioning metrics. Furthermore, on top of relying on the classical BLEU
metric, we conduct a fine-grained analysis of the improvements of our models
against the baseline in different ways. We compared text-to-image generative
models and found different behaviors of the image captioning models in terms of
encoding visual encoding and textual decoding. | cs.CV | Targeted Image Data Augmentation Increases Basic Skills Captioning Robustness |
2023-09-27T17:48:14Z | http://arxiv.org/pdf/2309.15826v1 | http://arxiv.org/abs/2309.15826v1 | Brian Yan, Xuankai Chang, Antonios Anastasopoulos, Yuya Fujita, Shinji Watanabe | 2023-09-27T17:48:14Z | cs.CL, cs.SD, eess.AS | Recent works in end-to-end speech-to-text translation (ST) have proposed
multi-tasking methods with soft parameter sharing which leverage machine
translation (MT) data via secondary encoders that map text inputs to an
eventual cross-modal representation. In this work, we instead propose a ST/MT
multi-tasking framework with hard parameter sharing in which all model
parameters are shared cross-modally. Our method reduces the speech-text
modality gap via a pre-processing stage which converts speech and text inputs
into two discrete token sequences of similar length -- this allows models to
indiscriminately process both modalities simply using a joint vocabulary. With
experiments on MuST-C, we demonstrate that our multi-tasking framework improves
attentional encoder-decoder, Connectionist Temporal Classification (CTC),
transducer, and joint CTC/attention models by an average of +0.5 BLEU without
any external MT data. Further, we show that this framework incorporates
external MT data, yielding +0.8 BLEU, and also improves transfer learning from
pre-trained textual models, yielding +1.8 BLEU. | cs.CL | Cross-Modal Multi-Tasking for Speech-to-Text Translation via Hard Parameter Sharing |
2023-09-27T17:29:41Z | http://arxiv.org/pdf/2309.15806v3 | http://arxiv.org/abs/2309.15806v3 | Chuanyang Zheng, Haiming Wang, Enze Xie, Zhengying Liu, Jiankai Sun, Huajian Xin, Jianhao Shen, Zhenguo Li, Yu Li | 2023-10-07T07:54:19Z | cs.CL, cs.AI | Large Language Models (LLMs) present an intriguing avenue for exploration in
the field of formal theorem proving. Nevertheless, their full potential,
particularly concerning the mitigation of hallucinations and refinement through
prover error messages, remains an area that has yet to be thoroughly
investigated. To enhance the effectiveness of LLMs in the field, we introduce
the Lyra, a new framework that employs two distinct correction mechanisms: Tool
Correction (TC) and Conjecture Correction (CC). To implement Tool Correction in
the post-processing of formal proofs, we leverage prior knowledge to utilize
predefined prover tools (e.g., Sledgehammer) for guiding the replacement of
incorrect tools. Tool Correction significantly contributes to mitigating
hallucinations, thereby improving the overall accuracy of the proof. In
addition, we introduce Conjecture Correction, an error feedback mechanism
designed to interact with prover to refine formal proof conjectures with prover
error messages. Compared to the previous refinement framework, the proposed
Conjecture Correction refines generation with instruction but does not collect
paired (generation, error & refinement) prompts. Our method has achieved
state-of-the-art (SOTA) performance on both miniF2F validation (48.0% -> 55.3%)
and test (45.5% -> 51.2%). We also present 3 IMO problems solved by Lyra. We
believe Tool Correction (post-process for hallucination mitigation) and
Conjecture Correction (subgoal adjustment from interaction with environment)
could provide a promising avenue for future research in this field. | cs.CL | Lyra: Orchestrating Dual Correction in Automated Theorem Proving |
2023-09-27T17:21:13Z | http://arxiv.org/pdf/2309.15800v1 | http://arxiv.org/abs/2309.15800v1 | Xuankai Chang, Brian Yan, Kwanghee Choi, Jeeweon Jung, Yichen Lu, Soumi Maiti, Roshan Sharma, Jiatong Shi, Jinchuan Tian, Shinji Watanabe, Yuya Fujita, Takashi Maekaku, Pengcheng Guo, Yao-Fei Cheng, Pavel Denisov, Kohei Saijo, Hsiu-Hsuan Wang | 2023-09-27T17:21:13Z | cs.CL, cs.SD, eess.AS | Speech signals, typically sampled at rates in the tens of thousands per
second, contain redundancies, evoking inefficiencies in sequence modeling.
High-dimensional speech features such as spectrograms are often used as the
input for the subsequent model. However, they can still be redundant. Recent
investigations proposed the use of discrete speech units derived from
self-supervised learning representations, which significantly compresses the
size of speech data. Applying various methods, such as de-duplication and
subword modeling, can further compress the speech sequence length. Hence,
training time is significantly reduced while retaining notable performance. In
this study, we undertake a comprehensive and systematic exploration into the
application of discrete units within end-to-end speech processing models.
Experiments on 12 automatic speech recognition, 3 speech translation, and 1
spoken language understanding corpora demonstrate that discrete units achieve
reasonably good results in almost all the settings. We intend to release our
configurations and trained models to foster future research efforts. | cs.CL | Exploring Speech Recognition, Translation, and Understanding with Discrete Speech Units: A Comparative Study |
2023-09-27T17:08:40Z | http://arxiv.org/pdf/2309.15789v1 | http://arxiv.org/abs/2309.15789v1 | Tal Shnitzer, Anthony Ou, Mírian Silva, Kate Soule, Yuekai Sun, Justin Solomon, Neil Thompson, Mikhail Yurochkin | 2023-09-27T17:08:40Z | cs.CL, cs.LG, I.2.7, I.2.6 | There is a rapidly growing number of open-source Large Language Models (LLMs)
and benchmark datasets to compare them. While some models dominate these
benchmarks, no single model typically achieves the best accuracy in all tasks
and use cases. In this work, we address the challenge of selecting the best LLM
out of a collection of models for new tasks. We propose a new formulation for
the problem, in which benchmark datasets are repurposed to learn a "router"
model for this LLM selection, and we show that this problem can be reduced to a
collection of binary classification tasks. We demonstrate the utility and
limitations of learning model routers from various benchmark datasets, where we
consistently improve performance upon using any single model for all tasks. | cs.CL | Large Language Model Routing with Benchmark Datasets |
2023-09-27T16:53:11Z | http://arxiv.org/pdf/2309.15779v1 | http://arxiv.org/abs/2309.15779v1 | Dhiraj Amin, Sharvari Govilkar, Sagar Kulkarni | 2023-09-27T16:53:11Z | cs.CL | Precise answers are extracted from a text for a given input question in a
question answering system. Marathi question answering system is created in
recent studies by using ontology, rule base and machine learning based
approaches. Recently transformer models and transfer learning approaches are
used to solve question answering challenges. In this paper we investigate
different transformer models for creating a reading comprehension-based Marathi
question answering system. We have experimented on different pretrained Marathi
language multilingual and monolingual models like Multilingual Representations
for Indian Languages (MuRIL), MahaBERT, Indic Bidirectional Encoder
Representations from Transformers (IndicBERT) and fine-tuned it on a Marathi
reading comprehension-based data set. We got the best accuracy in a MuRIL
multilingual model with an EM score of 0.64 and F1 score of 0.74 by fine tuning
the model on the Marathi dataset. | cs.CL | Question answering using deep learning in low resource Indian language Marathi |
2023-09-27T16:15:34Z | http://arxiv.org/pdf/2310.01425v2 | http://arxiv.org/abs/2310.01425v2 | Léon Bottou, Bernhard Schölkopf | 2023-10-04T18:10:30Z | cs.CL, cs.AI, cs.LG | Many believe that Large Language Models (LLMs) open the era of Artificial
Intelligence (AI). Some see opportunities while others see dangers. Yet both
proponents and opponents grasp AI through the imagery popularised by science
fiction. Will the machine become sentient and rebel against its creators? Will
we experience a paperclip apocalypse? Before answering such questions, we
should first ask whether this mental imagery provides a good description of the
phenomenon at hand. Understanding weather patterns through the moods of the
gods only goes so far. The present paper instead advocates understanding LLMs
and their connection to AI through the imagery of Jorge Luis Borges, a master
of 20th century literature, forerunner of magical realism, and precursor to
postmodern literature. This exercise leads to a new perspective that
illuminates the relation between language modelling and artificial
intelligence. | cs.CL | Borges and AI |
2023-09-27T15:49:43Z | http://arxiv.org/pdf/2309.15739v1 | http://arxiv.org/abs/2309.15739v1 | Abhisek Tiwari, Anisha Saha, Sriparna Saha, Pushpak Bhattacharyya, Minakshi Dhar | 2023-09-27T15:49:43Z | cs.CL, cs.AI | With the advancement of telemedicine, both researchers and medical
practitioners are working hand-in-hand to develop various techniques to
automate various medical operations, such as diagnosis report generation. In
this paper, we first present a multi-modal clinical conversation summary
generation task that takes a clinician-patient interaction (both textual and
visual information) and generates a succinct synopsis of the conversation. We
propose a knowledge-infused, multi-modal, multi-tasking medical domain
identification and clinical conversation summary generation
(MM-CliConSummation) framework. It leverages an adapter to infuse knowledge and
visual features and unify the fused feature vector using a gated mechanism.
Furthermore, we developed a multi-modal, multi-intent clinical conversation
summarization corpus annotated with intent, symptom, and summary. The extensive
set of experiments, both quantitatively and qualitatively, led to the following
findings: (a) critical significance of visuals, (b) more precise and medical
entity preserving summary with additional knowledge infusion, and (c) a
correlation between medical department identification and clinical synopsis
generation. Furthermore, the dataset and source code are available at
https://github.com/NLP-RL/MM-CliConSummation. | cs.CL | Experience and Evidence are the eyes of an excellent summarizer! Towards Knowledge Infused Multi-modal Clinical Conversation Summarization |
2023-09-27T15:15:23Z | http://arxiv.org/pdf/2310.01424v2 | http://arxiv.org/abs/2310.01424v2 | Victoria Smith, Ali Shahin Shamsabadi, Carolyn Ashurst, Adrian Weller | 2024-06-18T09:14:34Z | cs.CL, cs.AI | Large Language Models (LLMs) have shown greatly enhanced performance in
recent years, attributed to increased size and extensive training data. This
advancement has led to widespread interest and adoption across industries and
the public. However, training data memorization in Machine Learning models
scales with model size, particularly concerning for LLMs. Memorized text
sequences have the potential to be directly leaked from LLMs, posing a serious
threat to data privacy. Various techniques have been developed to attack LLMs
and extract their training data. As these models continue to grow, this issue
becomes increasingly critical. To help researchers and policymakers understand
the state of knowledge around privacy attacks and mitigations, including where
more work is needed, we present the first SoK on data privacy for LLMs. We (i)
identify a taxonomy of salient dimensions where attacks differ on LLMs, (ii)
systematize existing attacks, using our taxonomy of dimensions to highlight key
trends, (iii) survey existing mitigation strategies, highlighting their
strengths and limitations, and (iv) identify key gaps, demonstrating open
problems and areas for concern. | cs.CL | Identifying and Mitigating Privacy Risks Stemming from Language Models: A Survey |
2023-09-27T15:12:08Z | http://arxiv.org/pdf/2309.15714v2 | http://arxiv.org/abs/2309.15714v2 | Yuhong Zhang, Qin Li, Sujal Nahata, Tasnia Jamal, Shih-kuen Cheng, Gert Cauwenberghs, Tzyy-Ping Jung | 2023-10-17T17:17:59Z | cs.CL, cs.AI | With the recent proliferation of large language models (LLMs), such as
Generative Pre-trained Transformers (GPT), there has been a significant shift
in exploring human and machine comprehension of semantic language meaning. This
shift calls for interdisciplinary research that bridges cognitive science and
natural language processing (NLP). This pilot study aims to provide insights
into individuals' neural states during a semantic relation
reading-comprehension task. We propose jointly analyzing LLMs, eye-gaze, and
electroencephalographic (EEG) data to study how the brain processes words with
varying degrees of relevance to a keyword during reading. We also use a feature
engineering approach to improve the fixation-related EEG data classification
while participants read words with high versus low relevance to the keyword.
The best validation accuracy in this word-level classification is over 60\%
across 12 subjects. Words of high relevance to the inference keyword had
significantly more eye fixations per word: 1.0584 compared to 0.6576 when
excluding no-fixation words, and 1.5126 compared to 1.4026 when including them.
This study represents the first attempt to classify brain states at a word
level using LLM knowledge. It provides valuable insights into human cognitive
abilities and the realm of Artificial General Intelligence (AGI), and offers
guidance for developing potential reading-assisted technologies. | cs.CL | Integrating LLM, EEG, and Eye-Tracking Biomarker Analysis for Word-Level Neural State Classification in Semantic Inference Reading Comprehension |
2023-09-27T14:44:10Z | http://arxiv.org/pdf/2309.15701v2 | http://arxiv.org/abs/2309.15701v2 | Chen Chen, Yuchen Hu, Chao-Han Huck Yang, Sabato Macro Siniscalchi, Pin-Yu Chen, Eng Siong Chng | 2023-10-16T05:47:42Z | cs.CL, cs.AI, cs.LG, cs.SD, eess.AS | Advancements in deep neural networks have allowed automatic speech
recognition (ASR) systems to attain human parity on several publicly available
clean speech datasets. However, even state-of-the-art ASR systems experience
performance degradation when confronted with adverse conditions, as a
well-trained acoustic model is sensitive to variations in the speech domain,
e.g., background noise. Intuitively, humans address this issue by relying on
their linguistic knowledge: the meaning of ambiguous spoken terms is usually
inferred from contextual cues thereby reducing the dependency on the auditory
system. Inspired by this observation, we introduce the first open-source
benchmark to utilize external large language models (LLMs) for ASR error
correction, where N-best decoding hypotheses provide informative elements for
true transcription prediction. This approach is a paradigm shift from the
traditional language model rescoring strategy that can only select one
candidate hypothesis as the output transcription. The proposed benchmark
contains a novel dataset, HyPoradise (HP), encompassing more than 334,000 pairs
of N-best hypotheses and corresponding accurate transcriptions across prevalent
speech domains. Given this dataset, we examine three types of error correction
techniques based on LLMs with varying amounts of labeled
hypotheses-transcription pairs, which gains a significant word error rate (WER)
reduction. Experimental evidence demonstrates the proposed technique achieves a
breakthrough by surpassing the upper bound of traditional re-ranking based
methods. More surprisingly, LLM with reasonable prompt and its generative
capability can even correct those tokens that are missing in N-best list. We
make our results publicly accessible for reproducible pipelines with released
pre-trained models, thus providing a new evaluation paradigm for ASR error
correction with LLMs. | cs.CL | HyPoradise: An Open Baseline for Generative Speech Recognition with Large Language Models |
2023-09-27T14:32:30Z | http://arxiv.org/pdf/2309.15686v1 | http://arxiv.org/abs/2309.15686v1 | Amir Hussein, Brian Yan, Antonios Anastasopoulos, Shinji Watanabe, Sanjeev Khudanpur | 2023-09-27T14:32:30Z | cs.CL, cs.SD, eess.AS | Incorporating longer context has been shown to benefit machine translation,
but the inclusion of context in end-to-end speech translation (E2E-ST) remains
under-studied. To bridge this gap, we introduce target language context in
E2E-ST, enhancing coherence and overcoming memory constraints of extended audio
segments. Additionally, we propose context dropout to ensure robustness to the
absence of context, and further improve performance by adding speaker
information. Our proposed contextual E2E-ST outperforms the isolated
utterance-based E2E-ST approach. Lastly, we demonstrate that in conversational
speech, contextual information primarily contributes to capturing context
style, as well as resolving anaphora and named entities. | cs.CL | Enhancing End-to-End Conversational Speech Translation Through Target Language Context Utilization |
2023-09-27T14:17:53Z | http://arxiv.org/pdf/2309.15674v1 | http://arxiv.org/abs/2309.15674v1 | Amir Hussein, Dorsa Zeinali, Ondřej Klejch, Matthew Wiesner, Brian Yan, Shammur Chowdhury, Ahmed Ali, Shinji Watanabe, Sanjeev Khudanpur | 2023-09-27T14:17:53Z | cs.SD, cs.CL, cs.LG, eess.AS | Designing effective automatic speech recognition (ASR) systems for
Code-Switching (CS) often depends on the availability of the transcribed CS
resources. To address data scarcity, this paper introduces Speech Collage, a
method that synthesizes CS data from monolingual corpora by splicing audio
segments. We further improve the smoothness quality of audio generation using
an overlap-add approach. We investigate the impact of generated data on speech
recognition in two scenarios: using in-domain CS text and a zero-shot approach
with synthesized CS text. Empirical results highlight up to 34.4% and 16.2%
relative reductions in Mixed-Error Rate and Word-Error Rate for in-domain and
zero-shot scenarios, respectively. Lastly, we demonstrate that CS augmentation
bolsters the model's code-switching inclination and reduces its monolingual
bias. | cs.SD | Speech collage: code-switched audio generation by collaging monolingual corpora |
2023-09-27T14:10:57Z | http://arxiv.org/pdf/2309.15670v1 | http://arxiv.org/abs/2309.15670v1 | Sumit Kumar Banshal, Sajal Das, Shumaiya Akter Shammi, Narayan Ranjan Chakraborty | 2023-09-27T14:10:57Z | cs.LG, cs.CL | In recent years, Sentiment Analysis (SA) and Emotion Recognition (ER) have
been increasingly popular in the Bangla language, which is the seventh most
spoken language throughout the entire world. However, the language is
structurally complicated, which makes this field arduous to extract emotions in
an accurate manner. Several distinct approaches such as the extraction of
positive and negative sentiments as well as multiclass emotions, have been
implemented in this field of study. Nevertheless, the extraction of multiple
sentiments is an almost untouched area in this language. Which involves
identifying several feelings based on a single piece of text. Therefore, this
study demonstrates a thorough method for constructing an annotated corpus based
on scrapped data from Facebook to bridge the gaps in this subject area to
overcome the challenges. To make this annotation more fruitful, the
context-based approach has been used. Bidirectional Encoder Representations
from Transformers (BERT), a well-known methodology of transformers, have been
shown the best results of all methods implemented. Finally, a web application
has been developed to demonstrate the performance of the pre-trained
top-performer model (BERT) for multi-label ER in Bangla. | cs.LG | MONOVAB : An Annotated Corpus for Bangla Multi-label Emotion Detection |
2023-09-27T13:45:38Z | http://arxiv.org/pdf/2309.15656v1 | http://arxiv.org/abs/2309.15656v1 | Ildikó Pilán, Laurent Prévot, Hendrik Buschmeier, Pierre Lison | 2023-09-27T13:45:38Z | cs.CL | Scripted dialogues such as movie and TV subtitles constitute a widespread
source of training data for conversational NLP models. However, the linguistic
characteristics of those dialogues are notably different from those observed in
corpora of spontaneous interactions. This difference is particularly marked for
communicative feedback and grounding phenomena such as backchannels,
acknowledgments, or clarification requests. Such signals are known to
constitute a key part of the conversation flow and are used by the dialogue
participants to provide feedback to one another on their perception of the
ongoing interaction. This paper presents a quantitative analysis of such
communicative feedback phenomena in both subtitles and spontaneous
conversations. Based on dialogue data in English, French, German, Hungarian,
Italian, Japanese, Norwegian and Chinese, we extract both lexical statistics
and classification outputs obtained with a neural dialogue act tagger. Two main
findings of this empirical study are that (1) conversational feedback is
markedly less frequent in subtitles than in spontaneous dialogues and (2)
subtitles contain a higher proportion of negative feedback. Furthermore, we
show that dialogue responses generated by large language models also follow the
same underlying trends and include comparatively few occurrences of
communicative feedback, except when those models are explicitly fine-tuned on
spontaneous dialogues. | cs.CL | Conversational Feedback in Scripted versus Spontaneous Dialogues: A Comparative Analysis |
2023-09-27T13:36:03Z | http://arxiv.org/pdf/2309.15649v2 | http://arxiv.org/abs/2309.15649v2 | Chao-Han Huck Yang, Yile Gu, Yi-Chieh Liu, Shalini Ghosh, Ivan Bulyko, Andreas Stolcke | 2023-10-10T09:10:58Z | cs.CL, cs.AI, cs.LG, cs.SD, eess.AS | We explore the ability of large language models (LLMs) to act as speech
recognition post-processors that perform rescoring and error correction. Our
first focus is on instruction prompting to let LLMs perform these task without
fine-tuning, for which we evaluate different prompting schemes, both zero- and
few-shot in-context learning, and a novel task activation prompting method that
combines causal instructions and demonstration to increase its context windows.
Next, we show that rescoring only by in-context learning with frozen LLMs
achieves results that are competitive with rescoring by domain-tuned LMs, using
a pretrained first-pass recognition system and rescoring output on two
out-of-domain tasks (ATIS and WSJ). By combining prompting techniques with
fine-tuning we achieve error rates below the N-best oracle level, showcasing
the generalization power of the LLMs. | cs.CL | Generative Speech Recognition Error Correction with Large Language Models and Task-Activating Prompting |
2023-09-27T13:02:06Z | http://arxiv.org/pdf/2309.15630v4 | http://arxiv.org/abs/2309.15630v4 | Linxin Song, Jieyu Zhang, Lechao Cheng, Pengyuan Zhou, Tianyi Zhou, Irene Li | 2023-10-19T05:58:31Z | cs.CL | Recent developments in large language models (LLMs) have shown promise in
enhancing the capabilities of natural language processing (NLP). Despite these
successes, there remains a dearth of research dedicated to the NLP
problem-solving abilities of LLMs. To fill the gap in this area, we present a
unique benchmarking dataset, NLPBench, comprising 378 college-level NLP
questions spanning various NLP topics sourced from Yale University's prior
final exams. NLPBench includes questions with context, in which multiple
sub-questions share the same public information, and diverse question types,
including multiple choice, short answer, and math. Our evaluation, centered on
LLMs such as GPT-3.5/4, PaLM-2, and LLAMA-2, incorporates advanced prompting
strategies like the chain-of-thought (CoT) and tree-of-thought (ToT). Our study
reveals that the effectiveness of the advanced prompting strategies can be
inconsistent, occasionally damaging LLM performance, especially in smaller
models like the LLAMA-2 (13b). Furthermore, our manual assessment illuminated
specific shortcomings in LLMs' scientific problem-solving skills, with
weaknesses in logical decomposition and reasoning notably affecting results. | cs.CL | NLPBench: Evaluating Large Language Models on Solving NLP Problems |
2023-09-27T12:44:12Z | http://arxiv.org/pdf/2310.01423v1 | http://arxiv.org/abs/2310.01423v1 | Arslan Akram | 2023-09-27T12:44:12Z | cs.CL, cs.AI, cs.LG, 53, I.2.6; I.2.7 | Since ChatGPT has emerged as a major AIGC model, providing high-quality
responses across a wide range of applications (including software development
and maintenance), it has attracted much interest from many individuals. ChatGPT
has great promise, but there are serious problems that might arise from its
misuse, especially in the realms of education and public safety. Several AIGC
detectors are available, and they have all been tested on genuine text.
However, more study is needed to see how effective they are for multi-domain
ChatGPT material. This study aims to fill this need by creating a multi-domain
dataset for testing the state-of-the-art APIs and tools for detecting
artificially generated information used by universities and other research
institutions. A large dataset consisting of articles, abstracts, stories, news,
and product reviews was created for this study. The second step is to use the
newly created dataset to put six tools through their paces. Six different
artificial intelligence (AI) text identification systems, including "GPTkit,"
"GPTZero," "Originality," "Sapling," "Writer," and "Zylalab," have accuracy
rates between 55.29 and 97.0%. Although all the tools fared well in the
evaluations, originality was particularly effective across the board. | cs.CL | An Empirical Study of AI Generated Text Detection Tools |
2023-09-27T12:16:15Z | http://arxiv.org/pdf/2309.15609v1 | http://arxiv.org/abs/2309.15609v1 | Akshat Dewan, Michal Ziemski, Henri Meylan, Lorenzo Concina, Bruno Pouliquen | 2023-09-27T12:16:15Z | cs.CL, cs.AI, cs.LG | This paper presents an end-to-end solution for the creation of fully
automated conference meeting transcripts and their machine translations into
various languages. This tool has been developed at the World Intellectual
Property Organization (WIPO) using in-house developed speech-to-text (S2T) and
machine translation (MT) components. Beyond describing data collection and
fine-tuning, resulting in a highly customized and robust system, this paper
describes the architecture and evolution of the technical components as well as
highlights the business impact and benefits from the user side. We also point
out particular challenges in the evolution and adoption of the system and how
the new approach created a new product and replaced existing established
workflows in conference management documentation. | cs.CL | Developing automatic verbatim transcripts for international multilingual meetings: an end-to-end solution |
2023-09-27T11:44:04Z | http://arxiv.org/pdf/2309.15588v1 | http://arxiv.org/abs/2309.15588v1 | Zeyu Wang, Mizuho Iwaihara | 2023-09-27T11:44:04Z | cs.CL | Multi-label aspect category detection is intended to detect multiple aspect
categories occurring in a given sentence. Since aspect category detection often
suffers from limited datasets and data sparsity, the prototypical network with
attention mechanisms has been applied for few-shot aspect category detection.
Nevertheless, most of the prototypical networks used so far calculate the
prototypes by taking the mean value of all the instances in the support set.
This seems to ignore the variations between instances in multi-label aspect
category detection. Also, several related works utilize label text information
to enhance the attention mechanism. However, the label text information is
often short and limited, and not specific enough to discern categories. In this
paper, we first introduce support set attention along with the augmented label
information to mitigate the noise at word-level for each support set instance.
Moreover, we use a sentence-level attention mechanism that gives different
weights to each instance in the support set in order to compute prototypes by
weighted averaging. Finally, the calculated prototypes are further used in
conjunction with query instances to compute query attention and thereby
eliminate noises from the query set. Experimental results on the Yelp dataset
show that our proposed method is useful and outperforms all baselines in four
different scenarios. | cs.CL | Few-Shot Multi-Label Aspect Category Detection Utilizing Prototypical Network with Sentence-Level Weighting and Label Augmentation |
2023-09-27T10:40:23Z | http://arxiv.org/pdf/2309.15564v2 | http://arxiv.org/abs/2309.15564v2 | Emanuele Aiello, Lili Yu, Yixin Nie, Armen Aghajanyan, Barlas Oguz | 2023-09-28T17:23:11Z | cs.LG, cs.CL, cs.CV | In recent years, advances in the large-scale pretraining of language and
text-to-image models have revolutionized the field of machine learning. Yet,
integrating these two modalities into a single, robust model capable of
generating seamless multimodal outputs remains a significant challenge. To
address this gap, we present the Joint Autoregressive Mixture (JAM) framework,
a modular approach that systematically fuses existing text and image generation
models. We also introduce a specialized, data-efficient instruction-tuning
strategy, tailored for mixed-modal generation tasks. Our final instruct-tuned
model demonstrates unparalleled performance in generating high-quality
multimodal outputs and represents the first model explicitly designed for this
purpose. | cs.LG | Jointly Training Large Autoregressive Multimodal Models |
2023-09-27T10:24:42Z | http://arxiv.org/pdf/2309.15554v1 | http://arxiv.org/abs/2309.15554v1 | Sara Papi, Marco Gaido, Matteo Negri | 2023-09-27T10:24:42Z | cs.CL, cs.AI, cs.SD, eess.AS | This paper describes the FBK's participation in the Simultaneous Translation
and Automatic Subtitling tracks of the IWSLT 2023 Evaluation Campaign. Our
submission focused on the use of direct architectures to perform both tasks:
for the simultaneous one, we leveraged the knowledge already acquired by
offline-trained models and directly applied a policy to obtain the real-time
inference; for the subtitling one, we adapted the direct ST model to produce
well-formed subtitles and exploited the same architecture to produce timestamps
needed for the subtitle synchronization with audiovisual content. Our
English-German SimulST system shows a reduced computational-aware latency
compared to the one achieved by the top-ranked systems in the 2021 and 2022
rounds of the task, with gains of up to 3.5 BLEU. Our automatic subtitling
system outperforms the only existing solution based on a direct system by 3.7
and 1.7 SubER in English-German and English-Spanish respectively. | cs.CL | Direct Models for Simultaneous Translation and Automatic Subtitling: FBK@IWSLT2023 |
2023-09-27T09:33:16Z | http://arxiv.org/pdf/2309.15516v2 | http://arxiv.org/abs/2309.15516v2 | Xiaowen Sun, Jiazhan Feng, Yuxuan Wang, Yuxuan Lai, Xingyu Shen, Dongyan Zhao | 2024-02-08T04:06:33Z | cs.CL, cs.AI, cs.CV | A picture is worth a thousand words, thus, it is crucial for conversational
agents to understand, perceive, and effectively respond with pictures. However,
we find that directly employing conventional image generation techniques is
inadequate for conversational agents to produce image responses effectively. In
this paper, we focus on the innovative dialog-to-image generation task, where
the model synthesizes a high-resolution image aligned with the given dialog
context as a response. To tackle this problem, we design a tailored fine-tuning
approach on the top of state-of-the-art text-to-image generation models to
fully exploit the structural and semantic features in dialog context during
image generation. Concretely, we linearize the dialog context with specific
indicators to maintain the dialog structure, and employ in-domain data to
alleviate the style mismatch between dialog-to-image and conventional image
generation tasks. Empirical results on PhotoChat and MMDialog Corpus show that
our approach brings consistent and remarkable improvement with 3
state-of-the-art pre-trained text-to-image generation backbones. | cs.CL | Teaching Text-to-Image Models to Communicate in Dialog |
2023-09-27T09:27:03Z | http://arxiv.org/pdf/2309.15512v2 | http://arxiv.org/abs/2309.15512v2 | Chunyu Qiang, Hao Li, Yixin Tian, Yi Zhao, Ying Zhang, Longbiao Wang, Jianwu Dang | 2023-12-18T12:52:08Z | cs.SD, cs.AI, cs.CL, eess.AS | Text-to-speech (TTS) methods have shown promising results in voice cloning,
but they require a large number of labeled text-speech pairs.
Minimally-supervised speech synthesis decouples TTS by combining two types of
discrete speech representations(semantic \& acoustic) and using two
sequence-to-sequence tasks to enable training with minimal supervision.
However, existing methods suffer from information redundancy and dimension
explosion in semantic representation, and high-frequency waveform distortion in
discrete acoustic representation. Autoregressive frameworks exhibit typical
instability and uncontrollability issues. And non-autoregressive frameworks
suffer from prosodic averaging caused by duration prediction models. To address
these issues, we propose a minimally-supervised high-fidelity speech synthesis
method, where all modules are constructed based on the diffusion models. The
non-autoregressive framework enhances controllability, and the duration
diffusion model enables diversified prosodic expression. Contrastive
Token-Acoustic Pretraining (CTAP) is used as an intermediate semantic
representation to solve the problems of information redundancy and dimension
explosion in existing semantic coding methods. Mel-spectrogram is used as the
acoustic representation. Both semantic and acoustic representations are
predicted by continuous variable regression tasks to solve the problem of
high-frequency fine-grained waveform distortion. Experimental results show that
our proposed method outperforms the baseline method. We provide audio samples
on our website. | cs.SD | High-Fidelity Speech Synthesis with Minimal Supervision: All Using Diffusion Models |
2023-09-27T08:44:04Z | http://arxiv.org/pdf/2309.15494v1 | http://arxiv.org/abs/2309.15494v1 | Yanan Wang, Donghuo Zeng, Shinya Wada, Satoshi Kurihara | 2023-09-27T08:44:04Z | cs.CV, cs.CL | Multimodal transfer learning aims to transform pretrained representations of
diverse modalities into a common domain space for effective multimodal fusion.
However, conventional systems are typically built on the assumption that all
modalities exist, and the lack of modalities always leads to poor inference
performance. Furthermore, extracting pretrained embeddings for all modalities
is computationally inefficient for inference. In this work, to achieve high
efficiency-performance multimodal transfer learning, we propose VideoAdviser, a
video knowledge distillation method to transfer multimodal knowledge of
video-enhanced prompts from a multimodal fundamental model (teacher) to a
specific modal fundamental model (student). With an intuition that the best
learning performance comes with professional advisers and smart students, we
use a CLIP-based teacher model to provide expressive multimodal knowledge
supervision signals to a RoBERTa-based student model via optimizing a
step-distillation objective loss -- first step: the teacher distills multimodal
knowledge of video-enhanced prompts from classification logits to a regression
logit -- second step: the multimodal knowledge is distilled from the regression
logit of the teacher to the student. We evaluate our method in two challenging
multimodal tasks: video-level sentiment analysis (MOSI and MOSEI datasets) and
audio-visual retrieval (VEGAS dataset). The student (requiring only the text
modality as input) achieves an MAE score improvement of up to 12.3% for MOSI
and MOSEI. Our method further enhances the state-of-the-art method by 3.4% mAP
score for VEGAS without additional computations for inference. These results
suggest the strengths of our method for achieving high efficiency-performance
multimodal transfer learning. | cs.CV | VideoAdviser: Video Knowledge Distillation for Multimodal Transfer Learning |
2023-09-27T08:17:28Z | http://arxiv.org/pdf/2309.15476v1 | http://arxiv.org/abs/2309.15476v1 | Yuqing Li, Wenyuan Zhang, Binbin Li, Siyu Jia, Zisen Qi, Xingbang Tan | 2023-09-27T08:17:28Z | cs.CL | Conversational aspect-based sentiment quadruple analysis (DiaASQ) aims to
extract the quadruple of target-aspect-opinion-sentiment within a dialogue. In
DiaASQ, a quadruple's elements often cross multiple utterances. This situation
complicates the extraction process, emphasizing the need for an adequate
understanding of conversational context and interactions. However, existing
work independently encodes each utterance, thereby struggling to capture
long-range conversational context and overlooking the deep inter-utterance
dependencies. In this work, we propose a novel Dynamic Multi-scale Context
Aggregation network (DMCA) to address the challenges. Specifically, we first
utilize dialogue structure to generate multi-scale utterance windows for
capturing rich contextual information. After that, we design a Dynamic
Hierarchical Aggregation module (DHA) to integrate progressive cues between
them. In addition, we form a multi-stage loss strategy to improve model
performance and generalization ability. Extensive experimental results show
that the DMCA model outperforms baselines significantly and achieves
state-of-the-art performance. | cs.CL | Dynamic Multi-Scale Context Aggregation for Conversational Aspect-Based Sentiment Quadruple Analysis |
2023-09-27T07:57:21Z | http://arxiv.org/pdf/2309.15461v1 | http://arxiv.org/abs/2309.15461v1 | June M. Liu, Donghao Li, He Cao, Tianhe Ren, Zeyi Liao, Jiamin Wu | 2023-09-27T07:57:21Z | cs.CL | This paper presents ChatCounselor, a large language model (LLM) solution
designed to provide mental health support. Unlike generic chatbots,
ChatCounselor is distinguished by its foundation in real conversations between
consulting clients and professional psychologists, enabling it to possess
specialized knowledge and counseling skills in the field of psychology. The
training dataset, Psych8k, was constructed from 260 in-depth interviews, each
spanning an hour. To assess the quality of counseling responses, the counseling
Bench was devised. Leveraging GPT-4 and meticulously crafted prompts based on
seven metrics of psychological counseling assessment, the model underwent
evaluation using a set of real-world counseling questions. Impressively,
ChatCounselor surpasses existing open-source models in the counseling Bench and
approaches the performance level of ChatGPT, showcasing the remarkable
enhancement in model capability attained through high-quality domain-specific
data. | cs.CL | ChatCounselor: A Large Language Models for Mental Health Support |
2023-09-27T06:33:29Z | http://arxiv.org/pdf/2309.15427v2 | http://arxiv.org/abs/2309.15427v2 | Yijun Tian, Huan Song, Zichen Wang, Haozhu Wang, Ziqing Hu, Fang Wang, Nitesh V. Chawla, Panpan Xu | 2023-12-28T21:14:01Z | cs.CL, cs.AI, cs.LG | Large language models (LLMs) have shown remarkable generalization capability
with exceptional performance in various language modeling tasks. However, they
still exhibit inherent limitations in precisely capturing and returning
grounded knowledge. While existing work has explored utilizing knowledge graphs
(KGs) to enhance language modeling via joint training and customized model
architectures, applying this to LLMs is problematic owing to their large number
of parameters and high computational cost. Therefore, how to enhance
pre-trained LLMs using grounded knowledge, e.g., retrieval-augmented
generation, remains an open question. In this work, we propose Graph Neural
Prompting (GNP), a novel plug-and-play method to assist pre-trained LLMs in
learning beneficial knowledge from KGs. GNP encompasses various designs,
including a standard graph neural network encoder, a cross-modality pooling
module, a domain projector, and a self-supervised link prediction objective.
Extensive experiments on multiple datasets demonstrate the superiority of GNP
on both commonsense and biomedical reasoning tasks across different LLM sizes
and settings. Code is available at https://github.com/meettyj/GNP. | cs.CL | Graph Neural Prompting with Large Language Models |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.