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-07-14T22:25:39Z | http://arxiv.org/pdf/2307.07645v2 | http://arxiv.org/abs/2307.07645v2 | Yiwei Luo, Kristina Gligorić, Dan Jurafsky | 2024-03-25T18:52:34Z | cs.CL, cs.AI | Identifying implicit attitudes toward food can mitigate social prejudice due
to food's salience as a marker of ethnic identity. Stereotypes about food are
representational harms that may contribute to racialized discourse and
negatively impact economic outcomes for restaurants. Understanding the presence
of representational harms in online corpora in particular is important, given
the increasing use of large language models (LLMs) for text generation and
their tendency to reproduce attitudes in their training data. Through careful
linguistic analyses, we evaluate social theories about attitudes toward
immigrant cuisine in a large-scale study of framing differences in 2.1M English
language Yelp reviews. Controlling for factors such as restaurant price and
neighborhood racial diversity, we find that immigrant cuisines are more likely
to be othered using socially constructed frames of authenticity (e.g.,
"authentic," "traditional"), and that non-European cuisines (e.g., Indian,
Mexican) in particular are described as more exotic compared to European ones
(e.g., French). We also find that non-European cuisines are more likely to be
described as cheap and dirty, even after controlling for price, and even among
the most expensive restaurants. Finally, we show that reviews generated by LLMs
reproduce similar framing tendencies, pointing to the downstream retention of
these representational harms. Our results corroborate social theories of
gastronomic stereotyping, revealing racialized evaluative processes and
linguistic strategies through which they manifest. | cs.CL | Othering and low status framing of immigrant cuisines in US restaurant reviews and large language models |
2023-07-14T20:21:50Z | http://arxiv.org/pdf/2307.07614v1 | http://arxiv.org/abs/2307.07614v1 | Valdemar Švábenský, Ryan S. Baker, Andrés Zambrano, Yishan Zou, Stefan Slater | 2023-07-14T20:21:50Z | cs.LG, cs.CL | Students who take an online course, such as a MOOC, use the course's
discussion forum to ask questions or reach out to instructors when encountering
an issue. However, reading and responding to students' questions is difficult
to scale because of the time needed to consider each message. As a result,
critical issues may be left unresolved, and students may lose the motivation to
continue in the course. To help address this problem, we build predictive
models that automatically determine the urgency of each forum post, so that
these posts can be brought to instructors' attention. This paper goes beyond
previous work by predicting not just a binary decision cut-off but a post's
level of urgency on a 7-point scale. First, we train and cross-validate several
models on an original data set of 3,503 posts from MOOCs at University of
Pennsylvania. Second, to determine the generalizability of our models, we test
their performance on a separate, previously published data set of 29,604 posts
from MOOCs at Stanford University. While the previous work on post urgency used
only one data set, we evaluated the prediction across different data sets and
courses. The best-performing model was a support vector regressor trained on
the Universal Sentence Encoder embeddings of the posts, achieving an RMSE of
1.1 on the training set and 1.4 on the test set. Understanding the urgency of
forum posts enables instructors to focus their time more effectively and, as a
result, better support student learning. | cs.LG | Towards Generalizable Detection of Urgency of Discussion Forum Posts |
2023-07-14T19:25:35Z | http://arxiv.org/pdf/2307.07586v1 | http://arxiv.org/abs/2307.07586v1 | Sajad Sotudeh, Nazli Goharian | 2023-07-14T19:25:35Z | cs.CL | Query-focused summarization (QFS) is a challenging task in natural language
processing that generates summaries to address specific queries. The broader
field of Generative Information Retrieval (Gen-IR) aims to revolutionize
information extraction from vast document corpora through generative
approaches, encompassing Generative Document Retrieval (GDR) and Grounded
Answer Retrieval (GAR). This paper highlights the role of QFS in Grounded
Answer Generation (GAR), a key subdomain of Gen-IR that produces human-readable
answers in direct correspondence with queries, grounded in relevant documents.
In this study, we propose QontSum, a novel approach for QFS that leverages
contrastive learning to help the model attend to the most relevant regions of
the input document. We evaluate our approach on a couple of benchmark datasets
for QFS and demonstrate that it either outperforms existing state-of-the-art or
exhibits a comparable performance with considerably reduced computational cost
through enhancements in the fine-tuning stage, rather than relying on
large-scale pre-training experiments, which is the focus of current SOTA.
Moreover, we conducted a human study and identified improvements in the
relevance of generated summaries to the posed queries without compromising
fluency. We further conduct an error analysis study to understand our model's
limitations and propose avenues for future research. | cs.CL | QontSum: On Contrasting Salient Content for Query-focused Summarization |
2023-07-14T17:24:15Z | http://arxiv.org/pdf/2307.11764v2 | http://arxiv.org/abs/2307.11764v2 | Souvik Kundu, Sharath Nittur Sridhar, Maciej Szankin, Sairam Sundaresan | 2023-08-31T17:09:23Z | cs.CL | Large pre-trained language models have recently gained significant traction
due to their improved performance on various down-stream tasks like text
classification and question answering, requiring only few epochs of
fine-tuning. However, their large model sizes often prohibit their applications
on resource-constrained edge devices. Existing solutions of yielding
parameter-efficient BERT models largely rely on compute-exhaustive training and
fine-tuning. Moreover, they often rely on additional compute heavy models to
mitigate the performance gap. In this paper, we present Sensi-BERT, a
sensitivity driven efficient fine-tuning of BERT models that can take an
off-the-shelf pre-trained BERT model and yield highly parameter-efficient
models for downstream tasks. In particular, we perform sensitivity analysis to
rank each individual parameter tensor, that then is used to trim them
accordingly during fine-tuning for a given parameter or FLOPs budget. Our
experiments show the efficacy of Sensi-BERT across different downstream tasks
including MNLI, QQP, QNLI, SST-2 and SQuAD, showing better performance at
similar or smaller parameter budget compared to various alternatives. | cs.CL | Sensi-BERT: Towards Sensitivity Driven Fine-Tuning for Parameter-Efficient BERT |
2023-07-14T16:59:08Z | http://arxiv.org/pdf/2307.07477v1 | http://arxiv.org/abs/2307.07477v1 | Tatsuki Koga, Congzheng Song, Martin Pelikan, Mona Chitnis | 2023-07-14T16:59:08Z | cs.LG, cs.CL, cs.CR | Federated learning (FL) combined with differential privacy (DP) offers
machine learning (ML) training with distributed devices and with a formal
privacy guarantee. With a large population of devices, FL with DP produces a
performant model in a timely manner. However, for applications with a smaller
population, not only does the model utility degrade as the DP noise is
inversely proportional to population, but also the training latency increases
since waiting for enough clients to become available from a smaller pool is
slower. In this work, we thus propose expanding the population based on domain
adaptation techniques to speed up the training and improves the final model
quality when training with small populations. We empirically demonstrate that
our techniques can improve the utility by 13% to 30% on real-world language
modeling datasets. | cs.LG | Population Expansion for Training Language Models with Private Federated Learning |
2023-07-14T16:03:09Z | http://arxiv.org/pdf/2307.07436v1 | http://arxiv.org/abs/2307.07436v1 | Liam Lonergan, Mengjie Qian, Neasa Ní Chiaráin, Christer Gobl, Ailbhe Ní Chasaide | 2023-07-14T16:03:09Z | cs.CL, cs.SD, eess.AS | The Irish language is rich in its diversity of dialects and accents. This
compounds the difficulty of creating a speech recognition system for the
low-resource language, as such a system must contend with a high degree of
variability with limited corpora. A recent study investigating dialect bias in
Irish ASR found that balanced training corpora gave rise to unequal dialect
performance, with performance for the Ulster dialect being consistently worse
than for the Connacht or Munster dialects. Motivated by this, the present
experiments investigate spoken dialect identification of Irish, with a view to
incorporating such a system into the speech recognition pipeline. Two acoustic
classification models are tested, XLS-R and ECAPA-TDNN, in conjunction with a
text-based classifier using a pretrained Irish-language BERT model. The
ECAPA-TDNN, particularly a model pretrained for language identification on the
VoxLingua107 dataset, performed best overall, with an accuracy of 73%. This was
further improved to 76% by fusing the model's outputs with the text-based
model. The Ulster dialect was most accurately identified, with an accuracy of
94%, however the model struggled to disambiguate between the Connacht and
Munster dialects, suggesting a more nuanced approach may be necessary to
robustly distinguish between the dialects of Irish. | cs.CL | Towards spoken dialect identification of Irish |
2023-07-14T15:41:43Z | http://arxiv.org/pdf/2307.07412v1 | http://arxiv.org/abs/2307.07412v1 | Mohamed Elgaar, Hadi Amiri | 2023-07-14T15:41:43Z | cs.LG, cs.CL | We introduce the problem of curriculum discovery and describe a curriculum
learning framework capable of discovering effective curricula in a curriculum
space based on prior knowledge about sample difficulty. Using annotation
entropy and loss as measures of difficulty, we show that (i): the
top-performing discovered curricula for a given model and dataset are often
non-monotonic as opposed to monotonic curricula in existing literature, (ii):
the prevailing easy-to-hard or hard-to-easy transition curricula are often at
the risk of underperforming, and (iii): the curricula discovered for smaller
datasets and models perform well on larger datasets and models respectively.
The proposed framework encompasses some of the existing curriculum learning
approaches and can discover curricula that outperform them across several NLP
tasks. | cs.LG | HuCurl: Human-induced Curriculum Discovery |
2023-07-14T15:07:20Z | http://arxiv.org/pdf/2307.07392v1 | http://arxiv.org/abs/2307.07392v1 | G. M. Shahariar, Tonmoy Talukder, Rafin Alam Khan Sotez, Md. Tanvir Rouf Shawon | 2023-07-14T15:07:20Z | cs.CL, cs.AI | With the increasing need for text summarization techniques that are both
efficient and accurate, it becomes crucial to explore avenues that enhance the
quality and precision of pre-trained models specifically tailored for
summarizing Bengali texts. When it comes to text summarization tasks, there are
numerous pre-trained transformer models at one's disposal. Consequently, it
becomes quite a challenge to discern the most informative and relevant summary
for a given text among the various options generated by these pre-trained
summarization models. This paper aims to identify the most accurate and
informative summary for a given text by utilizing a simple but effective
ranking-based approach that compares the output of four different pre-trained
Bengali text summarization models. The process begins by carrying out
preprocessing of the input text that involves eliminating unnecessary elements
such as special characters and punctuation marks. Next, we utilize four
pre-trained summarization models to generate summaries, followed by applying a
text ranking algorithm to identify the most suitable summary. Ultimately, the
summary with the highest ranking score is chosen as the final one. To evaluate
the effectiveness of this approach, the generated summaries are compared
against human-annotated summaries using standard NLG metrics such as BLEU,
ROUGE, BERTScore, WIL, WER, and METEOR. Experimental results suggest that by
leveraging the strengths of each pre-trained transformer model and combining
them using a ranking-based approach, our methodology significantly improves the
accuracy and effectiveness of the Bengali text summarization. | cs.CL | Rank Your Summaries: Enhancing Bengali Text Summarization via Ranking-based Approach |
2023-07-14T14:39:35Z | http://arxiv.org/pdf/2307.07380v1 | http://arxiv.org/abs/2307.07380v1 | Sachin J. Chanchani, Ruihong Huang | 2023-07-14T14:39:35Z | cs.CL, cs.LG | Vector representations of natural language are ubiquitous in search
applications. Recently, various methods based on contrastive learning have been
proposed to learn textual representations from unlabelled data; by maximizing
alignment between minimally-perturbed embeddings of the same text, and
encouraging a uniform distribution of embeddings across a broader corpus.
Differently, we propose maximizing alignment between texts and a composition of
their phrasal constituents. We consider several realizations of this objective
and elaborate the impact on representations in each case. Experimental results
on semantic textual similarity tasks show improvements over baselines that are
comparable with state-of-the-art approaches. Moreover, this work is the first
to do so without incurring costs in auxiliary training objectives or additional
network parameters. | cs.CL | Composition-contrastive Learning for Sentence Embeddings |
2023-07-14T14:08:54Z | http://arxiv.org/pdf/2307.07362v3 | http://arxiv.org/abs/2307.07362v3 | Zhaoyi Sun, Mingquan Lin, Qingqing Zhu, Qianqian Xie, Fei Wang, Zhiyong Lu, Yifan Peng | 2023-10-18T20:34:47Z | cs.CV, cs.CL | Computer-assisted diagnostic and prognostic systems of the future should be
capable of simultaneously processing multimodal data. Multimodal deep learning
(MDL), which involves the integration of multiple sources of data, such as
images and text, has the potential to revolutionize the analysis and
interpretation of biomedical data. However, it only caught researchers'
attention recently. To this end, there is a critical need to conduct a
systematic review on this topic, identify the limitations of current work, and
explore future directions. In this scoping review, we aim to provide a
comprehensive overview of the current state of the field and identify key
concepts, types of studies, and research gaps with a focus on biomedical images
and texts joint learning, mainly because these two were the most commonly
available data types in MDL research. This study reviewed the current uses of
multimodal deep learning on five tasks: (1) Report generation, (2) Visual
question answering, (3) Cross-modal retrieval, (4) Computer-aided diagnosis,
and (5) Semantic segmentation. Our results highlight the diverse applications
and potential of MDL and suggest directions for future research in the field.
We hope our review will facilitate the collaboration of natural language
processing (NLP) and medical imaging communities and support the next
generation of decision-making and computer-assisted diagnostic system
development. | cs.CV | A scoping review on multimodal deep learning in biomedical images and texts |
2023-07-14T14:07:55Z | http://arxiv.org/pdf/2307.07361v1 | http://arxiv.org/abs/2307.07361v1 | Aoxiong Yin, Tianyun Zhong, Li Tang, Weike Jin, Tao Jin, Zhou Zhao | 2023-07-14T14:07:55Z | cs.CV, cs.CL | Most sign language translation (SLT) methods to date require the use of gloss
annotations to provide additional supervision information, however, the
acquisition of gloss is not easy. To solve this problem, we first perform an
analysis of existing models to confirm how gloss annotations make SLT easier.
We find that it can provide two aspects of information for the model, 1) it can
help the model implicitly learn the location of semantic boundaries in
continuous sign language videos, 2) it can help the model understand the sign
language video globally. We then propose \emph{gloss attention}, which enables
the model to keep its attention within video segments that have the same
semantics locally, just as gloss helps existing models do. Furthermore, we
transfer the knowledge of sentence-to-sentence similarity from the natural
language model to our gloss attention SLT network (GASLT) to help it understand
sign language videos at the sentence level. Experimental results on multiple
large-scale sign language datasets show that our proposed GASLT model
significantly outperforms existing methods. Our code is provided in
\url{https://github.com/YinAoXiong/GASLT}. | cs.CV | Gloss Attention for Gloss-free Sign Language Translation |
2023-07-14T13:33:28Z | http://arxiv.org/pdf/2307.10213v1 | http://arxiv.org/abs/2307.10213v1 | Shaina Raza, Chen Ding, Deval Pandya | 2023-07-14T13:33:28Z | cs.CL, cs.AI | Discriminatory language and biases are often present in hate speech during
conversations, which usually lead to negative impacts on targeted groups such
as those based on race, gender, and religion. To tackle this issue, we propose
an approach that involves a two-step process: first, detecting hate speech
using a classifier, and then utilizing a debiasing component that generates
less biased or unbiased alternatives through prompts. We evaluated our approach
on a benchmark dataset and observed reduction in negativity due to hate speech
comments. The proposed method contributes to the ongoing efforts to reduce
biases in online discourse and promote a more inclusive and fair environment
for communication. | cs.CL | Mitigating Bias in Conversations: A Hate Speech Classifier and Debiaser with Prompts |
2023-07-14T13:19:07Z | http://arxiv.org/pdf/2307.10210v1 | http://arxiv.org/abs/2307.10210v1 | Akshat Gupta, Xiaomo Liu, Sameena Shah | 2023-07-14T13:19:07Z | cs.CL | Domain adaptation is an important and widely studied problem in natural
language processing. A large body of literature tries to solve this problem by
adapting models trained on the source domain to the target domain. In this
paper, we instead solve this problem from a dataset perspective. We modify the
source domain dataset with simple lexical transformations to reduce the domain
shift between the source dataset distribution and the target dataset
distribution. We find that models trained on the transformed source domain
dataset performs significantly better than zero-shot models. Using our proposed
transformations to convert standard English to tweets, we reach an unsupervised
part-of-speech (POS) tagging accuracy of 92.14% (from 81.54% zero shot
accuracy), which is only slightly below the supervised performance of 94.45%.
We also use our proposed transformations to synthetically generate tweets and
augment the Twitter dataset to achieve state-of-the-art performance for POS
tagging. | cs.CL | Unsupervised Domain Adaptation using Lexical Transformations and Label Injection for Twitter Data |
2023-07-14T13:17:11Z | http://arxiv.org/pdf/2307.07331v1 | http://arxiv.org/abs/2307.07331v1 | Ibrahim Tolga Öztürk, Rostislav Nedelchev, Christian Heumann, Esteban Garces Arias, Marius Roger, Bernd Bischl, Matthias Aßenmacher | 2023-07-14T13:17:11Z | cs.CL, cs.CY, cs.LG, stat.ML | Recent studies have demonstrated how to assess the stereotypical bias in
pre-trained English language models. In this work, we extend this branch of
research in multiple different dimensions by systematically investigating (a)
mono- and multilingual models of (b) different underlying architectures with
respect to their bias in (c) multiple different languages. To that end, we make
use of the English StereoSet data set (Nadeem et al., 2021), which we
semi-automatically translate into German, French, Spanish, and Turkish. We find
that it is of major importance to conduct this type of analysis in a
multilingual setting, as our experiments show a much more nuanced picture as
well as notable differences from the English-only analysis. The main takeaways
from our analysis are that mGPT-2 (partly) shows surprising anti-stereotypical
behavior across languages, English (monolingual) models exhibit the strongest
bias, and the stereotypes reflected in the data set are least present in
Turkish models. Finally, we release our codebase alongside the translated data
sets and practical guidelines for the semi-automatic translation to encourage a
further extension of our work to other languages. | cs.CL | How Different Is Stereotypical Bias Across Languages? |
2023-07-14T12:51:12Z | http://arxiv.org/pdf/2307.07317v1 | http://arxiv.org/abs/2307.07317v1 | Cedric Waterschoot, Antal van den Bosch | 2023-07-14T12:51:12Z | cs.IR, cs.CL, cs.LG | Online news outlets are grappling with the moderation of user-generated
content within their comment section. We present a recommender system based on
ranking class probabilities to support and empower the moderator in choosing
featured posts, a time-consuming task. By combining user and textual content
features we obtain an optimal classification F1-score of 0.44 on the test set.
Furthermore, we observe an optimum mean NDCG@5 of 0.87 on a large set of
validation articles. As an expert evaluation, content moderators assessed the
output of a random selection of articles by choosing comments to feature based
on the recommendations, which resulted in a NDCG score of 0.83. We conclude
that first, adding text features yields the best score and second, while
choosing featured content remains somewhat subjective, content moderators found
suitable comments in all but one evaluated recommendations. We end the paper by
analyzing our best-performing model, a step towards transparency and
explainability in hybrid content moderation. | cs.IR | Hybrid moderation in the newsroom: Recommending featured posts to content moderators |
2023-07-14T12:45:03Z | http://arxiv.org/pdf/2307.07312v2 | http://arxiv.org/abs/2307.07312v2 | Agnes Axelsson, Gabriel Skantze | 2023-08-22T14:10:19Z | cs.CL, 68T50, I.2.7; I.2.4 | In any system that uses structured knowledge graph (KG) data as its
underlying knowledge representation, KG-to-text generation is a useful tool for
turning parts of the graph data into text that can be understood by humans.
Recent work has shown that models that make use of pretraining on large amounts
of text data can perform well on the KG-to-text task even with relatively small
sets of training data on the specific graph-to-text task. In this paper, we
build on this concept by using large language models to perform zero-shot
generation based on nothing but the model's understanding of the triple
structure from what it can read. We show that ChatGPT achieves near
state-of-the-art performance on some measures of the WebNLG 2020 challenge, but
falls behind on others. Additionally, we compare factual, counter-factual and
fictional statements, and show that there is a significant connection between
what the LLM already knows about the data it is parsing and the quality of the
output text. | cs.CL | Using Large Language Models for Zero-Shot Natural Language Generation from Knowledge Graphs |
2023-07-14T12:30:41Z | http://arxiv.org/pdf/2307.07306v1 | http://arxiv.org/abs/2307.07306v1 | Xuemei Dong, Chao Zhang, Yuhang Ge, Yuren Mao, Yunjun Gao, lu Chen, Jinshu Lin, Dongfang Lou | 2023-07-14T12:30:41Z | cs.CL, cs.AI | This paper proposes a ChatGPT-based zero-shot Text-to-SQL method, dubbed C3,
which achieves 82.3\% in terms of execution accuracy on the holdout test set of
Spider and becomes the state-of-the-art zero-shot Text-to-SQL method on the
Spider Challenge. C3 consists of three key components: Clear Prompting (CP),
Calibration with Hints (CH), and Consistent Output (CO), which are
corresponding to the model input, model bias and model output respectively. It
provides a systematic treatment for zero-shot Text-to-SQL. Extensive
experiments have been conducted to verify the effectiveness and efficiency of
our proposed method. | cs.CL | C3: Zero-shot Text-to-SQL with ChatGPT |
2023-07-14T12:26:56Z | http://arxiv.org/pdf/2307.11762v1 | http://arxiv.org/abs/2307.11762v1 | Witold Kosciukiewicz, Mateusz Wojcik, Tomasz Kajdanowicz, Adam Gonczarek | 2023-07-14T12:26:56Z | cs.CL, cs.LG | Document-level joint entity and relation extraction is a challenging
information extraction problem that requires a unified approach where a single
neural network performs four sub-tasks: mention detection, coreference
resolution, entity classification, and relation extraction. Existing methods
often utilize a sequential multi-task learning approach, in which the arbitral
decomposition causes the current task to depend only on the previous one,
missing the possible existence of the more complex relationships between them.
In this paper, we present a multi-task learning framework with bidirectional
memory-like dependency between tasks to address those drawbacks and perform the
joint problem more accurately. Our empirical studies show that the proposed
approach outperforms the existing methods and achieves state-of-the-art results
on the BioCreative V CDR corpus. | cs.CL | Similarity-based Memory Enhanced Joint Entity and Relation Extraction |
2023-07-14T12:18:38Z | http://arxiv.org/pdf/2307.07295v1 | http://arxiv.org/abs/2307.07295v1 | Liam Lonergan, Mengjie Qian, Neasa Ní Chiaráin, Christer Gobl, Ailbhe Ní Chasaide | 2023-07-14T12:18:38Z | cs.CL, cs.SD, eess.AS | ASR systems are generally built for the spoken 'standard', and their
performance declines for non-standard dialects/varieties. This is a problem for
a language like Irish, where there is no single spoken standard, but rather
three major dialects: Ulster (Ul), Connacht (Co) and Munster (Mu). As a
diagnostic to quantify the effect of the speaker's dialect on recognition
performance, 12 ASR systems were trained, firstly using baseline
dialect-balanced training corpora, and then using modified versions of the
baseline corpora, where dialect-specific materials were either subtracted or
added. Results indicate that dialect-balanced corpora do not yield a similar
performance across the dialects: the Ul dialect consistently underperforms,
whereas Mu yields lowest WERs. There is a close relationship between Co and Mu
dialects, but one that is not symmetrical. These results will guide future
corpus collection and system building strategies to optimise for cross-dialect
performance equity. | cs.CL | Towards dialect-inclusive recognition in a low-resource language: are balanced corpora the answer? |
2023-07-14T11:20:22Z | http://arxiv.org/pdf/2307.07280v2 | http://arxiv.org/abs/2307.07280v2 | Theresa Pekarek Rosin, Stefan Wermter | 2023-10-18T10:36:36Z | cs.CL, cs.SD, eess.AS | While Automatic Speech Recognition (ASR) models have shown significant
advances with the introduction of unsupervised or self-supervised training
techniques, these improvements are still only limited to a subsection of
languages and speakers. Transfer learning enables the adaptation of large-scale
multilingual models to not only low-resource languages but also to more
specific speaker groups. However, fine-tuning on data from new domains is
usually accompanied by a decrease in performance on the original domain.
Therefore, in our experiments, we examine how well the performance of
large-scale ASR models can be approximated for smaller domains, with our own
dataset of German Senior Voice Commands (SVC-de), and how much of the general
speech recognition performance can be preserved by selectively freezing parts
of the model during training. To further increase the robustness of the ASR
model to vocabulary and speakers outside of the fine-tuned domain, we apply
Experience Replay for continual learning. By adding only a fraction of data
from the original domain, we are able to reach Word-Error-Rates (WERs) below
5\% on the new domain, while stabilizing performance for general speech
recognition at acceptable WERs. | cs.CL | Replay to Remember: Continual Layer-Specific Fine-tuning for German Speech Recognition |
2023-07-14T11:17:37Z | http://arxiv.org/pdf/2307.07277v1 | http://arxiv.org/abs/2307.07277v1 | Pranava Madhyastha, Ye Zhang, Gabriella Vigliocco | 2023-07-14T11:17:37Z | cs.CL | We report a controlled study investigating the effect of visual information
(i.e., seeing the speaker) on spoken language comprehension. We compare the ERP
signature (N400) associated with each word in audio-only and audio-visual
presentations of the same verbal stimuli. We assess the extent to which
surprisal measures (which quantify the predictability of words in their lexical
context) are generated on the basis of different types of language models
(specifically n-gram and Transformer models) that predict N400 responses for
each word. Our results indicate that cognitive effort differs significantly
between multimodal and unimodal settings. In addition, our findings suggest
that while Transformer-based models, which have access to a larger lexical
context, provide a better fit in the audio-only setting, 2-gram language models
are more effective in the multimodal setting. This highlights the significant
impact of local lexical context on cognitive processing in a multimodal
environment. | cs.CL | Are words equally surprising in audio and audio-visual comprehension? |
2023-07-14T11:15:28Z | http://arxiv.org/pdf/2307.11775v1 | http://arxiv.org/abs/2307.11775v1 | Miguel Palencia-Olivar | 2023-07-14T11:15:28Z | cs.CL, cs.LG, stat.ML | The age of social media has opened new opportunities for businesses. This
flourishing wealth of information is outside traditional channels and
frameworks of classical marketing research, including that of Marketing Mix
Modeling (MMM). Textual data, in particular, poses many challenges that data
analysis practitioners must tackle. Social media constitute massive,
heterogeneous, and noisy document sources. Industrial data acquisition
processes include some amount of ETL. However, the variability of noise in the
data and the heterogeneity induced by different sources create the need for
ad-hoc tools. Put otherwise, customer insight extraction in fully unsupervised,
noisy contexts is an arduous task. This research addresses the challenge of
fully unsupervised topic extraction in noisy, Big Data contexts. We present
three approaches we built on the Variational Autoencoder framework: the
Embedded Dirichlet Process, the Embedded Hierarchical Dirichlet Process, and
the time-aware Dynamic Embedded Dirichlet Process. These nonparametric
approaches concerning topics present the particularity of determining word
embeddings and topic embeddings. These embeddings do not require transfer
learning, but knowledge transfer remains possible. We test these approaches on
benchmark and automotive industry-related datasets from a real-world use case.
We show that our models achieve equal to better performance than
state-of-the-art methods and that the field of topic modeling would benefit
from improved evaluation metrics. | cs.CL | A Topical Approach to Capturing Customer Insight In Social Media |
2023-07-14T10:35:04Z | http://arxiv.org/pdf/2307.07262v2 | http://arxiv.org/abs/2307.07262v2 | Haris Jabbar | 2024-02-03T05:42:54Z | cs.CL | Tokenization is a critical part of modern NLP pipelines. However,
contemporary tokenizers for Large Language Models are based on statistical
analysis of text corpora, without much consideration to the linguistic
features. I propose a linguistically motivated tokenization scheme, MorphPiece,
which is based partly on morphological segmentation of the underlying text. A
GPT-style causal language model trained on this tokenizer (called MorphGPT)
shows comparable or superior performance on a variety of supervised and
unsupervised NLP tasks, compared to the OpenAI GPT-2 model. Specifically I
evaluated MorphGPT on language modeling tasks, zero-shot performance on GLUE
Benchmark with various prompt templates, massive text embedding benchmark
(MTEB) for supervised and unsupervised performance, and lastly with another
morphological tokenization scheme (FLOTA, Hoffmann et al., 2022) and find that
the model trained on MorphPiece outperforms GPT-2 on most evaluations, at times
with considerable margin, despite being trained for about half the training
iterations. | cs.CL | MorphPiece : A Linguistic Tokenizer for Large Language Models |
2023-07-14T10:20:08Z | http://arxiv.org/pdf/2307.07258v1 | http://arxiv.org/abs/2307.07258v1 | Qian Chen, Wen Wang, Qinglin Zhang, Chong Deng, Ma Yukun, Siqi Zheng | 2023-07-14T10:20:08Z | cs.CL | Transformer-based pre-trained language models, such as BERT, achieve great
success in various natural language understanding tasks. Prior research found
that BERT captures a rich hierarchy of linguistic information at different
layers. However, the vanilla BERT uses the same self-attention mechanism for
each layer to model the different contextual features. In this paper, we
propose a HybridBERT model which combines self-attention and pooling networks
to encode different contextual features in each layer. Additionally, we propose
a simple DropMask method to address the mismatch between pre-training and
fine-tuning caused by excessive use of special mask tokens during Masked
Language Modeling pre-training. Experiments show that HybridBERT outperforms
BERT in pre-training with lower loss, faster training speed (8% relative),
lower memory cost (13% relative), and also in transfer learning with 1.5%
relative higher accuracies on downstream tasks. Additionally, DropMask improves
accuracies of BERT on downstream tasks across various masking rates. | cs.CL | Improving BERT with Hybrid Pooling Network and Drop Mask |
2023-07-14T10:05:47Z | http://arxiv.org/pdf/2307.07255v2 | http://arxiv.org/abs/2307.07255v2 | Shivani Kumar, Sumit Bhatia, Milan Aggarwal, Tanmoy Chakraborty | 2024-05-23T13:45:34Z | cs.CL, cs.AI | Sharing ideas through communication with peers is the primary mode of human
interaction. Consequently, extensive research has been conducted in the area of
conversational AI, leading to an increase in the availability and diversity of
conversational tasks, datasets, and methods. However, with numerous tasks being
explored simultaneously, the current landscape of conversational AI becomes
fragmented. Therefore, initiating a well-thought-out model for a dialogue agent
can pose significant challenges for a practitioner. Towards highlighting the
critical ingredients needed for a practitioner to design a dialogue agent from
scratch, the current study provides a comprehensive overview of the primary
characteristics of a dialogue agent, the supporting tasks, their corresponding
open-domain datasets, and the methods used to benchmark these datasets. We
observe that different methods have been used to tackle distinct dialogue
tasks. However, building separate models for each task is costly and does not
leverage the correlation among the several tasks of a dialogue agent. As a
result, recent trends suggest a shift towards building unified foundation
models. To this end, we propose UNIT, a UNified dIalogue dataseT constructed
from conversations of existing datasets for different dialogue tasks capturing
the nuances for each of them. We also examine the evaluation strategies used to
measure the performance of dialogue agents and highlight the scope for future
research in the area of conversational AI. | cs.CL | Dialogue Agents 101: A Beginner's Guide to Critical Ingredients for Designing Effective Conversational Systems |
2023-07-14T09:20:16Z | http://arxiv.org/pdf/2307.11761v1 | http://arxiv.org/abs/2307.11761v1 | Yashar Deldjoo | 2023-07-14T09:20:16Z | cs.CL, cs.AI | Our research investigates the potential of Large-scale Language Models
(LLMs), specifically OpenAI's GPT, in credit risk assessment-a binary
classification task. Our findings suggest that LLMs, when directed by
judiciously designed prompts and supplemented with domain-specific knowledge,
can parallel the performance of traditional Machine Learning (ML) models.
Intriguingly, they achieve this with significantly less data-40 times less,
utilizing merely 20 data points compared to the ML's 800. LLMs particularly
excel in minimizing false positives and enhancing fairness, both being vital
aspects of risk analysis. While our results did not surpass those of classical
ML models, they underscore the potential of LLMs in analogous tasks, laying a
groundwork for future explorations into harnessing the capabilities of LLMs in
diverse ML tasks. | cs.CL | Fairness of ChatGPT and the Role Of Explainable-Guided Prompts |
2023-07-14T05:41:22Z | http://arxiv.org/pdf/2307.08623v2 | http://arxiv.org/abs/2307.08623v2 | Pei Chen, Soumajyoti Sarkar, Leonard Lausen, Balasubramaniam Srinivasan, Sheng Zha, Ruihong Huang, George Karypis | 2023-10-27T01:51:48Z | cs.LG, cs.AI, cs.CL | Language models pretrained on large collections of tabular data have
demonstrated their effectiveness in several downstream tasks. However, many of
these models do not take into account the row/column permutation invariances,
hierarchical structure, etc. that exist in tabular data. To alleviate these
limitations, we propose HYTREL, a tabular language model, that captures the
permutation invariances and three more structural properties of tabular data by
using hypergraphs - where the table cells make up the nodes and the cells
occurring jointly together in each row, column, and the entire table are used
to form three different types of hyperedges. We show that HYTREL is maximally
invariant under certain conditions for tabular data, i.e., two tables obtain
the same representations via HYTREL iff the two tables are identical up to
permutations. Our empirical results demonstrate that HYTREL consistently
outperforms other competitive baselines on four downstream tasks with minimal
pretraining, illustrating the advantages of incorporating the inductive biases
associated with tabular data into the representations. Finally, our qualitative
analyses showcase that HYTREL can assimilate the table structures to generate
robust representations for the cells, rows, columns, and the entire table. | cs.LG | HYTREL: Hypergraph-enhanced Tabular Data Representation Learning |
2023-07-14T05:40:24Z | http://arxiv.org/pdf/2307.07171v1 | http://arxiv.org/abs/2307.07171v1 | Zhen Zhang, Guanhua Zhang, Bairu Hou, Wenqi Fan, Qing Li, Sijia Liu, Yang Zhang, Shiyu Chang | 2023-07-14T05:40:24Z | cs.CL, cs.LG | Although large language models (LLMs) have achieved great success in vast
real-world applications, their vulnerabilities towards noisy inputs have
significantly limited their uses, especially in high-stake environments. In
these contexts, it is crucial to ensure that every prediction made by large
language models is stable, i.e., LLM predictions should be consistent given
minor differences in the input. This largely falls into the study of certified
robust LLMs, i.e., all predictions of LLM are certified to be correct in a
local region around the input. Randomized smoothing has demonstrated great
potential in certifying the robustness and prediction stability of LLMs.
However, randomized smoothing requires adding noise to the input before model
prediction, and its certification performance depends largely on the model's
performance on corrupted data. As a result, its direct application to LLMs
remains challenging and often results in a small certification radius. To
address this issue, we take advantage of the multitasking nature of LLMs and
propose to denoise the corrupted inputs with LLMs in a self-denoising manner.
Different from previous works like denoised smoothing, which requires training
a separate model to robustify LLM, our method enjoys far better efficiency and
flexibility. Our experiment results show that our method outperforms the
existing certification methods under both certified robustness and empirical
robustness. The codes are available at
https://github.com/UCSB-NLP-Chang/SelfDenoise. | cs.CL | Certified Robustness for Large Language Models with Self-Denoising |
2023-07-14T05:27:56Z | http://arxiv.org/pdf/2307.07166v1 | http://arxiv.org/abs/2307.07166v1 | Ryosuke Korekata, Motonari Kambara, Yu Yoshida, Shintaro Ishikawa, Yosuke Kawasaki, Masaki Takahashi, Komei Sugiura | 2023-07-14T05:27:56Z | cs.RO, cs.CL, cs.CV | This paper describes a domestic service robot (DSR) that fetches everyday
objects and carries them to specified destinations according to free-form
natural language instructions. Given an instruction such as "Move the bottle on
the left side of the plate to the empty chair," the DSR is expected to identify
the bottle and the chair from multiple candidates in the environment and carry
the target object to the destination. Most of the existing multimodal language
understanding methods are impractical in terms of computational complexity
because they require inferences for all combinations of target object
candidates and destination candidates. We propose Switching Head-Tail Funnel
UNITER, which solves the task by predicting the target object and the
destination individually using a single model. Our method is validated on a
newly-built dataset consisting of object manipulation instructions and semi
photo-realistic images captured in a standard Embodied AI simulator. The
results show that our method outperforms the baseline method in terms of
language comprehension accuracy. Furthermore, we conduct physical experiments
in which a DSR delivers standardized everyday objects in a standardized
domestic environment as requested by instructions with referring expressions.
The experimental results show that the object grasping and placing actions are
achieved with success rates of more than 90%. | cs.RO | Switching Head-Tail Funnel UNITER for Dual Referring Expression Comprehension with Fetch-and-Carry Tasks |
2023-07-14T05:23:08Z | http://arxiv.org/pdf/2307.07164v2 | http://arxiv.org/abs/2307.07164v2 | Liang Wang, Nan Yang, Furu Wei | 2024-01-26T07:04:02Z | cs.CL, cs.IR | Large language models (LLMs) have demonstrated their ability to learn
in-context, allowing them to perform various tasks based on a few input-output
examples. However, the effectiveness of in-context learning is heavily reliant
on the quality of the selected examples. In this paper, we propose a novel
framework to iteratively train dense retrievers that can identify high-quality
in-context examples for LLMs. Our framework initially trains a reward model
based on LLM feedback to evaluate the quality of candidate examples, followed
by knowledge distillation to train a bi-encoder based dense retriever. Our
experiments on a suite of $30$ tasks demonstrate that our framework
significantly enhances in-context learning performance. Furthermore, we show
the generalization ability of our framework to unseen tasks during training. An
in-depth analysis reveals that our model improves performance by retrieving
examples with similar patterns, and the gains are consistent across LLMs of
varying sizes. The code and data are available at
https://github.com/microsoft/LMOps/tree/main/llm_retriever . | cs.CL | Learning to Retrieve In-Context Examples for Large Language Models |
2023-07-14T05:18:34Z | http://arxiv.org/pdf/2307.07162v1 | http://arxiv.org/abs/2307.07162v1 | Daocheng Fu, Xin Li, Licheng Wen, Min Dou, Pinlong Cai, Botian Shi, Yu Qiao | 2023-07-14T05:18:34Z | cs.RO, cs.CL | In this paper, we explore the potential of using a large language model (LLM)
to understand the driving environment in a human-like manner and analyze its
ability to reason, interpret, and memorize when facing complex scenarios. We
argue that traditional optimization-based and modular autonomous driving (AD)
systems face inherent performance limitations when dealing with long-tail
corner cases. To address this problem, we propose that an ideal AD system
should drive like a human, accumulating experience through continuous driving
and using common sense to solve problems. To achieve this goal, we identify
three key abilities necessary for an AD system: reasoning, interpretation, and
memorization. We demonstrate the feasibility of employing an LLM in driving
scenarios by building a closed-loop system to showcase its comprehension and
environment-interaction abilities. Our extensive experiments show that the LLM
exhibits the impressive ability to reason and solve long-tailed cases,
providing valuable insights for the development of human-like autonomous
driving. The related code are available at
https://github.com/PJLab-ADG/DriveLikeAHuman . | cs.RO | Drive Like a Human: Rethinking Autonomous Driving with Large Language Models |
2023-07-14T05:09:04Z | http://arxiv.org/pdf/2307.07160v1 | http://arxiv.org/abs/2307.07160v1 | Shahriar Golchin, Mihai Surdeanu, Nazgol Tavabi, Ata Kiapour | 2023-07-14T05:09:04Z | cs.CL, cs.LG | We propose a novel task-agnostic in-domain pre-training method that sits
between generic pre-training and fine-tuning. Our approach selectively masks
in-domain keywords, i.e., words that provide a compact representation of the
target domain. We identify such keywords using KeyBERT (Grootendorst, 2020). We
evaluate our approach using six different settings: three datasets combined
with two distinct pre-trained language models (PLMs). Our results reveal that
the fine-tuned PLMs adapted using our in-domain pre-training strategy
outperform PLMs that used in-domain pre-training with random masking as well as
those that followed the common pre-train-then-fine-tune paradigm. Further, the
overhead of identifying in-domain keywords is reasonable, e.g., 7-15% of the
pre-training time (for two epochs) for BERT Large (Devlin et al., 2019). | cs.CL | Do not Mask Randomly: Effective Domain-adaptive Pre-training by Masking In-domain Keywords |
2023-07-14T03:58:42Z | http://arxiv.org/pdf/2307.09579v1 | http://arxiv.org/abs/2307.09579v1 | Bocheng Chen, Guangjing Wang, Hanqing Guo, Yuanda Wang, Qiben Yan | 2023-07-14T03:58:42Z | cs.CR, cs.AI, cs.CL | Recent advances in natural language processing and machine learning have led
to the development of chatbot models, such as ChatGPT, that can engage in
conversational dialogue with human users. However, the ability of these models
to generate toxic or harmful responses during a non-toxic multi-turn
conversation remains an open research question. Existing research focuses on
single-turn sentence testing, while we find that 82\% of the individual
non-toxic sentences that elicit toxic behaviors in a conversation are
considered safe by existing tools. In this paper, we design a new attack,
\toxicbot, by fine-tuning a chatbot to engage in conversation with a target
open-domain chatbot. The chatbot is fine-tuned with a collection of crafted
conversation sequences. Particularly, each conversation begins with a sentence
from a crafted prompt sentences dataset. Our extensive evaluation shows that
open-domain chatbot models can be triggered to generate toxic responses in a
multi-turn conversation. In the best scenario, \toxicbot achieves a 67\%
activation rate. The conversation sequences in the fine-tuning stage help
trigger the toxicity in a conversation, which allows the attack to bypass two
defense methods. Our findings suggest that further research is needed to
address chatbot toxicity in a dynamic interactive environment. The proposed
\toxicbot can be used by both industry and researchers to develop methods for
detecting and mitigating toxic responses in conversational dialogue and improve
the robustness of chatbots for end users. | cs.CR | Understanding Multi-Turn Toxic Behaviors in Open-Domain Chatbots |
2023-07-14T03:22:51Z | http://arxiv.org/pdf/2307.07135v1 | http://arxiv.org/abs/2307.07135v1 | Libo Qin, Shijue Huang, Qiguang Chen, Chenran Cai, Yudi Zhang, Bin Liang, Wanxiang Che, Ruifeng Xu | 2023-07-14T03:22:51Z | cs.CL | Multi-modal sarcasm detection has attracted much recent attention.
Nevertheless, the existing benchmark (MMSD) has some shortcomings that hinder
the development of reliable multi-modal sarcasm detection system: (1) There are
some spurious cues in MMSD, leading to the model bias learning; (2) The
negative samples in MMSD are not always reasonable. To solve the aforementioned
issues, we introduce MMSD2.0, a correction dataset that fixes the shortcomings
of MMSD, by removing the spurious cues and re-annotating the unreasonable
samples. Meanwhile, we present a novel framework called multi-view CLIP that is
capable of leveraging multi-grained cues from multiple perspectives (i.e.,
text, image, and text-image interaction view) for multi-modal sarcasm
detection. Extensive experiments show that MMSD2.0 is a valuable benchmark for
building reliable multi-modal sarcasm detection systems and multi-view CLIP can
significantly outperform the previous best baselines. | cs.CL | MMSD2.0: Towards a Reliable Multi-modal Sarcasm Detection System |
2023-07-14T00:57:12Z | http://arxiv.org/pdf/2307.11760v7 | http://arxiv.org/abs/2307.11760v7 | Cheng Li, Jindong Wang, Yixuan Zhang, Kaijie Zhu, Wenxin Hou, Jianxun Lian, Fang Luo, Qiang Yang, Xing Xie | 2023-11-12T12:35:41Z | cs.CL, cs.AI, cs.HC | Emotional intelligence significantly impacts our daily behaviors and
interactions. Although Large Language Models (LLMs) are increasingly viewed as
a stride toward artificial general intelligence, exhibiting impressive
performance in numerous tasks, it is still uncertain if LLMs can genuinely
grasp psychological emotional stimuli. Understanding and responding to
emotional cues gives humans a distinct advantage in problem-solving. In this
paper, we take the first step towards exploring the ability of LLMs to
understand emotional stimuli. To this end, we first conduct automatic
experiments on 45 tasks using various LLMs, including Flan-T5-Large, Vicuna,
Llama 2, BLOOM, ChatGPT, and GPT-4. Our tasks span deterministic and generative
applications that represent comprehensive evaluation scenarios. Our automatic
experiments show that LLMs have a grasp of emotional intelligence, and their
performance can be improved with emotional prompts (which we call
"EmotionPrompt" that combines the original prompt with emotional stimuli),
e.g., 8.00% relative performance improvement in Instruction Induction and 115%
in BIG-Bench. In addition to those deterministic tasks that can be
automatically evaluated using existing metrics, we conducted a human study with
106 participants to assess the quality of generative tasks using both vanilla
and emotional prompts. Our human study results demonstrate that EmotionPrompt
significantly boosts the performance of generative tasks (10.9% average
improvement in terms of performance, truthfulness, and responsibility metrics).
We provide an in-depth discussion regarding why EmotionPrompt works for LLMs
and the factors that may influence its performance. We posit that EmotionPrompt
heralds a novel avenue for exploring interdisciplinary knowledge for human-LLMs
interaction. | cs.CL | Large Language Models Understand and Can be Enhanced by Emotional Stimuli |
2023-07-14T00:10:03Z | http://arxiv.org/pdf/2307.07099v3 | http://arxiv.org/abs/2307.07099v3 | Letian Peng, Yuwei Zhang, Jingbo Shang | 2024-05-22T00:08:47Z | cs.CL | Prompting large language models (LLMs) for data augmentation has recently
become a common practice in few-shot NLP tasks. In this paper, we propose
Chain-of-Thought Attribute Manipulation (CoTAM), a novel approach that
generates new data from existing examples by only tweaking in the
user-provided, task-specific attribute, e.g., sentiment polarity or topic in
movie reviews. Instead of conventional latent representation controlling, we
leverage the chain-of-thought prompting to directly edit the text in three
steps, (1) attribute decomposition, (2) manipulation proposal, and (3) sentence
reconstruction. Extensive results on various tasks, such as text (pair)
classification, aspect-based sentiment analysis, and conditional text
generation, verify the superiority of CoTAM over other LLM-based augmentation
methods with the same number of training examples for both fine-tuning and
in-context learning. Remarkably, the 2D visualization of the augmented dataset
using principal component analysis revealed a human-recognizable decision
boundary that is likely hinted by the attribute manipulation, demonstrating the
potential of our proposed approach. | cs.CL | Controllable Data Augmentation for Few-Shot Text Mining with Chain-of-Thought Attribute Manipulation |
2023-07-13T21:57:28Z | http://arxiv.org/pdf/2307.07076v1 | http://arxiv.org/abs/2307.07076v1 | Matthew Carson Galbraith, Mireia Gómez i Martínez | 2023-07-13T21:57:28Z | cs.HC, cs.CL | Language speakers often use what are known as repair initiators to mend
fundamental disconnects that occur between them during verbal communication.
Previous research in this field has mainly focused on the human-to-human use of
repair initiator. We proposed an examination of dialogue repair structure
wherein the dialogue initiator is human and the party that initiates or
responds to the repair is a virtual assistant. This study examined the use of
repair initiators in both English and Spanish with two popular assistants,
Google Assistant and Apple's Siri. Our aim was to codify the differences, if
any, in responses by voice assistants to dialogues in need of repair as
compared to human-human dialogues also in need of repair. Ultimately the data
demonstrated that not only were there differences between human-assistant and
human-human dialogue repair strategies, but that there were likewise
differences among the assistants and the languages studied. | cs.HC | An Analysis of Dialogue Repair in Virtual Voice Assistants |
2023-07-13T20:50:19Z | http://arxiv.org/pdf/2307.07057v1 | http://arxiv.org/abs/2307.07057v1 | He Huang, Jagadeesh Balam, Boris Ginsburg | 2023-07-13T20:50:19Z | cs.CL, cs.CV, cs.SD, eess.AS | We study speech intent classification and slot filling (SICSF) by proposing
to use an encoder pretrained on speech recognition (ASR) to initialize an
end-to-end (E2E) Conformer-Transformer model, which achieves the new
state-of-the-art results on the SLURP dataset, with 90.14% intent accuracy and
82.27% SLURP-F1. We compare our model with encoders pretrained on
self-supervised learning (SSL), and show that ASR pretraining is much more
effective than SSL for SICSF. To explore parameter efficiency, we freeze the
encoder and add Adapter modules, and show that parameter efficiency is only
achievable with an ASR-pretrained encoder, while the SSL encoder needs full
finetuning to achieve comparable results. In addition, we provide an in-depth
comparison on end-to-end models versus cascading models (ASR+NLU), and show
that E2E models are better than cascaded models unless an oracle ASR model is
provided. Last but not least, our model is the first E2E model that achieves
the same performance as cascading models with oracle ASR. Code, checkpoints and
configs are available. | cs.CL | Leveraging Pretrained ASR Encoders for Effective and Efficient End-to-End Speech Intent Classification and Slot Filling |
2023-07-13T20:04:05Z | http://arxiv.org/pdf/2307.07051v1 | http://arxiv.org/abs/2307.07051v1 | Hongyi Zheng, Yixin Zhu, Lavender Yao Jiang, Kyunghyun Cho, Eric Karl Oermann | 2023-07-13T20:04:05Z | cs.CL, cs.IR, cs.LG | Recent advances in large language models have led to renewed interest in
natural language processing in healthcare using the free text of clinical
notes. One distinguishing characteristic of clinical notes is their long time
span over multiple long documents. The unique structure of clinical notes
creates a new design choice: when the context length for a language model
predictor is limited, which part of clinical notes should we choose as the
input? Existing studies either choose the inputs with domain knowledge or
simply truncate them. We propose a framework to analyze the sections with high
predictive power. Using MIMIC-III, we show that: 1) predictive power
distribution is different between nursing notes and discharge notes and 2)
combining different types of notes could improve performance when the context
length is large. Our findings suggest that a carefully selected sampling
function could enable more efficient information extraction from clinical
notes. | cs.CL | Making the Most Out of the Limited Context Length: Predictive Power Varies with Clinical Note Type and Note Section |
2023-07-13T20:04:02Z | http://arxiv.org/pdf/2307.07049v1 | http://arxiv.org/abs/2307.07049v1 | Samuel Barham, Orion Weller, Michelle Yuan, Kenton Murray, Mahsa Yarmohammadi, Zhengping Jiang, Siddharth Vashishtha, Alexander Martin, Anqi Liu, Aaron Steven White, Jordan Boyd-Graber, Benjamin Van Durme | 2023-07-13T20:04:02Z | cs.CL, I.2.7 | To foster the development of new models for collaborative AI-assisted report
generation, we introduce MegaWika, consisting of 13 million Wikipedia articles
in 50 diverse languages, along with their 71 million referenced source
materials. We process this dataset for a myriad of applications, going beyond
the initial Wikipedia citation extraction and web scraping of content,
including translating non-English articles for cross-lingual applications and
providing FrameNet parses for automated semantic analysis. MegaWika is the
largest resource for sentence-level report generation and the only report
generation dataset that is multilingual. We manually analyze the quality of
this resource through a semantically stratified sample. Finally, we provide
baseline results and trained models for crucial steps in automated report
generation: cross-lingual question answering and citation retrieval. | cs.CL | MegaWika: Millions of reports and their sources across 50 diverse languages |
2023-07-13T20:02:50Z | http://arxiv.org/pdf/2307.07047v2 | http://arxiv.org/abs/2307.07047v2 | Bo-Ru Lu, Nikita Haduong, Chia-Hsuan Lee, Zeqiu Wu, Hao Cheng, Paul Koester, Jean Utke, Tao Yu, Noah A. Smith, Mari Ostendorf | 2024-02-20T06:12:39Z | cs.CL | The capabilities of pretrained language models have opened opportunities to
explore new application areas, but applications involving human-human
interaction are limited by the fact that most data is protected from public
release for privacy reasons. Problem-solving human dialogues in real
applications can be much more complex than existing Wizard-of-Oz collections,
preventing successful domain transfer. To support information extraction (IE)
for a private call center dataset, we introduce a human-in-the-loop dialogue
generation framework capable of synthesizing realistic dialogues. In IE
experiments with auto insurance call center dialogues, we observe 25\% relative
improvement in $F_1$ after augmenting a small set of real human conversations
with synthetic data. We release code and our synthetic dataset to illustrate
the complexity of real-world call center conversations and encourage
development of complex dialogue datasets that are more representative of
natural data. | cs.CL | Does Collaborative Human-LM Dialogue Generation Help Information Extraction from Human Dialogues? |
2023-07-13T19:00:26Z | http://arxiv.org/pdf/2307.07025v1 | http://arxiv.org/abs/2307.07025v1 | Attila Nagy, Dorina Petra Lakatos, Botond Barta, Patrick Nanys, Judit Ács | 2023-07-13T19:00:26Z | cs.CL | We present a generic framework for data augmentation via dependency subtree
swapping that is applicable to machine translation. We extract corresponding
subtrees from the dependency parse trees of the source and target sentences and
swap these across bisentences to create augmented samples. We perform thorough
filtering based on graphbased similarities of the dependency trees and
additional heuristics to ensure that extracted subtrees correspond to the same
meaning. We conduct resource-constrained experiments on 4 language pairs in
both directions using the IWSLT text translation datasets and the Hunglish2
corpus. The results demonstrate consistent improvements in BLEU score over our
baseline models in 3 out of 4 language pairs. Our code is available on GitHub. | cs.CL | Data Augmentation for Machine Translation via Dependency Subtree Swapping |
2023-07-13T18:14:43Z | http://arxiv.org/pdf/2307.07007v1 | http://arxiv.org/abs/2307.07007v1 | Mateusz Baran, Mateusz Wójcik, Piotr Kolebski, Michał Bernaczyk, Krzysztof Rajda, Łukasz Augustyniak, Tomasz Kajdanowicz | 2023-07-13T18:14:43Z | cs.CL | The popularity of social media makes politicians use it for political
advertisement. Therefore, social media is full of electoral agitation
(electioneering), especially during the election campaigns. The election
administration cannot track the spread and quantity of messages that count as
agitation under the election code. It addresses a crucial problem, while also
uncovering a niche that has not been effectively targeted so far. Hence, we
present the first publicly open data set for detecting electoral agitation in
the Polish language. It contains 6,112 human-annotated tweets tagged with four
legally conditioned categories. We achieved a 0.66 inter-annotator agreement
(Cohen's kappa score). An additional annotator resolved the mismatches between
the first two improving the consistency and complexity of the annotation
process. The newly created data set was used to fine-tune a Polish Language
Model called HerBERT (achieving a 68% F1 score). We also present a number of
potential use cases for such data sets and models, enriching the paper with an
analysis of the Polish 2020 Presidential Election on Twitter. | cs.CL | Electoral Agitation Data Set: The Use Case of the Polish Election |
2023-07-13T18:06:12Z | http://arxiv.org/pdf/2307.07002v1 | http://arxiv.org/abs/2307.07002v1 | Mateusz Baran, Joanna Baran, Mateusz Wójcik, Maciej Zięba, Adam Gonczarek | 2023-07-13T18:06:12Z | cs.CL, cs.AI | State-of-the-art models can perform well in controlled environments, but they
often struggle when presented with out-of-distribution (OOD) examples, making
OOD detection a critical component of NLP systems. In this paper, we focus on
highlighting the limitations of existing approaches to OOD detection in NLP.
Specifically, we evaluated eight OOD detection methods that are easily
integrable into existing NLP systems and require no additional OOD data or
model modifications. One of our contributions is providing a well-structured
research environment that allows for full reproducibility of the results.
Additionally, our analysis shows that existing OOD detection methods for NLP
tasks are not yet sufficiently sensitive to capture all samples characterized
by various types of distributional shifts. Particularly challenging testing
scenarios arise in cases of background shift and randomly shuffled word order
within in domain texts. This highlights the need for future work to develop
more effective OOD detection approaches for the NLP problems, and our work
provides a well-defined foundation for further research in this area. | cs.CL | Classical Out-of-Distribution Detection Methods Benchmark in Text Classification Tasks |
2023-07-13T17:59:21Z | http://arxiv.org/pdf/2307.06945v4 | http://arxiv.org/abs/2307.06945v4 | Tao Ge, Jing Hu, Lei Wang, Xun Wang, Si-Qing Chen, Furu Wei | 2024-05-08T18:16:09Z | cs.CL, cs.AI, cs.LG | We propose the In-context Autoencoder (ICAE), leveraging the power of a large
language model (LLM) to compress a long context into short compact memory slots
that can be directly conditioned on by the LLM for various purposes. ICAE is
first pretrained using both autoencoding and language modeling objectives on
massive text data, enabling it to generate memory slots that accurately and
comprehensively represent the original context. Then, it is fine-tuned on
instruction data for producing desirable responses to various prompts.
Experiments demonstrate that our lightweight ICAE, introducing about 1%
additional parameters, effectively achieves $4\times$ context compression based
on Llama, offering advantages in both improved latency and GPU memory cost
during inference, and showing an interesting insight in memorization as well as
potential for scalability. These promising results imply a novel perspective on
the connection between working memory in cognitive science and representation
learning in LLMs, revealing ICAE's significant implications in addressing the
long context problem and suggesting further research in LLM context management.
Our data, code and models are available at https://github.com/getao/icae. | cs.CL | In-context Autoencoder for Context Compression in a Large Language Model |
2023-07-13T17:51:58Z | http://arxiv.org/pdf/2307.06930v3 | http://arxiv.org/abs/2307.06930v3 | Gregor Geigle, Abhay Jain, Radu Timofte, Goran Glavaš | 2024-06-20T06:48:17Z | cs.CV, cs.CL | Modular vision-language models (Vision-LLMs) align pretrained image encoders
with (frozen) large language models (LLMs) and post-hoc condition LLMs to
`understand' the image input. With the abundance of readily available
high-quality English image-text data as well as strong monolingual English
LLMs, the research focus has been on English-only Vision-LLMs. Multilingual
vision-language models are still predominantly obtained via expensive
end-to-end pretraining, resulting in comparatively smaller models, trained on
limited multilingual image data supplemented with text-only multilingual
corpora. We present mBLIP, the first Vision-LLM leveraging multilingual LLMs,
which we obtain in a computationally efficient manner on consumer-level
hardware. To this end, we \textit{re-align} an image encoder previously tuned
to an English LLM to a new, multilingual LLM using only a few million
multilingual training examples derived from a mix of vision-and-language tasks,
which we obtain by machine-translating high-quality English data to 95
languages. On the IGLUE benchmark and XM3600, mBLIP yields results competitive
with state-of-the-art models and it greatly outperforms strong English-only
Vision-LLMs like Llava 1.5. We release our model, code, and train data at
\url{https://github.com/gregor-ge/mBLIP}. | cs.CV | mBLIP: Efficient Bootstrapping of Multilingual Vision-LLMs |
2023-07-13T17:46:15Z | http://arxiv.org/pdf/2307.06924v3 | http://arxiv.org/abs/2307.06924v3 | Shuijing Liu, Aamir Hasan, Kaiwen Hong, Runxuan Wang, Peixin Chang, Zachary Mizrachi, Justin Lin, D. Livingston McPherson, Wendy A. Rogers, Katherine Driggs-Campbell | 2024-03-05T05:02:49Z | cs.RO, cs.AI, cs.CL, cs.HC, cs.LG | Persons with visual impairments (PwVI) have difficulties understanding and
navigating spaces around them. Current wayfinding technologies either focus
solely on navigation or provide limited communication about the environment.
Motivated by recent advances in visual-language grounding and semantic
navigation, we propose DRAGON, a guiding robot powered by a dialogue system and
the ability to associate the environment with natural language. By
understanding the commands from the user, DRAGON is able to guide the user to
the desired landmarks on the map, describe the environment, and answer
questions from visual observations. Through effective utilization of dialogue,
the robot can ground the user's free-form descriptions to landmarks in the
environment, and give the user semantic information through spoken language. We
conduct a user study with blindfolded participants in an everyday indoor
environment. Our results demonstrate that DRAGON is able to communicate with
the user smoothly, provide a good guiding experience, and connect users with
their surrounding environment in an intuitive manner. Videos and code are
available at https://sites.google.com/view/dragon-wayfinding/home. | cs.RO | DRAGON: A Dialogue-Based Robot for Assistive Navigation with Visual Language Grounding |
2023-07-13T17:31:41Z | http://arxiv.org/pdf/2307.06917v1 | http://arxiv.org/abs/2307.06917v1 | Lars-Peter Meyer, Claus Stadler, Johannes Frey, Norman Radtke, Kurt Junghanns, Roy Meissner, Gordian Dziwis, Kirill Bulert, Michael Martin | 2023-07-13T17:31:41Z | cs.AI, cs.CL, cs.DB | Knowledge Graphs (KG) provide us with a structured, flexible, transparent,
cross-system, and collaborative way of organizing our knowledge and data across
various domains in society and industrial as well as scientific disciplines.
KGs surpass any other form of representation in terms of effectiveness.
However, Knowledge Graph Engineering (KGE) requires in-depth experiences of
graph structures, web technologies, existing models and vocabularies, rule
sets, logic, as well as best practices. It also demands a significant amount of
work. Considering the advancements in large language models (LLMs) and their
interfaces and applications in recent years, we have conducted comprehensive
experiments with ChatGPT to explore its potential in supporting KGE. In this
paper, we present a selection of these experiments and their results to
demonstrate how ChatGPT can assist us in the development and management of KGs. | cs.AI | LLM-assisted Knowledge Graph Engineering: Experiments with ChatGPT |
2023-07-13T17:25:28Z | http://arxiv.org/pdf/2307.06985v9 | http://arxiv.org/abs/2307.06985v9 | L. Siddharth, Jianxi Luo | 2024-06-19T23:39:46Z | cs.CL, cs.DB, cs.IR | Aiming to support Retrieval Augmented Generation (RAG) in the design process,
we present a method to identify explicit, engineering design facts - {head
entity :: relationship :: tail entity} from patented artefact descriptions.
Given a sentence with a pair of entities (based on noun phrases) marked in a
unique manner, our method extracts the relationship that is explicitly
communicated in the sentence. For this task, we create a dataset of 375,084
examples and fine-tune language models for relation identification (token
classification) and elicitation (sequence-to-sequence). The token
classification approach achieves up to 99.7% accuracy. Upon applying the method
to a domain of 4,870 fan system patents, we populate a knowledge base of over
2.93 million facts. Using this knowledge base, we demonstrate how Large
Language Models (LLMs) are guided by explicit facts to synthesise knowledge and
generate technical and cohesive responses when sought out for knowledge
retrieval tasks in the design process. | cs.CL | Retrieval Augmented Generation using Engineering Design Knowledge |
2023-07-13T17:14:38Z | http://arxiv.org/pdf/2307.06908v2 | http://arxiv.org/abs/2307.06908v2 | Dor Muhlgay, Ori Ram, Inbal Magar, Yoav Levine, Nir Ratner, Yonatan Belinkov, Omri Abend, Kevin Leyton-Brown, Amnon Shashua, Yoav Shoham | 2024-02-04T09:07:54Z | cs.CL, cs.AI | Before deploying a language model (LM) within a given domain, it is important
to measure its tendency to generate factually incorrect information in that
domain. Existing methods for factuality evaluation of LLM generation focus on
facts sampled from the LM itself, and thus do not control the set of evaluated
facts and might under-represent domain specific or rare facts. We propose
FACTOR: Factual Assessment via Corpus TransfORmation, a scalable approach for
evaluating LM factuality. FACTOR automatically transforms a factual corpus of
interest into a benchmark evaluating an LM's propensity to generate true facts
from the corpus vs. similar but incorrect statements. We use our framework to
create three benchmarks: Wiki-FACTOR, News-FACTOR and Expert-FACTOR. We show
that: (i) our benchmark scores increase with model size and improve when the LM
is augmented with retrieval; (ii) benchmark score and perplexity do not always
agree on model ranking; (iii) when perplexity and benchmark score disagree, the
latter better reflects factuality in open-ended generation, as measured by
human annotators. We make our data and code publicly available in
https://github.com/AI21Labs/factor. | cs.CL | Generating Benchmarks for Factuality Evaluation of Language Models |
2023-07-13T16:16:51Z | http://arxiv.org/pdf/2307.06869v1 | http://arxiv.org/abs/2307.06869v1 | Pei Ke, Fei Huang, Fei Mi, Yasheng Wang, Qun Liu, Xiaoyan Zhu, Minlie Huang | 2023-07-13T16:16:51Z | cs.CL, cs.AI | Existing evaluation metrics for natural language generation (NLG) tasks face
the challenges on generalization ability and interpretability. Specifically,
most of the well-performed metrics are required to train on evaluation datasets
of specific NLG tasks and evaluation dimensions, which may cause over-fitting
to task-specific datasets. Furthermore, existing metrics only provide an
evaluation score for each dimension without revealing the evidence to interpret
how this score is obtained. To deal with these challenges, we propose a simple
yet effective metric called DecompEval. This metric formulates NLG evaluation
as an instruction-style question answering task and utilizes instruction-tuned
pre-trained language models (PLMs) without training on evaluation datasets,
aiming to enhance the generalization ability. To make the evaluation process
more interpretable, we decompose our devised instruction-style question about
the quality of generated texts into the subquestions that measure the quality
of each sentence. The subquestions with their answers generated by PLMs are
then recomposed as evidence to obtain the evaluation result. Experimental
results show that DecompEval achieves state-of-the-art performance in untrained
metrics for evaluating text summarization and dialogue generation, which also
exhibits strong dimension-level / task-level generalization ability and
interpretability. | cs.CL | DecompEval: Evaluating Generated Texts as Unsupervised Decomposed Question Answering |
2023-07-13T16:15:08Z | http://arxiv.org/pdf/2307.06865v2 | http://arxiv.org/abs/2307.06865v2 | Yiming Zhang, Nicholas Carlini, Daphne Ippolito | 2024-02-17T23:44:05Z | cs.CL, cs.AI | The text generated by large language models is commonly controlled by
prompting, where a prompt prepended to a user's query guides the model's
output. The prompts used by companies to guide their models are often treated
as secrets, to be hidden from the user making the query. They have even been
treated as commodities to be bought and sold. However, anecdotal reports have
shown adversarial users employing prompt extraction attacks to recover these
prompts. In this paper, we present a framework for systematically measuring the
effectiveness of these attacks. In experiments with 3 different sources of
prompts and 11 underlying large language models, we find that simple text-based
attacks can in fact reveal prompts with high probability. Our framework
determines with high precision whether an extracted prompt is the actual secret
prompt, rather than a model hallucination. Prompt extraction experiments on
real systems such as Bing Chat and ChatGPT suggest that system prompts can be
revealed by an adversary despite existing defenses in place. | cs.CL | Effective Prompt Extraction from Language Models |
2023-07-13T16:01:58Z | http://arxiv.org/pdf/2307.09378v2 | http://arxiv.org/abs/2307.09378v2 | Rao Ma, Mengjie Qian, Mark J. F. Gales, Kate M. Knill | 2023-10-10T09:50:48Z | cs.CL, cs.SD, eess.AS | A crucial part of an accurate and reliable spoken language assessment system
is the underlying ASR model. Recently, large-scale pre-trained ASR foundation
models such as Whisper have been made available. As the output of these models
is designed to be human readable, punctuation is added, numbers are presented
in Arabic numeric form and abbreviations are included. Additionally, these
models have a tendency to skip disfluencies and hesitations in the output.
Though useful for readability, these attributes are not helpful for assessing
the ability of a candidate and providing feedback. Here a precise transcription
of what a candidate said is needed. In this paper, we give a detailed analysis
of Whisper outputs and propose two solutions: fine-tuning and soft prompt
tuning. Experiments are conducted on both public speech corpora and an English
learner dataset. Results show that we can effectively alter the decoding
behaviour of Whisper to generate the exact words spoken in the response. | cs.CL | Adapting an ASR Foundation Model for Spoken Language Assessment |
2023-07-13T15:54:32Z | http://arxiv.org/pdf/2307.06832v1 | http://arxiv.org/abs/2307.06832v1 | Jari Kolehmainen, Yile Gu, Aditya Gourav, Prashanth Gurunath Shivakumar, Ankur Gandhe, Ariya Rastrow, Ivan Bulyko | 2023-07-13T15:54:32Z | eess.AS, cs.CL | Recognition of personalized content remains a challenge in end-to-end speech
recognition. We explore three novel approaches that use personalized content in
a neural rescoring step to improve recognition: gazetteers, prompting, and a
cross-attention based encoder-decoder model. We use internal de-identified
en-US data from interactions with a virtual voice assistant supplemented with
personalized named entities to compare these approaches. On a test set with
personalized named entities, we show that each of these approaches improves
word error rate by over 10%, against a neural rescoring baseline. We also show
that on this test set, natural language prompts can improve word error rate by
7% without any training and with a marginal loss in generalization. Overall,
gazetteers were found to perform the best with a 10% improvement in word error
rate (WER), while also improving WER on a general test set by 1%. | eess.AS | Personalization for BERT-based Discriminative Speech Recognition Rescoring |
2023-07-13T15:33:01Z | http://arxiv.org/pdf/2307.06982v1 | http://arxiv.org/abs/2307.06982v1 | Peter Wallis | 2023-07-13T15:33:01Z | cs.CL, I.2.7 | The state of the art in human computer conversation leaves something to be
desired and, indeed, talking to a computer can be down-right annoying. This
paper describes an approach to identifying ``opportunities for improvement'' in
these systems by looking for abuse in the form of swear words. The premise is
that humans swear at computers as a sanction and, as such, swear words
represent a point of failure where the system did not behave as it should.
Having identified where things went wrong, we can work backward through the
transcripts and, using conversation analysis (CA) work out how things went
wrong. Conversation analysis is a qualitative methodology and can appear quite
alien - indeed unscientific - to those of us from a quantitative background.
The paper starts with a description of Conversation analysis in its modern
form, and then goes on to apply the methodology to transcripts of frustrated
and annoyed users in the DARPA Communicator project. The conclusion is that
there is at least one species of failure caused by the inability of the
Communicator systems to handle mixed initiative at the discourse structure
level. Along the way, I hope to demonstrate that there is an alternative future
for computational linguistics that does not rely on larger and larger text
corpora. | cs.CL | Revisiting the DARPA Communicator Data using Conversation Analysis |
2023-07-13T15:03:48Z | http://arxiv.org/pdf/2307.06794v1 | http://arxiv.org/abs/2307.06794v1 | Navid Rezaei, Marek Z. Reformat | 2023-07-13T15:03:48Z | cs.CL, cs.AI | Larger language models, such as GPT-3, have shown to be excellent in many
tasks. However, we demonstrate that out-of-ordinary questions can throw the
model off guard. This work focuses on finding answers to negated complementary
questions in commonsense scenarios. We illustrate how such questions adversely
affect the model responses. We propose a model-agnostic methodology to improve
the performance in negated complementary scenarios. Our method outperforms
few-shot generation from GPT-3 (by more than 11 points) and, more importantly,
highlights the significance of studying the response of large language models
in negated complementary questions. The code, data, and experiments are
available under: https://github.com/navidre/negated_complementary_commonsense. | cs.CL | Negated Complementary Commonsense using Large Language Models |
2023-07-13T14:50:55Z | http://arxiv.org/pdf/2307.06979v2 | http://arxiv.org/abs/2307.06979v2 | Arman Sakif Chowdhury, G. M. Shahariar, Ahammed Tarik Aziz, Syed Mohibul Alam, Md. Azad Sheikh, Tanveer Ahmed Belal | 2024-05-14T18:48:10Z | cs.CL | With the rise of social media and online news sources, fake news has become a
significant issue globally. However, the detection of fake news in low resource
languages like Bengali has received limited attention in research. In this
paper, we propose a methodology consisting of four distinct approaches to
classify fake news articles in Bengali using summarization and augmentation
techniques with five pre-trained language models. Our approach includes
translating English news articles and using augmentation techniques to curb the
deficit of fake news articles. Our research also focused on summarizing the
news to tackle the token length limitation of BERT based models. Through
extensive experimentation and rigorous evaluation, we show the effectiveness of
summarization and augmentation in the case of Bengali fake news detection. We
evaluated our models using three separate test datasets. The BanglaBERT Base
model, when combined with augmentation techniques, achieved an impressive
accuracy of 96% on the first test dataset. On the second test dataset, the
BanglaBERT model, trained with summarized augmented news articles achieved 97%
accuracy. Lastly, the mBERT Base model achieved an accuracy of 86% on the third
test dataset which was reserved for generalization performance evaluation. The
datasets and implementations are available at
https://github.com/arman-sakif/Bengali-Fake-News-Detection | cs.CL | Tackling Fake News in Bengali: Unraveling the Impact of Summarization vs. Augmentation on Pre-trained Language Models |
2023-07-13T14:45:47Z | http://arxiv.org/pdf/2307.12402v1 | http://arxiv.org/abs/2307.12402v1 | Abhay Goyal, Muhammad Siddique, Nimay Parekh, Zach Schwitzky, Clara Broekaert, Connor Michelotti, Allie Wong, Lam Yin Cheung, Robin O Hanlon, Lam Yin Cheung, Munmun De Choudhury, Roy Ka-Wei Lee, Navin Kumar | 2023-07-13T14:45:47Z | cs.CL | Recent developments in natural language processing have demonstrated the
potential of large language models (LLMs) to improve a range of educational and
learning outcomes. Of recent chatbots based on LLMs, ChatGPT and Bard have made
it clear that artificial intelligence (AI) technology will have significant
implications on the way we obtain and search for information. However, these
tools sometimes produce text that is convincing, but often incorrect, known as
hallucinations. As such, their use can distort scientific facts and spread
misinformation. To counter polarizing responses on these tools, it is critical
to provide an overview of such responses so stakeholders can determine which
topics tend to produce more contentious responses -- key to developing targeted
regulatory policy and interventions. In addition, there currently exists no
annotated dataset of ChatGPT and Bard responses around possibly polarizing
topics, central to the above aims. We address the indicated issues through the
following contribution: Focusing on highly polarizing topics in the US, we
created and described a dataset of ChatGPT and Bard responses. Broadly, our
results indicated a left-leaning bias for both ChatGPT and Bard, with Bard more
likely to provide responses around polarizing topics. Bard seemed to have fewer
guardrails around controversial topics, and appeared more willing to provide
comprehensive, and somewhat human-like responses. Bard may thus be more likely
abused by malicious actors. Stakeholders may utilize our findings to mitigate
misinformative and/or polarizing responses from LLMs | cs.CL | ChatGPT and Bard Responses to Polarizing Questions |
2023-07-13T12:29:29Z | http://arxiv.org/pdf/2307.06721v1 | http://arxiv.org/abs/2307.06721v1 | Sho Shimoyama, Tetsuro Morimura, Kenshi Abe, Toda Takamichi, Yuta Tomomatsu, Masakazu Sugiyama, Asahi Hentona, Yuuki Azuma, Hirotaka Ninomiya | 2023-07-13T12:29:29Z | cs.CL, cs.LG | Dialog policies, which determine a system's action based on the current state
at each dialog turn, are crucial to the success of the dialog. In recent years,
reinforcement learning (RL) has emerged as a promising option for dialog policy
learning (DPL). In RL-based DPL, dialog policies are updated according to
rewards. The manual construction of fine-grained rewards, such as
state-action-based ones, to effectively guide the dialog policy is challenging
in multi-domain task-oriented dialog scenarios with numerous state-action pair
combinations. One way to estimate rewards from collected data is to train the
reward estimator and dialog policy simultaneously using adversarial learning
(AL). Although this method has demonstrated superior performance
experimentally, it is fraught with the inherent problems of AL, such as mode
collapse. This paper first identifies the role of AL in DPL through detailed
analyses of the objective functions of dialog policy and reward estimator.
Next, based on these analyses, we propose a method that eliminates AL from
reward estimation and DPL while retaining its advantages. We evaluate our
method using MultiWOZ, a multi-domain task-oriented dialog corpus. | cs.CL | Why Guided Dialog Policy Learning performs well? Understanding the role of adversarial learning and its alternative |
2023-07-13T12:11:36Z | http://arxiv.org/pdf/2307.06713v3 | http://arxiv.org/abs/2307.06713v3 | Lautaro Estienne, Luciana Ferrer, Matías Vera, Pablo Piantanida | 2023-08-09T07:40:43Z | cs.CL, cs.LG | A wide variety of natural language tasks are currently being addressed with
large-scale language models (LLMs). These models are usually trained with a
very large amount of unsupervised text data and adapted to perform a downstream
natural language task using methods like fine-tuning, calibration or in-context
learning. In this work, we propose an approach to adapt the prior class
distribution to perform text classification tasks without the need for labelled
samples and only few in-domain sample queries. The proposed approach treats the
LLM as a black box, adding a stage where the model posteriors are calibrated to
the task. Results show that these methods outperform the un-adapted model for
different number of training shots in the prompt and a previous approach were
calibration is performed without using any adaptation data. | cs.CL | Unsupervised Calibration through Prior Adaptation for Text Classification using Large Language Models |
2023-07-13T12:06:48Z | http://arxiv.org/pdf/2307.06708v2 | http://arxiv.org/abs/2307.06708v2 | Christopher Weiss, Frauke Kreuter, Ivan Habernal | 2024-03-25T08:44:53Z | cs.CL, cs.CR | Although the NLP community has adopted central differential privacy as a
go-to framework for privacy-preserving model training or data sharing, the
choice and interpretation of the key parameter, privacy budget $\varepsilon$
that governs the strength of privacy protection, remains largely arbitrary. We
argue that determining the $\varepsilon$ value should not be solely in the
hands of researchers or system developers, but must also take into account the
actual people who share their potentially sensitive data. In other words: Would
you share your instant messages for $\varepsilon$ of 10? We address this
research gap by designing, implementing, and conducting a behavioral experiment
(311 lay participants) to study the behavior of people in uncertain
decision-making situations with respect to privacy-threatening situations.
Framing the risk perception in terms of two realistic NLP scenarios and using a
vignette behavioral study help us determine what $\varepsilon$ thresholds would
lead lay people to be willing to share sensitive textual data - to our
knowledge, the first study of its kind. | cs.CL | To share or not to share: What risks would laypeople accept to give sensitive data to differentially-private NLP systems? |
2023-07-13T12:02:51Z | http://arxiv.org/pdf/2307.06703v1 | http://arxiv.org/abs/2307.06703v1 | Wentao Deng, Jiahuan Pei, Zhaochun Ren, Zhumin Chen, Pengjie Ren | 2023-07-13T12:02:51Z | cs.CL | Answer selection in open-domain dialogues aims to select an accurate answer
from candidates. Recent success of answer selection models hinges on training
with large amounts of labeled data. However, collecting large-scale labeled
data is labor-intensive and time-consuming. In this paper, we introduce the
predicted intent labels to calibrate answer labels in a self-training paradigm.
Specifically, we propose the intent-calibrated self-training (ICAST) to improve
the quality of pseudo answer labels through the intent-calibrated answer
selection paradigm, in which we employ pseudo intent labels to help improve
pseudo answer labels. We carry out extensive experiments on two benchmark
datasets with open-domain dialogues. The experimental results show that ICAST
outperforms baselines consistently with 1%, 5% and 10% labeled data.
Specifically, it improves 2.06% and 1.00% of F1 score on the two datasets,
compared with the strongest baseline with only 5% labeled data. | cs.CL | Intent-calibrated Self-training for Answer Selection in Open-domain Dialogues |
2023-07-13T11:55:03Z | http://arxiv.org/pdf/2307.06699v2 | http://arxiv.org/abs/2307.06699v2 | Jacob Collard, Valeria de Paiva, Eswaran Subrahmanian | 2023-07-17T12:21:55Z | cs.CL, cs.IR, math.CT | Mathematics is a highly specialized domain with its own unique set of
challenges that has seen limited study in natural language processing. However,
mathematics is used in a wide variety of fields and multidisciplinary research
in many different domains often relies on an understanding of mathematical
concepts. To aid researchers coming from other fields, we develop a prototype
system for searching for and defining mathematical concepts in context,
focusing on the field of category theory. This system, Parmesan, depends on
natural language processing components including concept extraction, relation
extraction, definition extraction, and entity linking. In developing this
system, we show that existing techniques cannot be applied directly to the
category theory domain, and suggest hybrid techniques that do perform well,
though we expect the system to evolve over time. We also provide two cleaned
mathematical corpora that power the prototype system, which are based on
journal articles and wiki pages, respectively. The corpora have been annotated
with dependency trees, lemmas, and part-of-speech tags. | cs.CL | Parmesan: mathematical concept extraction for education |
2023-07-13T07:38:11Z | http://arxiv.org/pdf/2307.13699v1 | http://arxiv.org/abs/2307.13699v1 | David James Woo, Hengky Susanto, Kai Guo | 2023-07-13T07:38:11Z | cs.HC, cs.AI, cs.CL | This study applies Activity Theory and investigates the attitudes and
contradictions of 67 English as a foreign language (EFL) students from four
Hong Kong secondary schools towards machine-in-the-loop writing, where
artificial intelligence (AI) suggests ideas during composition. Students
answered an open-ended question about their feelings on writing with AI.
Results revealed mostly positive attitudes, with some negative or mixed
feelings. From a thematic analysis, contradictions or points of tension between
students and AI stemmed from AI inadequacies, students' balancing enthusiasm
with preference, and their striving for language autonomy. The research
highlights the benefits and challenges of implementing machine-in-the-loop
writing in EFL classrooms, suggesting educators align activity goals with
students' values, language abilities, and AI capabilities to enhance students'
activity systems. | cs.HC | EFL Students' Attitudes and Contradictions in a Machine-in-the-loop Activity System |
2023-07-13T06:25:22Z | http://arxiv.org/pdf/2307.06576v5 | http://arxiv.org/abs/2307.06576v5 | Boming Yang, Dairui Liu, Toyotaro Suzumura, Ruihai Dong, Irene Li | 2023-09-26T10:48:56Z | cs.IR, cs.CL | Precisely recommending candidate news articles to users has always been a
core challenge for personalized news recommendation systems. Most recent works
primarily focus on using advanced natural language processing techniques to
extract semantic information from rich textual data, employing content-based
methods derived from local historical news. However, this approach lacks a
global perspective, failing to account for users' hidden motivations and
behaviors beyond semantic information. To address this challenge, we propose a
novel model called GLORY (Global-LOcal news Recommendation sYstem), which
combines global representations learned from other users with local
representations to enhance personalized recommendation systems. We accomplish
this by constructing a Global-aware Historical News Encoder, which includes a
global news graph and employs gated graph neural networks to enrich news
representations, thereby fusing historical news representations by a historical
news aggregator. Similarly, we extend this approach to a Global Candidate News
Encoder, utilizing a global entity graph and a candidate news aggregator to
enhance candidate news representation. Evaluation results on two public news
datasets demonstrate that our method outperforms existing approaches.
Furthermore, our model offers more diverse recommendations. | cs.IR | Going Beyond Local: Global Graph-Enhanced Personalized News Recommendations |
2023-07-13T05:03:26Z | http://arxiv.org/pdf/2307.06962v1 | http://arxiv.org/abs/2307.06962v1 | Tian Lan, Deng Cai, Yan Wang, Heyan Huang, Xian-Ling Mao | 2023-07-13T05:03:26Z | cs.CL, cs.AI | The dominant text generation models compose the output by sequentially
selecting words from a fixed vocabulary. In this paper, we formulate text
generation as progressively copying text segments (e.g., words or phrases) from
an existing text collection. We compute the contextualized representations of
meaningful text segments and index them using efficient vector search toolkits.
The task of text generation is then decomposed into a series of copy-and-paste
operations: at each time step, we seek suitable text spans from the text
collection rather than selecting from a standalone vocabulary. Experiments on
the standard language modeling benchmark (WikiText-103) show that our approach
achieves better generation quality according to both automatic and human
evaluations. Besides, its inference efficiency is comparable to token-level
autoregressive models thanks to the reduction of decoding steps. We also show
that our approach allows for effective domain adaptation by simply switching to
domain-specific text collection without extra training. Finally, we observe
that our approach attains additional performance gains by simply scaling up to
larger text collections, again without further training.\footnote{Our source
codes are publicly available at
\url{https://github.com/gmftbyGMFTBY/Copyisallyouneed}.} | cs.CL | Copy Is All You Need |
2023-07-13T03:02:56Z | http://arxiv.org/pdf/2307.06540v1 | http://arxiv.org/abs/2307.06540v1 | Yufei Xie, Rodolfo C. Raga Jr | 2023-07-13T03:02:56Z | cs.CL, cs.LG, I.2.7 | This study addressed the complex task of sentiment analysis on a dataset of
119,988 original tweets from Weibo using a Convolutional Neural Network (CNN),
offering a new approach to Natural Language Processing (NLP). The data, sourced
from Baidu's PaddlePaddle AI platform, were meticulously preprocessed,
tokenized, and categorized based on sentiment labels. A CNN-based model was
utilized, leveraging word embeddings for feature extraction, and trained to
perform sentiment classification. The model achieved a macro-average F1-score
of approximately 0.73 on the test set, showing balanced performance across
positive, neutral, and negative sentiments. The findings underscore the
effectiveness of CNNs for sentiment analysis tasks, with implications for
practical applications in social media analysis, market research, and policy
studies. The complete experimental content and code have been made publicly
available on the Kaggle data platform for further research and development.
Future work may involve exploring different architectures, such as Recurrent
Neural Networks (RNN) or transformers, or using more complex pre-trained models
like BERT, to further improve the model's ability to understand linguistic
nuances and context. | cs.CL | Convolutional Neural Networks for Sentiment Analysis on Weibo Data: A Natural Language Processing Approach |
2023-07-13T02:31:55Z | http://arxiv.org/pdf/2307.06530v1 | http://arxiv.org/abs/2307.06530v1 | Zeping Min, Jinbo Wang | 2023-07-13T02:31:55Z | cs.CL, cs.SD, eess.AS | This paper explores the integration of Large Language Models (LLMs) into
Automatic Speech Recognition (ASR) systems to improve transcription accuracy.
The increasing sophistication of LLMs, with their in-context learning
capabilities and instruction-following behavior, has drawn significant
attention in the field of Natural Language Processing (NLP). Our primary focus
is to investigate the potential of using an LLM's in-context learning
capabilities to enhance the performance of ASR systems, which currently face
challenges such as ambient noise, speaker accents, and complex linguistic
contexts. We designed a study using the Aishell-1 and LibriSpeech datasets,
with ChatGPT and GPT-4 serving as benchmarks for LLM capabilities.
Unfortunately, our initial experiments did not yield promising results,
indicating the complexity of leveraging LLM's in-context learning for ASR
applications. Despite further exploration with varied settings and models, the
corrected sentences from the LLMs frequently resulted in higher Word Error
Rates (WER), demonstrating the limitations of LLMs in speech applications. This
paper provides a detailed overview of these experiments, their results, and
implications, establishing that using LLMs' in-context learning capabilities to
correct potential errors in speech recognition transcriptions is still a
challenging task at the current stage. | cs.CL | Exploring the Integration of Large Language Models into Automatic Speech Recognition Systems: An Empirical Study |
2023-07-13T02:00:27Z | http://arxiv.org/pdf/2307.06524v1 | http://arxiv.org/abs/2307.06524v1 | Amogh Mannekote, Bonnie J. Dorr, Kristy Elizabeth Boyer | 2023-07-13T02:00:27Z | cs.CL | Automated negotiation support systems aim to help human negotiators reach
more favorable outcomes in multi-issue negotiations (e.g., an employer and a
candidate negotiating over issues such as salary, hours, and promotions before
a job offer). To be successful, these systems must accurately track agreements
reached by participants in real-time. Existing approaches either focus on
task-oriented dialogues or produce unstructured outputs, rendering them
unsuitable for this objective. Our work introduces the novel task of agreement
tracking for two-party multi-issue negotiations, which requires continuous
monitoring of agreements within a structured state space. To address the
scarcity of annotated corpora with realistic multi-issue negotiation dialogues,
we use GPT-3 to build GPT-Negochat, a synthesized dataset that we make publicly
available. We present a strong initial baseline for our task by
transfer-learning a T5 model trained on the MultiWOZ 2.4 corpus. Pre-training
T5-small and T5-base on MultiWOZ 2.4's DST task enhances results by 21% and 9%
respectively over training solely on GPT-Negochat. We validate our method's
sample-efficiency via smaller training subset experiments. By releasing
GPT-Negochat and our baseline models, we aim to encourage further research in
multi-issue negotiation dialogue agreement tracking. | cs.CL | Agreement Tracking for Multi-Issue Negotiation Dialogues |
2023-07-13T01:35:29Z | http://arxiv.org/pdf/2307.08624v1 | http://arxiv.org/abs/2307.08624v1 | Sihang Li, Kuangzheng Li, Haibing Lu | 2023-07-13T01:35:29Z | cs.CL | Many companies and organizations have started to use some form of AIenabled
auto mated tools to assist in their hiring process, e.g. screening resumes,
interviewing candi dates, performance evaluation. While those AI tools have
greatly improved human re source operations efficiency and provided
conveniences to job seekers as well, there are increasing concerns on unfair
treatment to candidates, caused by underlying bias in AI systems. Laws around
equal opportunity and fairness, like GDPR, CCPA, are introduced or under
development, in attempt to regulate AI. However, it is difficult to implement
AI regulations in practice, as technologies are constantly advancing and the
risk perti nent to their applications can fail to be recognized. This study
examined deep learning methods, a recent technology breakthrough, with focus on
their application to automated resume screening. One impressive performance of
deep learning methods is the represen tation of individual words as
lowdimensional numerical vectors, called word embedding, which are learned from
aggregated global wordword cooccurrence statistics from a cor pus, like
Wikipedia or Google news. The resulting word representations possess interest
ing linear substructures of the word vector space and have been widely used in
down stream tasks, like resume screening. However, word embedding inherits and
reinforces the stereotyping from the training corpus, as deep learning models
essentially learn a probability distribution of words and their relations from
history data. Our study finds out that if we rely on such deeplearningpowered
automated resume screening tools, it may lead to decisions favoring or
disfavoring certain demographic groups and raise eth ical, even legal,
concerns. To address the issue, we developed bias mitigation method. Extensive
experiments on real candidate resumes are conducted to validate our study | cs.CL | National Origin Discrimination in Deep-learning-powered Automated Resume Screening |
2023-07-13T00:49:27Z | http://arxiv.org/pdf/2307.07415v2 | http://arxiv.org/abs/2307.07415v2 | Hong Sun, Xue Li, Yinchuan Xu, Youkow Homma, Qi Cao, Min Wu, Jian Jiao, Denis Charles | 2023-08-08T21:26:53Z | cs.CL, cs.AI | This paper presents AutoHint, a novel framework for automatic prompt
engineering and optimization for Large Language Models (LLM). While LLMs have
demonstrated remarkable ability in achieving high-quality annotation in various
tasks, the key to applying this ability to specific tasks lies in developing
high-quality prompts. Thus we propose a framework to inherit the merits of both
in-context learning and zero-shot learning by incorporating enriched
instructions derived from input-output demonstrations to optimize original
prompt. We refer to the enrichment as the hint and propose a framework to
automatically generate the hint from labeled data. More concretely, starting
from an initial prompt, our method first instructs a LLM to deduce new hints
for selected samples from incorrect predictions, and then summarizes from
per-sample hints and adds the results back to the initial prompt to form a new,
enriched instruction. The proposed method is evaluated on the BIG-Bench
Instruction Induction dataset for both zero-shot and few-short prompts, where
experiments demonstrate our method is able to significantly boost accuracy for
multiple tasks. | cs.CL | AutoHint: Automatic Prompt Optimization with Hint Generation |
2023-07-12T23:03:55Z | http://arxiv.org/pdf/2307.06483v2 | http://arxiv.org/abs/2307.06483v2 | Nathan TeBlunthuis, Valerie Hase, Chung-Hong Chan | 2023-12-10T21:21:21Z | cs.LG, cs.AI, cs.CL, cs.CY, G.3; K.4.0; I.2.6 | Automated classifiers (ACs), often built via supervised machine learning
(SML), can categorize large, statistically powerful samples of data ranging
from text to images and video, and have become widely popular measurement
devices in communication science and related fields. Despite this popularity,
even highly accurate classifiers make errors that cause misclassification bias
and misleading results in downstream analyses-unless such analyses account for
these errors. As we show in a systematic literature review of SML applications,
communication scholars largely ignore misclassification bias. In principle,
existing statistical methods can use "gold standard" validation data, such as
that created by human annotators, to correct misclassification bias and produce
consistent estimates. We introduce and test such methods, including a new
method we design and implement in the R package misclassificationmodels, via
Monte Carlo simulations designed to reveal each method's limitations, which we
also release. Based on our results, we recommend our new error correction
method as it is versatile and efficient. In sum, automated classifiers, even
those below common accuracy standards or making systematic misclassifications,
can be useful for measurement with careful study design and appropriate error
correction methods. | cs.LG | Misclassification in Automated Content Analysis Causes Bias in Regression. Can We Fix It? Yes We Can! |
2023-07-12T21:39:42Z | http://arxiv.org/pdf/2307.06464v1 | http://arxiv.org/abs/2307.06464v1 | Eugene Syriani, Istvan David, Gauransh Kumar | 2023-07-12T21:39:42Z | cs.SE, cs.CL, cs.IR | By organizing knowledge within a research field, Systematic Reviews (SR)
provide valuable leads to steer research. Evidence suggests that SRs have
become first-class artifacts in software engineering. However, the tedious
manual effort associated with the screening phase of SRs renders these studies
a costly and error-prone endeavor. While screening has traditionally been
considered not amenable to automation, the advent of generative AI-driven
chatbots, backed with large language models is set to disrupt the field. In
this report, we propose an approach to leverage these novel technological
developments for automating the screening of SRs. We assess the consistency,
classification performance, and generalizability of ChatGPT in screening
articles for SRs and compare these figures with those of traditional
classifiers used in SR automation. Our results indicate that ChatGPT is a
viable option to automate the SR processes, but requires careful considerations
from developers when integrating ChatGPT into their SR tools. | cs.SE | Assessing the Ability of ChatGPT to Screen Articles for Systematic Reviews |
2023-07-12T20:33:30Z | http://arxiv.org/pdf/2307.06954v3 | http://arxiv.org/abs/2307.06954v3 | Giuseppe Russo, Niklas Stoehr, Manoel Horta Ribeiro | 2023-09-02T07:12:42Z | cs.CL, cs.AI | Conspiracy Theory Identication task is a new shared task proposed for the
first time at the Evalita 2023. The ACTI challenge, based exclusively on
comments published on conspiratorial channels of telegram, is divided into two
subtasks: (i) Conspiratorial Content Classification: identifying conspiratorial
content and (ii) Conspiratorial Category Classification about specific
conspiracy theory classification. A total of fifteen teams participated in the
task for a total of 81 submissions. We illustrate the best performing
approaches were based on the utilization of large language models. We finally
draw conclusions about the utilization of these models for counteracting the
spreading of misinformation in online platforms. | cs.CL | ACTI at EVALITA 2023: Overview of the Conspiracy Theory Identification Task |
2023-07-12T20:10:14Z | http://arxiv.org/pdf/2307.06440v4 | http://arxiv.org/abs/2307.06440v4 | Jean Kaddour, Oscar Key, Piotr Nawrot, Pasquale Minervini, Matt J. Kusner | 2023-11-14T13:01:48Z | cs.LG, cs.AI, cs.CL, cs.NE, cs.PF | The computation necessary for training Transformer-based language models has
skyrocketed in recent years. This trend has motivated research on efficient
training algorithms designed to improve training, validation, and downstream
performance faster than standard training. In this work, we revisit three
categories of such algorithms: dynamic architectures (layer stacking, layer
dropping), batch selection (selective backprop, RHO loss), and efficient
optimizers (Lion, Sophia). When pre-training BERT and T5 with a fixed
computation budget using such methods, we find that their training, validation,
and downstream gains vanish compared to a baseline with a fully-decayed
learning rate. We define an evaluation protocol that enables computation to be
done on arbitrary machines by mapping all computation time to a reference
machine which we call reference system time. We discuss the limitations of our
proposed protocol and release our code to encourage rigorous research in
efficient training procedures: https://github.com/JeanKaddour/NoTrainNoGain. | cs.LG | No Train No Gain: Revisiting Efficient Training Algorithms For Transformer-based Language Models |
2023-07-12T20:08:48Z | http://arxiv.org/pdf/2307.06439v1 | http://arxiv.org/abs/2307.06439v1 | Yu Gu, Sheng Zhang, Naoto Usuyama, Yonas Woldesenbet, Cliff Wong, Praneeth Sanapathi, Mu Wei, Naveen Valluri, Erika Strandberg, Tristan Naumann, Hoifung Poon | 2023-07-12T20:08:48Z | cs.CL, cs.AI | Large language models (LLMs), such as GPT-4, have demonstrated remarkable
capabilities across a wide range of tasks, including health applications. In
this paper, we study how LLMs can be used to scale biomedical knowledge
curation. We find that while LLMs already possess decent competency in
structuring biomedical text, by distillation into a task-specific student model
through self-supervised learning, substantial gains can be attained over
out-of-box LLMs, with additional advantages such as cost, efficiency, and
white-box model access.
We conduct a case study on adverse drug event (ADE) extraction, which is an
important area for improving care. On standard ADE extraction evaluation, a
GPT-3.5 distilled PubMedBERT model attained comparable accuracy as supervised
state-of-the-art models without using any labeled data. Despite being over
1,000 times smaller, the distilled model outperformed its teacher GPT-3.5 by
over 6 absolute points in F1 and GPT-4 by over 5 absolute points.
Ablation studies on distillation model choice (e.g., PubMedBERT vs BioGPT)
and ADE extraction architecture shed light on best practice for biomedical
knowledge extraction. Similar gains were attained by distillation for other
standard biomedical knowledge extraction tasks such as gene-disease
associations and protected health information, further illustrating the promise
of this approach. | cs.CL | Distilling Large Language Models for Biomedical Knowledge Extraction: A Case Study on Adverse Drug Events |
2023-07-12T20:01:52Z | http://arxiv.org/pdf/2307.06435v9 | http://arxiv.org/abs/2307.06435v9 | Humza Naveed, Asad Ullah Khan, Shi Qiu, Muhammad Saqib, Saeed Anwar, Muhammad Usman, Naveed Akhtar, Nick Barnes, Ajmal Mian | 2024-04-09T21:38:33Z | cs.CL | Large Language Models (LLMs) have recently demonstrated remarkable
capabilities in natural language processing tasks and beyond. This success of
LLMs has led to a large influx of research contributions in this direction.
These works encompass diverse topics such as architectural innovations, better
training strategies, context length improvements, fine-tuning, multi-modal
LLMs, robotics, datasets, benchmarking, efficiency, and more. With the rapid
development of techniques and regular breakthroughs in LLM research, it has
become considerably challenging to perceive the bigger picture of the advances
in this direction. Considering the rapidly emerging plethora of literature on
LLMs, it is imperative that the research community is able to benefit from a
concise yet comprehensive overview of the recent developments in this field.
This article provides an overview of the existing literature on a broad range
of LLM-related concepts. Our self-contained comprehensive overview of LLMs
discusses relevant background concepts along with covering the advanced topics
at the frontier of research in LLMs. This review article is intended to not
only provide a systematic survey but also a quick comprehensive reference for
the researchers and practitioners to draw insights from extensive informative
summaries of the existing works to advance the LLM research. | cs.CL | A Comprehensive Overview of Large Language Models |
2023-07-12T19:18:55Z | http://arxiv.org/pdf/2307.06419v1 | http://arxiv.org/abs/2307.06419v1 | Mohamed Naamane | 2023-07-12T19:18:55Z | cs.CL | The study of semantic relationships has revealed a close connection between
these relationships and the morphological characteristics of a language.
Morphology, as a subfield of linguistics, investigates the internal structure
and formation of words. By delving into the relationship between semantic
relationships and language morphology, we can gain deeper insights into how the
underlying structure of words contributes to the interpretation and
comprehension of language. This paper explores the dynamic interplay between
semantic relationships and the morphological aspects of different languages, by
examining the intricate relationship between language morphology and semantic
relationships, valuable insights can be gained regarding how the structure of
words influences language comprehension. | cs.CL | The Acquisition of Semantic Relationships between words |
2023-07-12T16:37:31Z | http://arxiv.org/pdf/2307.06290v2 | http://arxiv.org/abs/2307.06290v2 | Yihan Cao, Yanbin Kang, Chi Wang, Lichao Sun | 2023-10-27T20:53:22Z | cs.CL, cs.AI, cs.LG | Large language models (LLMs) are initially pretrained for broad capabilities
and then finetuned with instruction-following datasets to improve their
performance in interacting with humans. Despite advances in finetuning, a
standardized guideline for selecting high-quality datasets to optimize this
process remains elusive. In this paper, we first propose InstructMining, an
innovative method designed for automatically selecting premium
instruction-following data for finetuning LLMs. Specifically, InstructMining
utilizes natural language indicators as a measure of data quality, applying
them to evaluate unseen datasets. During experimentation, we discover that
double descent phenomenon exists in large language model finetuning. Based on
this observation, we further leverage BlendSearch to help find the best subset
among the entire dataset (i.e., 2,532 out of 100,000). Experiment results show
that InstructMining-7B achieves state-of-the-art performance on two of the most
popular benchmarks: LLM-as-a-judge and Huggingface OpenLLM leaderboard. | cs.CL | Instruction Mining: When Data Mining Meets Large Language Model Finetuning |
2023-07-12T16:23:09Z | http://arxiv.org/pdf/2307.06281v4 | http://arxiv.org/abs/2307.06281v4 | Yuan Liu, Haodong Duan, Yuanhan Zhang, Bo Li, Songyang Zhang, Wangbo Zhao, Yike Yuan, Jiaqi Wang, Conghui He, Ziwei Liu, Kai Chen, Dahua Lin | 2024-04-29T15:21:19Z | cs.CV, cs.CL | Large vision-language models have recently achieved remarkable progress,
exhibiting great perception and reasoning abilities concerning visual
information. However, how to effectively evaluate these large vision-language
models remains a major obstacle, hindering future model development.
Traditional benchmarks like VQAv2 or COCO Caption provide quantitative
performance measurements but suffer from a lack of fine-grained ability
assessment and non-robust evaluation metrics. Recent subjective benchmarks,
such as OwlEval, offer comprehensive evaluations of a model's abilities by
incorporating human labor, but they are not scalable and display significant
bias. In response to these challenges, we propose MMBench, a novel
multi-modality benchmark. MMBench methodically develops a comprehensive
evaluation pipeline, primarily comprised of two elements. The first element is
a meticulously curated dataset that surpasses existing similar benchmarks in
terms of the number and variety of evaluation questions and abilities. The
second element introduces a novel CircularEval strategy and incorporates the
use of ChatGPT. This implementation is designed to convert free-form
predictions into pre-defined choices, thereby facilitating a more robust
evaluation of the model's predictions. MMBench is a systematically-designed
objective benchmark for robustly evaluating the various abilities of
vision-language models. We hope MMBench will assist the research community in
better evaluating their models and encourage future advancements in this
domain. Project page: https://opencompass.org.cn/mmbench. | cs.CV | MMBench: Is Your Multi-modal Model an All-around Player? |
2023-07-12T15:07:16Z | http://arxiv.org/pdf/2307.06218v1 | http://arxiv.org/abs/2307.06218v1 | Zaid Alyafeai, Maged S. Al-Shaibani, Moataz Ahmed | 2023-07-12T15:07:16Z | cs.CL | Poetry holds immense significance within the cultural and traditional fabric
of any nation. It serves as a vehicle for poets to articulate their emotions,
preserve customs, and convey the essence of their culture. Arabic poetry is no
exception, having played a cherished role in the heritage of the Arabic
community throughout history and maintaining its relevance in the present era.
Typically, comprehending Arabic poetry necessitates the expertise of a linguist
who can analyze its content and assess its quality. This paper presents the
introduction of a framework called \textit{Ashaar}
https://github.com/ARBML/Ashaar, which encompasses a collection of datasets and
pre-trained models designed specifically for the analysis and generation of
Arabic poetry. The pipeline established within our proposed approach
encompasses various aspects of poetry, such as meter, theme, and era
classification. It also incorporates automatic poetry diacritization, enabling
more intricate analyses like automated extraction of the \textit{Arudi} style.
Additionally, we explore the feasibility of generating conditional poetry
through the pre-training of a character-based GPT model. Furthermore, as part
of this endeavor, we provide four datasets: one for poetry generation, another
for diacritization, and two for Arudi-style prediction. These datasets aim to
facilitate research and development in the field of Arabic poetry by enabling
researchers and enthusiasts to delve into the nuances of this rich literary
tradition. | cs.CL | Ashaar: Automatic Analysis and Generation of Arabic Poetry Using Deep Learning Approaches |
2023-07-12T14:26:46Z | http://arxiv.org/pdf/2307.06187v1 | http://arxiv.org/abs/2307.06187v1 | Nathalia Nascimento, Paulo Alencar, Donald Cowan | 2023-07-12T14:26:46Z | cs.MA, cs.AI, cs.CL | In autonomic computing, self-adaptation has been proposed as a fundamental
paradigm to manage the complexity of multiagent systems (MASs). This achieved
by extending a system with support to monitor and adapt itself to achieve
specific concerns of interest. Communication in these systems is key given that
in scenarios involving agent interaction, it enhances cooperation and reduces
coordination challenges by enabling direct, clear information exchange.
However, improving the expressiveness of the interaction communication with
MASs is not without challenges. In this sense, the interplay between
self-adaptive systems and effective communication is crucial for future MAS
advancements. In this paper, we propose the integration of large language
models (LLMs) such as GPT-based technologies into multiagent systems. We anchor
our methodology on the MAPE-K model, which is renowned for its robust support
in monitoring, analyzing, planning, and executing system adaptations in
response to dynamic environments. We also present a practical illustration of
the proposed approach, in which we implement and assess a basic MAS-based
application. The approach significantly advances the state-of-the-art of
self-adaptive systems by proposing a new paradigm for MAS self-adaptation of
autonomous systems based on LLM capabilities. | cs.MA | Self-Adaptive Large Language Model (LLM)-Based Multiagent Systems |
2023-07-12T13:28:37Z | http://arxiv.org/pdf/2307.15072v1 | http://arxiv.org/abs/2307.15072v1 | Nicholas Perikli, Srimoy Bhattacharya, Blessing Ogbuokiri, Zahra Movahedi Nia, Benjamin Lieberman, Nidhi Tripathi, Salah-Eddine Dahbi, Finn Stevenson, Nicola Bragazzi, Jude Kong, Bruce Mellado | 2023-07-12T13:28:37Z | cs.CY, cs.CL, cs.LG, cs.SI | Very few social media studies have been done on South African user-generated
content during the COVID-19 pandemic and even fewer using hand-labelling over
automated methods. Vaccination is a major tool in the fight against the
pandemic, but vaccine hesitancy jeopardizes any public health effort. In this
study, sentiment analysis on South African tweets related to vaccine hesitancy
was performed, with the aim of training AI-mediated classification models and
assessing their reliability in categorizing UGC. A dataset of 30000 tweets from
South Africa were extracted and hand-labelled into one of three sentiment
classes: positive, negative, neutral. The machine learning models used were
LSTM, bi-LSTM, SVM, BERT-base-cased and the RoBERTa-base models, whereby their
hyperparameters were carefully chosen and tuned using the WandB platform. We
used two different approaches when we pre-processed our data for comparison:
one was semantics-based, while the other was corpus-based. The pre-processing
of the tweets in our dataset was performed using both methods, respectively.
All models were found to have low F1-scores within a range of 45$\%$-55$\%$,
except for BERT and RoBERTa which both achieved significantly better measures
with overall F1-scores of 60$\%$ and 61$\%$, respectively. Topic modelling
using an LDA was performed on the miss-classified tweets of the RoBERTa model
to gain insight on how to further improve model accuracy. | cs.CY | Detecting the Presence of COVID-19 Vaccination Hesitancy from South African Twitter Data Using Machine Learning |
2023-07-12T12:51:23Z | http://arxiv.org/pdf/2307.07421v2 | http://arxiv.org/abs/2307.07421v2 | Titouan Parcollet, Rogier van Dalen, Shucong Zhang, Sourav Bhattacharya | 2024-01-17T16:12:38Z | cs.CL, cs.SD, eess.AS | Modern speech processing systems rely on self-attention. Unfortunately, token
mixing with self-attention takes quadratic time in the length of the speech
utterance, slowing down inference as well as training and increasing memory
consumption. Cheaper alternatives to self-attention for ASR have been
developed, but they fail to consistently reach the same level of accuracy. This
paper, therefore, proposes a novel linear-time alternative to self-attention.
It summarises an utterance with the mean over vectors for all time steps. This
single summary is then combined with time-specific information. We call this
method "SummaryMixing". Introducing SummaryMixing in state-of-the-art ASR
models makes it feasible to preserve or exceed previous speech recognition
performance while lowering the training and inference times by up to 28$\%$ and
reducing the memory budget by a factor of two. The benefits of SummaryMixing
can also be generalized to other speech-processing tasks, such as speech
understanding. | cs.CL | SummaryMixing: A Linear-Complexity Alternative to Self-Attention for Speech Recognition and Understanding |
2023-07-12T12:25:03Z | http://arxiv.org/pdf/2307.06124v1 | http://arxiv.org/abs/2307.06124v1 | Inês Lacerda, Hugo Nicolau, Luisa Coheur | 2023-07-12T12:25:03Z | cs.CL, ACM-class: I.6, I.7, J.6 | Current signing avatars are often described as unnatural as they cannot
accurately reproduce all the subtleties of synchronized body behaviors of a
human signer. In this paper, we propose a new dynamic approach for transitions
between signs, focusing on mouthing animations for Portuguese Sign Language.
Although native signers preferred animations with dynamic transitions, we did
not find significant differences in comprehension and perceived naturalness
scores. On the other hand, we show that including mouthing behaviors improved
comprehension and perceived naturalness for novice sign language learners.
Results have implications in computational linguistics, human-computer
interaction, and synthetic animation of signing avatars. | cs.CL | Enhancing Portuguese Sign Language Animation with Dynamic Timing and Mouthing |
2023-07-12T11:08:24Z | http://arxiv.org/pdf/2307.06082v2 | http://arxiv.org/abs/2307.06082v2 | Raphael Schumann, Wanrong Zhu, Weixi Feng, Tsu-Jui Fu, Stefan Riezler, William Yang Wang | 2024-01-24T15:10:07Z | cs.AI, cs.CL, cs.CV | Incremental decision making in real-world environments is one of the most
challenging tasks in embodied artificial intelligence. One particularly
demanding scenario is Vision and Language Navigation~(VLN) which requires
visual and natural language understanding as well as spatial and temporal
reasoning capabilities. The embodied agent needs to ground its understanding of
navigation instructions in observations of a real-world environment like Street
View. Despite the impressive results of LLMs in other research areas, it is an
ongoing problem of how to best connect them with an interactive visual
environment. In this work, we propose VELMA, an embodied LLM agent that uses a
verbalization of the trajectory and of visual environment observations as
contextual prompt for the next action. Visual information is verbalized by a
pipeline that extracts landmarks from the human written navigation instructions
and uses CLIP to determine their visibility in the current panorama view. We
show that VELMA is able to successfully follow navigation instructions in
Street View with only two in-context examples. We further finetune the LLM
agent on a few thousand examples and achieve 25%-30% relative improvement in
task completion over the previous state-of-the-art for two datasets. | cs.AI | VELMA: Verbalization Embodiment of LLM Agents for Vision and Language Navigation in Street View |
2023-07-12T10:22:28Z | http://arxiv.org/pdf/2307.06060v2 | http://arxiv.org/abs/2307.06060v2 | Anna Munoz-Farre, Antonios Poulakakis-Daktylidis, Dilini Mahesha Kothalawala, Andrea Rodriguez-Martinez | 2023-07-31T17:08:22Z | stat.ML, cs.CL, cs.LG, q-bio.QM | We propose a novel approach for interpreting deep embeddings in the context
of patient clustering. We evaluate our approach on a dataset of participants
with type 2 diabetes from the UK Biobank, and demonstrate clinically meaningful
insights into disease progression patterns. | stat.ML | Interpreting deep embeddings for disease progression clustering |
2023-07-12T10:10:24Z | http://arxiv.org/pdf/2307.06050v1 | http://arxiv.org/abs/2307.06050v1 | Sunsoo Choi, Ganbat Tsend | 2023-07-12T10:10:24Z | cs.CL | This study aims to determine the appropriate size of the Mongolian general
corpus. This study used the Heaps function and Type Token Ratio to determine
the appropriate size of the Mongolian general corpus. The sample corpus of
906,064 tokens comprised texts from 10 domains of newspaper politics, economy,
society, culture, sports, world articles and laws, middle and high school
literature textbooks, interview articles, and podcast transcripts. First, we
estimated the Heaps function with this sample corpus. Next, we observed changes
in the number of types and TTR values while increasing the number of tokens by
one million using the estimated Heaps function. As a result of observation, we
found that the TTR value hardly changed when the number of tokens exceeded from
39 to 42 million. Thus, we conclude that an appropriate size for a Mongolian
general corpus is from 39 to 42 million tokens. | cs.CL | A Study on the Appropriate size of the Mongolian general corpus |
2023-07-12T09:23:41Z | http://arxiv.org/pdf/2307.06029v3 | http://arxiv.org/abs/2307.06029v3 | Yuzhuang Xu, Shuo Wang, Peng Li, Xuebo Liu, Xiaolong Wang, Weidong Liu, Yang Liu | 2024-03-21T09:46:31Z | cs.CL | Although neural machine translation (NMT) models perform well in the general
domain, it remains rather challenging to control their generation behavior to
satisfy the requirement of different users. Given the expensive training cost
and the data scarcity challenge of learning a new model from scratch for each
user requirement, we propose a memory-augmented adapter to steer pretrained NMT
models in a pluggable manner. Specifically, we construct a multi-granular
memory based on the user-provided text samples and propose a new adapter
architecture to combine the model representations and the retrieved results. We
also propose a training strategy using memory dropout to reduce spurious
dependencies between the NMT model and the memory. We validate our approach on
both style- and domain-specific experiments and the results indicate that our
method can outperform several representative pluggable baselines. | cs.CL | Pluggable Neural Machine Translation Models via Memory-augmented Adapters |
2023-07-12T09:00:37Z | http://arxiv.org/pdf/2307.06018v1 | http://arxiv.org/abs/2307.06018v1 | Xiangpeng Wei, Haoran Wei, Huan Lin, Tianhao Li, Pei Zhang, Xingzhang Ren, Mei Li, Yu Wan, Zhiwei Cao, Binbin Xie, Tianxiang Hu, Shangjie Li, Binyuan Hui, Bowen Yu, Dayiheng Liu, Baosong Yang, Fei Huang, Jun Xie | 2023-07-12T09:00:37Z | cs.CL | Large language models (LLMs) demonstrate remarkable ability to comprehend,
reason, and generate following nature language instructions. However, the
development of LLMs has been primarily focused on high-resource languages, such
as English, thereby limiting their applicability and research in other
languages. Consequently, we present PolyLM, a multilingual LLM trained on 640
billion (B) tokens, avaliable in two model sizes: 1.7B and 13B. To enhance its
multilingual capabilities, we 1) integrate bilingual data into training data;
and 2) adopt a curriculum learning strategy that increases the proportion of
non-English data from 30% in the first stage to 60% in the final stage during
pre-training. Further, we propose a multilingual self-instruct method which
automatically generates 132.7K diverse multilingual instructions for model
fine-tuning. To assess the model's performance, we collect several existing
multilingual tasks, including multilingual understanding, question answering,
generation, and translation. Extensive experiments show that PolyLM surpasses
other open-source models such as LLaMA and BLOOM on multilingual tasks while
maintaining comparable performance in English. Our models, alone with the
instruction data and multilingual benchmark, are available at:
\url{https://modelscope.cn/models/damo/nlp_polylm_13b_text_generation}. | cs.CL | PolyLM: An Open Source Polyglot Large Language Model |
2023-07-12T08:33:16Z | http://arxiv.org/pdf/2307.06005v1 | http://arxiv.org/abs/2307.06005v1 | Kuan-Chun Chen, Cheng-Te Li, Kuo-Jung Lee | 2023-07-12T08:33:16Z | cs.CL, cs.IR, cs.LG | Neural Architecture Search (NAS) has shown promising capability in learning
text representation. However, existing text-based NAS neither performs a
learnable fusion of neural operations to optimize the architecture, nor encodes
the latent hierarchical categorization behind text input. This paper presents a
novel NAS method, Discretized Differentiable Neural Architecture Search
(DDNAS), for text representation learning and classification. With the
continuous relaxation of architecture representation, DDNAS can use gradient
descent to optimize the search. We also propose a novel discretization layer
via mutual information maximization, which is imposed on every search node to
model the latent hierarchical categorization in text representation. Extensive
experiments conducted on eight diverse real datasets exhibit that DDNAS can
consistently outperform the state-of-the-art NAS methods. While DDNAS relies on
only three basic operations, i.e., convolution, pooling, and none, to be the
candidates of NAS building blocks, its promising performance is noticeable and
extensible to obtain further improvement by adding more different operations. | cs.CL | DDNAS: Discretized Differentiable Neural Architecture Search for Text Classification |
2023-07-12T07:40:48Z | http://arxiv.org/pdf/2307.05973v2 | http://arxiv.org/abs/2307.05973v2 | Wenlong Huang, Chen Wang, Ruohan Zhang, Yunzhu Li, Jiajun Wu, Li Fei-Fei | 2023-11-02T06:53:37Z | cs.RO, cs.AI, cs.CL, cs.CV, cs.LG | Large language models (LLMs) are shown to possess a wealth of actionable
knowledge that can be extracted for robot manipulation in the form of reasoning
and planning. Despite the progress, most still rely on pre-defined motion
primitives to carry out the physical interactions with the environment, which
remains a major bottleneck. In this work, we aim to synthesize robot
trajectories, i.e., a dense sequence of 6-DoF end-effector waypoints, for a
large variety of manipulation tasks given an open-set of instructions and an
open-set of objects. We achieve this by first observing that LLMs excel at
inferring affordances and constraints given a free-form language instruction.
More importantly, by leveraging their code-writing capabilities, they can
interact with a vision-language model (VLM) to compose 3D value maps to ground
the knowledge into the observation space of the agent. The composed value maps
are then used in a model-based planning framework to zero-shot synthesize
closed-loop robot trajectories with robustness to dynamic perturbations. We
further demonstrate how the proposed framework can benefit from online
experiences by efficiently learning a dynamics model for scenes that involve
contact-rich interactions. We present a large-scale study of the proposed
method in both simulated and real-robot environments, showcasing the ability to
perform a large variety of everyday manipulation tasks specified in free-form
natural language. Videos and code at https://voxposer.github.io | cs.RO | VoxPoser: Composable 3D Value Maps for Robotic Manipulation with Language Models |
2023-07-12T07:38:24Z | http://arxiv.org/pdf/2307.05972v1 | http://arxiv.org/abs/2307.05972v1 | James O' Neill, Sourav Dutta | 2023-07-12T07:38:24Z | cs.CL, cs.LG | We investigate the effects of post-training quantization and
quantization-aware training on the generalization of Transformer language
models. We present a new method called self-distilled quantization (SDQ) that
minimizes accumulative quantization errors and outperforms baselines. We apply
SDQ to multilingual models XLM-R-Base and InfoXLM-Base and demonstrate that
both models can be reduced from 32-bit floating point weights to 8-bit integer
weights while maintaining a high level of performance on the XGLUE benchmark.
Our results also highlight the challenges of quantizing multilingual models,
which must generalize to languages they were not fine-tuned on. | cs.CL | Self-Distilled Quantization: Achieving High Compression Rates in Transformer-Based Language Models |
2023-07-12T06:14:36Z | http://arxiv.org/pdf/2307.05942v1 | http://arxiv.org/abs/2307.05942v1 | Seitaro Otsuki, Shintaro Ishikawa, Komei Sugiura | 2023-07-12T06:14:36Z | cs.RO, cs.CL, cs.CV | Although domestic service robots are expected to assist individuals who
require support, they cannot currently interact smoothly with people through
natural language. For example, given the instruction "Bring me a bottle from
the kitchen," it is difficult for such robots to specify the bottle in an
indoor environment. Most conventional models have been trained on real-world
datasets that are labor-intensive to collect, and they have not fully leveraged
simulation data through a transfer learning framework. In this study, we
propose a novel transfer learning approach for multimodal language
understanding called Prototypical Contrastive Transfer Learning (PCTL), which
uses a new contrastive loss called Dual ProtoNCE. We introduce PCTL to the task
of identifying target objects in domestic environments according to free-form
natural language instructions. To validate PCTL, we built new real-world and
simulation datasets. Our experiment demonstrated that PCTL outperformed
existing methods. Specifically, PCTL achieved an accuracy of 78.1%, whereas
simple fine-tuning achieved an accuracy of 73.4%. | cs.RO | Prototypical Contrastive Transfer Learning for Multimodal Language Understanding |
2023-07-12T04:28:41Z | http://arxiv.org/pdf/2307.05908v1 | http://arxiv.org/abs/2307.05908v1 | Seongjun Yang, Gibbeum Lee, Jaewoong Cho, Dimitris Papailiopoulos, Kangwook Lee | 2023-07-12T04:28:41Z | cs.CL, cs.LG | This paper presents "Predictive Pipelined Decoding (PPD)," an approach that
speeds up greedy decoding in Large Language Models (LLMs) while maintaining the
exact same output as the original decoding. Unlike conventional strategies, PPD
employs additional compute resources to parallelize the initiation of
subsequent token decoding during the current token decoding. This innovative
method reduces decoding latency and reshapes the understanding of trade-offs in
LLM decoding strategies. We have developed a theoretical framework that allows
us to analyze the trade-off between computation and latency. Using this
framework, we can analytically estimate the potential reduction in latency
associated with our proposed method, achieved through the assessment of the
match rate, represented as p_correct. The results demonstrate that the use of
extra computational resources has the potential to accelerate LLM greedy
decoding. | cs.CL | Predictive Pipelined Decoding: A Compute-Latency Trade-off for Exact LLM Decoding |
2023-07-11T22:39:45Z | http://arxiv.org/pdf/2307.07558v1 | http://arxiv.org/abs/2307.07558v1 | Guocheng Feng, Huaiyu Cai, Wei Quan | 2023-07-11T22:39:45Z | cs.SI, cs.CL | The COVID-19 pandemic has led to the emergence of Long COVID, a cluster of
symptoms that persist after infection. Long COVID patients may also experience
mental health challenges, making it essential to understand individuals'
emotional and mental well-being. This study aims to gain a deeper understanding
of Long COVID individuals' emotional and mental well-being, identify the topics
that most concern them, and explore potential correlations between their
emotions and social media activity. Specifically, we classify tweets into four
categories based on the content, detect the presence of six basic emotions, and
extract prevalent topics. Our analyses reveal that negative emotions dominated
throughout the study period, with two peaks during critical periods, such as
the outbreak of new COVID variants. The findings of this study have
implications for policy and measures for addressing the mental health
challenges of individuals with Long COVID and provide a foundation for future
work. | cs.SI | Exploring the Emotional and Mental Well-Being of Individuals with Long COVID Through Twitter Analysis |
2023-07-11T22:36:47Z | http://arxiv.org/pdf/2307.05827v1 | http://arxiv.org/abs/2307.05827v1 | Arif Shahriar, Rohan Saha, Denilson Barbosa | 2023-07-11T22:36:47Z | cs.CL, cs.AI, cs.IR, cs.LG | Relation extraction (RE) is the task of extracting relations between entities
in text. Most RE methods extract relations from free-form running text and
leave out other rich data sources, such as tables. We explore RE from the
perspective of applying neural methods on tabularly organized data. We
introduce a new model consisting of Convolutional Neural Network (CNN) and
Bidirectional-Long Short Term Memory (BiLSTM) network to encode entities and
learn dependencies among them, respectively. We evaluate our model on a large
and recent dataset and compare results with previous neural methods.
Experimental results show that our model consistently outperforms the previous
model for the task of relation extraction on tabular data. We perform
comprehensive error analyses and ablation study to show the contribution of
various components of our model. Finally, we discuss the usefulness and
trade-offs of our approach, and provide suggestions for fostering further
research. | cs.CL | Relational Extraction on Wikipedia Tables using Convolutional and Memory Networks |
2023-07-11T20:42:06Z | http://arxiv.org/pdf/2307.05796v1 | http://arxiv.org/abs/2307.05796v1 | Seth Kulick, Neville Ryant, David J. Irwin, Naomi Nevler, Sunghye Cho | 2023-07-11T20:42:06Z | cs.CL | This paper addresses the problem of improving POS tagging of transcripts of
speech from clinical populations. In contrast to prior work on parsing and POS
tagging of transcribed speech, we do not make use of an in domain treebank for
training. Instead, we train on an out of domain treebank of newswire using data
augmentation techniques to make these structures resemble natural, spontaneous
speech. We trained a parser with and without the augmented data and tested its
performance using manually validated POS tags in clinical speech produced by
patients with various types of neurodegenerative conditions. | cs.CL | Improved POS tagging for spontaneous, clinical speech using data augmentation |
2023-07-11T20:21:02Z | http://arxiv.org/pdf/2307.05782v2 | http://arxiv.org/abs/2307.05782v2 | Michael R. Douglas | 2023-10-06T12:13:46Z | cs.CL, hep-th, math.HO, physics.comp-ph, 68T01, I.2.7 | Artificial intelligence is making spectacular progress, and one of the best
examples is the development of large language models (LLMs) such as OpenAI's
GPT series. In these lectures, written for readers with a background in
mathematics or physics, we give a brief history and survey of the state of the
art, and describe the underlying transformer architecture in detail. We then
explore some current ideas on how LLMs work and how models trained to predict
the next word in a text are able to perform other tasks displaying
intelligence. | cs.CL | Large Language Models |
2023-07-11T20:15:47Z | http://arxiv.org/pdf/2307.05779v1 | http://arxiv.org/abs/2307.05779v1 | Wayne Yang, Garrett Nicolai | 2023-07-11T20:15:47Z | cs.CL | Neural models have revolutionized the field of machine translation, but
creating parallel corpora is expensive and time-consuming. We investigate an
alternative to manual parallel corpora - hallucinated parallel corpora created
by generative language models. Although these models are themselves trained on
parallel data, they can leverage a multilingual vector space to create data,
and may be able to supplement small manually-procured corpora. Our experiments
highlight two key findings - despite a lack of diversity in their output, the
hallucinated data improves the translation signal, even when the domain clashes
with the original dataset. | cs.CL | Neural Machine Translation Data Generation and Augmentation using ChatGPT |
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.