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-06-13T20:34:55Z | http://arxiv.org/pdf/2306.08122v1 | http://arxiv.org/abs/2306.08122v1 | Mujahid Ali Quidwai, Chunhui Li, Parijat Dube | 2023-06-13T20:34:55Z | cs.CL, cs.AI, cs.LG | The increasing reliance on large language models (LLMs) in academic writing
has led to a rise in plagiarism. Existing AI-generated text classifiers have
limited accuracy and often produce false positives. We propose a novel approach
using natural language processing (NLP) techniques, offering quantifiable
metrics at both sentence and document levels for easier interpretation by human
evaluators. Our method employs a multi-faceted approach, generating multiple
paraphrased versions of a given question and inputting them into the LLM to
generate answers. By using a contrastive loss function based on cosine
similarity, we match generated sentences with those from the student's
response. Our approach achieves up to 94% accuracy in classifying human and AI
text, providing a robust and adaptable solution for plagiarism detection in
academic settings. This method improves with LLM advancements, reducing the
need for new model training or reconfiguration, and offers a more transparent
way of evaluating and detecting AI-generated text. | cs.CL | Beyond Black Box AI-Generated Plagiarism Detection: From Sentence to Document Level |
2023-06-13T20:18:24Z | http://arxiv.org/pdf/2306.08116v1 | http://arxiv.org/abs/2306.08116v1 | Brendan Artley, Greg Mehdiyev | 2023-06-13T20:18:24Z | cs.CL, cs.CR, cs.LG | Ciphers are a powerful tool for encrypting communication. There are many
different cipher types, which makes it computationally expensive to solve a
cipher using brute force. In this paper, we frame the decryption task as a
classification problem. We first create a dataset of transpositions,
substitutions, text reversals, word reversals, sentence shifts, and unencrypted
text. Then, we evaluate the performance of various tokenizer-model combinations
on this task. | cs.CL | CipherSniffer: Classifying Cipher Types |
2023-06-13T19:51:22Z | http://arxiv.org/pdf/2306.08107v3 | http://arxiv.org/abs/2306.08107v3 | Alexander Tornede, Difan Deng, Theresa Eimer, Joseph Giovanelli, Aditya Mohan, Tim Ruhkopf, Sarah Segel, Daphne Theodorakopoulos, Tanja Tornede, Henning Wachsmuth, Marius Lindauer | 2024-02-21T11:18:20Z | cs.LG, cs.CL | The fields of both Natural Language Processing (NLP) and Automated Machine
Learning (AutoML) have achieved remarkable results over the past years. In NLP,
especially Large Language Models (LLMs) have experienced a rapid series of
breakthroughs very recently. We envision that the two fields can radically push
the boundaries of each other through tight integration. To showcase this
vision, we explore the potential of a symbiotic relationship between AutoML and
LLMs, shedding light on how they can benefit each other. In particular, we
investigate both the opportunities to enhance AutoML approaches with LLMs from
different perspectives and the challenges of leveraging AutoML to further
improve LLMs. To this end, we survey existing work, and we critically assess
risks. We strongly believe that the integration of the two fields has the
potential to disrupt both fields, NLP and AutoML. By highlighting conceivable
synergies, but also risks, we aim to foster further exploration at the
intersection of AutoML and LLMs. | cs.LG | AutoML in the Age of Large Language Models: Current Challenges, Future Opportunities and Risks |
2023-06-13T18:01:46Z | http://arxiv.org/pdf/2306.08042v1 | http://arxiv.org/abs/2306.08042v1 | Yangqiaoyu Zhou, Yiming Zhang, Chenhao Tan | 2023-06-13T18:01:46Z | cs.CL, cs.AI | Natural language explanations have the potential to provide rich information
that in principle guides model reasoning. Yet, recent work by Lampinen et al.
(2022) has shown limited utility of natural language explanations in improving
classification. To effectively learn from explanations, we present FLamE, a
two-stage few-shot learning framework that first generates explanations using
GPT-3, and then finetunes a smaller model (e.g., RoBERTa) with generated
explanations. Our experiments on natural language inference demonstrate
effectiveness over strong baselines, increasing accuracy by 17.6% over GPT-3
Babbage and 5.7% over GPT-3 Davinci in e-SNLI. Despite improving classification
performance, human evaluation surprisingly reveals that the majority of
generated explanations does not adequately justify classification decisions.
Additional analyses point to the important role of label-specific cues (e.g.,
"not know" for the neutral label) in generated explanations. | cs.CL | FLamE: Few-shot Learning from Natural Language Explanations |
2023-06-13T17:59:57Z | http://arxiv.org/pdf/2306.07968v1 | http://arxiv.org/abs/2306.07968v1 | Gyungin Shin, Weidi Xie, Samuel Albanie | 2023-06-13T17:59:57Z | cs.CL, cs.AI | Without accurate transcription of numerical data in scientific documents, a
scientist cannot draw accurate conclusions. Unfortunately, the process of
copying numerical data from one paper to another is prone to human error. In
this paper, we propose to meet this challenge through the novel task of
automatic table verification (AutoTV), in which the objective is to verify the
accuracy of numerical data in tables by cross-referencing cited sources. To
support this task, we propose a new benchmark, arXiVeri, which comprises
tabular data drawn from open-access academic papers on arXiv. We introduce
metrics to evaluate the performance of a table verifier in two key areas: (i)
table matching, which aims to identify the source table in a cited document
that corresponds to a target table, and (ii) cell matching, which aims to
locate shared cells between a target and source table and identify their row
and column indices accurately. By leveraging the flexible capabilities of
modern large language models (LLMs), we propose simple baselines for table
verification. Our findings highlight the complexity of this task, even for
state-of-the-art LLMs like OpenAI's GPT-4. The code and benchmark will be made
publicly available. | cs.CL | arXiVeri: Automatic table verification with GPT |
2023-06-13T17:51:18Z | http://arxiv.org/pdf/2306.07952v3 | http://arxiv.org/abs/2306.07952v3 | Wentao Wu, Aleksei Timofeev, Chen Chen, Bowen Zhang, Kun Duan, Shuangning Liu, Yantao Zheng, Jonathon Shlens, Xianzhi Du, Zhe Gan, Yinfei Yang | 2024-03-17T06:49:19Z | cs.CV, cs.CL, cs.LG | We present MOFI, Manifold OF Images, a new vision foundation model designed
to learn image representations from noisy entity annotated images. MOFI differs
from previous work in two key aspects: (i) pre-training data, and (ii) training
recipe. Regarding data, we introduce a new approach to automatically assign
entity labels to images from noisy image-text pairs. Our approach involves
employing a named entity recognition model to extract entities from the
alt-text, and then using a CLIP model to select the correct entities as labels
of the paired image. It's a simple, cost-effective method that can scale to
handle billions of web-mined image-text pairs. Through this method, we have
created Image-to-Entities (I2E), a new dataset with 1 billion images and 2
million distinct entities, covering rich visual concepts in the wild. Building
upon the I2E dataset, we study different training recipes like supervised
pre-training, contrastive pre-training, and multi-task learning. For
contrastive pre-training, we treat entity names as free-form text, and further
enrich them with entity descriptions. Experiments show that supervised
pre-training with large-scale fine-grained entity labels is highly effective
for image retrieval tasks, and multi-task training further improves the
performance. The final MOFI model achieves 86.66% mAP on the challenging
GPR1200 dataset, surpassing the previous state-of-the-art performance of 72.19%
from OpenAI's CLIP model. Further experiments on zero-shot and linear probe
image classification also show that MOFI outperforms a CLIP model trained on
the original image-text data, demonstrating the effectiveness of the I2E
dataset in learning strong image representations. We release our code and model
weights at https://github.com/apple/ml-mofi. | cs.CV | MOFI: Learning Image Representations from Noisy Entity Annotated Images |
2023-06-13T17:48:27Z | http://arxiv.org/pdf/2306.07951v3 | http://arxiv.org/abs/2306.07951v3 | Ricardo Dominguez-Olmedo, Moritz Hardt, Celestine Mendler-Dünner | 2024-02-28T12:37:53Z | cs.CL | As large language models increase in capability, researchers have started to
conduct surveys of all kinds on these models in order to investigate the
population represented by their responses. In this work, we critically examine
language models' survey responses on the basis of the well-established American
Community Survey by the U.S. Census Bureau and investigate whether they elicit
a faithful representations of any human population. Using a de-facto standard
multiple-choice prompting technique and evaluating 39 different language models
using systematic experiments, we establish two dominant patterns: First,
models' responses are governed by ordering and labeling biases, leading to
variations across models that do not persist after adjusting for systematic
biases. Second, models' responses do not contain the entropy variations and
statistical signals typically found in human populations. As a result, a binary
classifier can almost perfectly differentiate model-generated data from the
responses of the U.S. census. At the same time, models' relative alignment with
different demographic subgroups can be predicted from the subgroups' entropy,
irrespective of the model's training data or training strategy. Taken together,
our findings suggest caution in treating models' survey responses as equivalent
to those of human populations. | cs.CL | Questioning the Survey Responses of Large Language Models |
2023-06-13T17:39:20Z | http://arxiv.org/pdf/2306.07934v1 | http://arxiv.org/abs/2306.07934v1 | Mehran Kazemi, Quan Yuan, Deepti Bhatia, Najoung Kim, Xin Xu, Vaiva Imbrasaite, Deepak Ramachandran | 2023-06-13T17:39:20Z | cs.CL, cs.AI, cs.LG | Automated reasoning with unstructured natural text is a key requirement for
many potential applications of NLP and for developing robust AI systems.
Recently, Language Models (LMs) have demonstrated complex reasoning capacities
even without any finetuning. However, existing evaluation for automated
reasoning assumes access to a consistent and coherent set of information over
which models reason. When reasoning in the real-world, the available
information is frequently inconsistent or contradictory, and therefore models
need to be equipped with a strategy to resolve such conflicts when they arise.
One widely-applicable way of resolving conflicts is to impose preferences over
information sources (e.g., based on source credibility or information recency)
and adopt the source with higher preference. In this paper, we formulate the
problem of reasoning with contradictory information guided by preferences over
sources as the classical problem of defeasible reasoning, and develop a dataset
called BoardgameQA for measuring the reasoning capacity of LMs in this setting.
BoardgameQA also incorporates reasoning with implicit background knowledge, to
better reflect reasoning problems in downstream applications. We benchmark
various LMs on BoardgameQA and the results reveal a significant gap in the
reasoning capacity of state-of-the-art LMs on this problem, showing that
reasoning with conflicting information does not surface out-of-the-box in LMs.
While performance can be improved with finetuning, it nevertheless remains
poor. | cs.CL | BoardgameQA: A Dataset for Natural Language Reasoning with Contradictory Information |
2023-06-13T16:57:53Z | http://arxiv.org/pdf/2306.07906v1 | http://arxiv.org/abs/2306.07906v1 | Xiao Liu, Hanyu Lai, Hao Yu, Yifan Xu, Aohan Zeng, Zhengxiao Du, Peng Zhang, Yuxiao Dong, Jie Tang | 2023-06-13T16:57:53Z | cs.CL, cs.AI | We present WebGLM, a web-enhanced question-answering system based on the
General Language Model (GLM). Its goal is to augment a pre-trained large
language model (LLM) with web search and retrieval capabilities while being
efficient for real-world deployments. To achieve this, we develop WebGLM with
strategies for the LLM-augmented retriever, bootstrapped generator, and human
preference-aware scorer. Specifically, we identify and address the limitations
of WebGPT (OpenAI), through which WebGLM is enabled with accuracy, efficiency,
and cost-effectiveness advantages. In addition, we propose systematic criteria
for evaluating web-enhanced QA systems. We conduct multi-dimensional human
evaluation and quantitative ablation studies, which suggest the outperformance
of the proposed WebGLM designs over existing systems. WebGLM with the
10-billion-parameter GLM (10B) is shown to perform better than the
similar-sized WebGPT (13B) and even comparably to WebGPT (175B) in human
evaluation. The code, demo, and data are at
\url{https://github.com/THUDM/WebGLM}. | cs.CL | WebGLM: Towards An Efficient Web-Enhanced Question Answering System with Human Preferences |
2023-06-13T16:54:13Z | http://arxiv.org/pdf/2306.07902v1 | http://arxiv.org/abs/2306.07902v1 | Łukasz Augustyniak, Szymon Woźniak, Marcin Gruza, Piotr Gramacki, Krzysztof Rajda, Mikołaj Morzy, Tomasz Kajdanowicz | 2023-06-13T16:54:13Z | cs.CL, cs.AI | Despite impressive advancements in multilingual corpora collection and model
training, developing large-scale deployments of multilingual models still
presents a significant challenge. This is particularly true for language tasks
that are culture-dependent. One such example is the area of multilingual
sentiment analysis, where affective markers can be subtle and deeply ensconced
in culture. This work presents the most extensive open massively multilingual
corpus of datasets for training sentiment models. The corpus consists of 79
manually selected datasets from over 350 datasets reported in the scientific
literature based on strict quality criteria. The corpus covers 27 languages
representing 6 language families. Datasets can be queried using several
linguistic and functional features. In addition, we present a multi-faceted
sentiment classification benchmark summarizing hundreds of experiments
conducted on different base models, training objectives, dataset collections,
and fine-tuning strategies. | cs.CL | Massively Multilingual Corpus of Sentiment Datasets and Multi-faceted Sentiment Classification Benchmark |
2023-06-13T16:46:24Z | http://arxiv.org/pdf/2306.07899v1 | http://arxiv.org/abs/2306.07899v1 | Veniamin Veselovsky, Manoel Horta Ribeiro, Robert West | 2023-06-13T16:46:24Z | cs.CL, cs.CY | Large language models (LLMs) are remarkable data annotators. They can be used
to generate high-fidelity supervised training data, as well as survey and
experimental data. With the widespread adoption of LLMs, human gold--standard
annotations are key to understanding the capabilities of LLMs and the validity
of their results. However, crowdsourcing, an important, inexpensive way to
obtain human annotations, may itself be impacted by LLMs, as crowd workers have
financial incentives to use LLMs to increase their productivity and income. To
investigate this concern, we conducted a case study on the prevalence of LLM
usage by crowd workers. We reran an abstract summarization task from the
literature on Amazon Mechanical Turk and, through a combination of keystroke
detection and synthetic text classification, estimate that 33-46% of crowd
workers used LLMs when completing the task. Although generalization to other,
less LLM-friendly tasks is unclear, our results call for platforms,
researchers, and crowd workers to find new ways to ensure that human data
remain human, perhaps using the methodology proposed here as a stepping stone.
Code/data: https://github.com/epfl-dlab/GPTurk | cs.CL | Artificial Artificial Artificial Intelligence: Crowd Workers Widely Use Large Language Models for Text Production Tasks |
2023-06-13T16:10:10Z | http://arxiv.org/pdf/2306.07875v1 | http://arxiv.org/abs/2306.07875v1 | Dake Zhang, Ronak Pradeep | 2023-06-13T16:10:10Z | cs.IR, cs.AI, cs.CL, cs.HC | With the rapid growth and spread of online misinformation, people need tools
to help them evaluate the credibility and accuracy of online information.
Lateral reading, a strategy that involves cross-referencing information with
multiple sources, may be an effective approach to achieving this goal. In this
paper, we present ReadProbe, a tool to support lateral reading, powered by
generative large language models from OpenAI and the Bing search engine. Our
tool is able to generate useful questions for lateral reading, scour the web
for relevant documents, and generate well-attributed answers to help people
better evaluate online information. We made a web-based application to
demonstrate how ReadProbe can help reduce the risk of being misled by false
information. The code is available at
https://github.com/DakeZhang1998/ReadProbe. An earlier version of our tool won
the first prize in a national AI misinformation hackathon. | cs.IR | ReadProbe: A Demo of Retrieval-Enhanced Large Language Models to Support Lateral Reading |
2023-06-13T15:28:10Z | http://arxiv.org/pdf/2306.07848v10 | http://arxiv.org/abs/2306.07848v10 | Yu Pan, Yanni Hu, Yuguang Yang, Wen Fei, Jixun Yao, Heng Lu, Lei Ma, Jianjun Zhao | 2023-12-04T06:27:50Z | cs.CL, cs.MM, cs.SD, eess.AS | Contrastive cross-modality pretraining has recently exhibited impressive
success in diverse fields, whereas there is limited research on their merits in
speech emotion recognition (SER). In this paper, we propose GEmo-CLAP, a kind
of gender-attribute-enhanced contrastive language-audio pretraining (CLAP)
method for SER. Specifically, we first construct an effective emotion CLAP
(Emo-CLAP) for SER, using pre-trained text and audio encoders. Second, given
the significance of gender information in SER, two novel multi-task learning
based GEmo-CLAP (ML-GEmo-CLAP) and soft label based GEmo-CLAP (SL-GEmo-CLAP)
models are further proposed to incorporate gender information of speech
signals, forming more reasonable objectives. Experiments on IEMOCAP indicate
that our proposed two GEmo-CLAPs consistently outperform Emo-CLAP with
different pre-trained models. Remarkably, the proposed WavLM-based SL-GEmo-CLAP
obtains the best WAR of 83.16\%, which performs better than state-of-the-art
SER methods. | cs.CL | GEmo-CLAP: Gender-Attribute-Enhanced Contrastive Language-Audio Pretraining for Accurate Speech Emotion Recognition |
2023-06-13T15:23:44Z | http://arxiv.org/pdf/2306.07845v1 | http://arxiv.org/abs/2306.07845v1 | Sebastian-Vasile Echim, Răzvan-Alexandru Smădu, Andrei-Marius Avram, Dumitru-Clementin Cercel, Florin Pop | 2023-06-13T15:23:44Z | cs.CL | Satire detection and sentiment analysis are intensively explored natural
language processing (NLP) tasks that study the identification of the satirical
tone from texts and extracting sentiments in relationship with their targets.
In languages with fewer research resources, an alternative is to produce
artificial examples based on character-level adversarial processes to overcome
dataset size limitations. Such samples are proven to act as a regularization
method, thus improving the robustness of models. In this work, we improve the
well-known NLP models (i.e., Convolutional Neural Networks, Long Short-Term
Memory (LSTM), Bidirectional LSTM, Gated Recurrent Units (GRUs), and
Bidirectional GRUs) with adversarial training and capsule networks. The
fine-tuned models are used for satire detection and sentiment analysis tasks in
the Romanian language. The proposed framework outperforms the existing methods
for the two tasks, achieving up to 99.08% accuracy, thus confirming the
improvements added by the capsule layers and the adversarial training in NLP
approaches. | cs.CL | Adversarial Capsule Networks for Romanian Satire Detection and Sentiment Analysis |
2023-06-13T15:15:31Z | http://arxiv.org/pdf/2306.08020v1 | http://arxiv.org/abs/2306.08020v1 | Susan Leavy, Gerardine Meaney, Karen Wade, Derek Greene | 2023-06-13T15:15:31Z | cs.CL, cs.AI | The increasing availability of digital collections of historical and
contemporary literature presents a wealth of possibilities for new research in
the humanities. The scale and diversity of such collections however, presents
particular challenges in identifying and extracting relevant content. This
paper presents Curatr, an online platform for the exploration and curation of
literature with machine learning-supported semantic search, designed within the
context of digital humanities scholarship. The platform provides a text mining
workflow that combines neural word embeddings with expert domain knowledge to
enable the generation of thematic lexicons, allowing researches to curate
relevant sub-corpora from a large corpus of 18th and 19th century digitised
texts. | cs.CL | Curatr: A Platform for Semantic Analysis and Curation of Historical Literary Texts |
2023-06-13T14:35:34Z | http://arxiv.org/pdf/2306.08018v5 | http://arxiv.org/abs/2306.08018v5 | Yin Fang, Xiaozhuan Liang, Ningyu Zhang, Kangwei Liu, Rui Huang, Zhuo Chen, Xiaohui Fan, Huajun Chen | 2024-03-04T12:49:31Z | q-bio.QM, cs.AI, cs.CE, cs.CL, cs.IR, cs.LG | Large Language Models (LLMs), with their remarkable task-handling
capabilities and innovative outputs, have catalyzed significant advancements
across a spectrum of fields. However, their proficiency within specialized
domains such as biomolecular studies remains limited. To address this
challenge, we introduce Mol-Instructions, a comprehensive instruction dataset
designed for the biomolecular domain. Mol-Instructions encompasses three key
components: molecule-oriented instructions, protein-oriented instructions, and
biomolecular text instructions. Each component aims to improve the
understanding and prediction capabilities of LLMs concerning biomolecular
features and behaviors. Through extensive instruction tuning experiments on
LLMs, we demonstrate the effectiveness of Mol-Instructions in enhancing large
models' performance in the intricate realm of biomolecular studies, thus
fostering progress in the biomolecular research community. Mol-Instructions is
publicly available for ongoing research and will undergo regular updates to
enhance its applicability. | q-bio.QM | Mol-Instructions: A Large-Scale Biomolecular Instruction Dataset for Large Language Models |
2023-06-13T14:21:35Z | http://arxiv.org/pdf/2306.07799v1 | http://arxiv.org/abs/2306.07799v1 | Dongqi Pu, Vera Demberg | 2023-06-13T14:21:35Z | cs.CL, cs.AI, cs.LG | Large-scale language models, like ChatGPT, have garnered significant media
attention and stunned the public with their remarkable capacity for generating
coherent text from short natural language prompts. In this paper, we aim to
conduct a systematic inspection of ChatGPT's performance in two controllable
generation tasks, with respect to ChatGPT's ability to adapt its output to
different target audiences (expert vs. layman) and writing styles (formal vs.
informal). Additionally, we evaluate the faithfulness of the generated text,
and compare the model's performance with human-authored texts. Our findings
indicate that the stylistic variations produced by humans are considerably
larger than those demonstrated by ChatGPT, and the generated texts diverge from
human samples in several characteristics, such as the distribution of word
types. Moreover, we observe that ChatGPT sometimes incorporates factual errors
or hallucinations when adapting the text to suit a specific style. | cs.CL | ChatGPT vs Human-authored Text: Insights into Controllable Text Summarization and Sentence Style Transfer |
2023-06-13T14:19:45Z | http://arxiv.org/pdf/2306.07797v2 | http://arxiv.org/abs/2306.07797v2 | Dmitry Karpov, Mikhail Burtsev | 2023-07-04T14:07:39Z | cs.CL, cs.AI | This article investigates the knowledge transfer from the RuQTopics dataset.
This Russian topical dataset combines a large sample number (361,560
single-label, 170,930 multi-label) with extensive class coverage (76 classes).
We have prepared this dataset from the "Yandex Que" raw data. By evaluating the
RuQTopics - trained models on the six matching classes of the Russian MASSIVE
subset, we have proved that the RuQTopics dataset is suitable for real-world
conversational tasks, as the Russian-only models trained on this dataset
consistently yield an accuracy around 85\% on this subset. We also have figured
out that for the multilingual BERT, trained on the RuQTopics and evaluated on
the same six classes of MASSIVE (for all MASSIVE languages), the language-wise
accuracy closely correlates (Spearman correlation 0.773 with p-value 2.997e-11)
with the approximate size of the pretraining BERT's data for the corresponding
language. At the same time, the correlation of the language-wise accuracy with
the linguistical distance from Russian is not statistically significant. | cs.CL | Monolingual and Cross-Lingual Knowledge Transfer for Topic Classification |
2023-06-13T14:11:19Z | http://arxiv.org/pdf/2306.07790v1 | http://arxiv.org/abs/2306.07790v1 | Matias Jentoft, David Samuel | 2023-06-13T14:11:19Z | cs.CL, cs.AI | While there has been a surge of large language models for Norwegian in recent
years, we lack any tool to evaluate their understanding of grammaticality. We
present two new Norwegian datasets for this task. NoCoLA_class is a supervised
binary classification task where the goal is to discriminate between acceptable
and non-acceptable sentences. On the other hand, NoCoLA_zero is a purely
diagnostic task for evaluating the grammatical judgement of a language model in
a completely zero-shot manner, i.e. without any further training. In this
paper, we describe both datasets in detail, show how to use them for different
flavors of language models, and conduct a comparative study of the existing
Norwegian language models. | cs.CL | NoCoLA: The Norwegian Corpus of Linguistic Acceptability |
2023-06-13T14:07:52Z | http://arxiv.org/pdf/2306.07786v2 | http://arxiv.org/abs/2306.07786v2 | Robert Lakatos, Gergo Bogacsovics, Balazs Harangi, Istvan Lakatos, Attila Tiba, Janos Toth, Marianna Szabo, Andras Hajdu | 2023-06-18T10:56:14Z | cs.CL, cs.AI | The efficiency of natural language processing has improved dramatically with
the advent of machine learning models, particularly neural network-based
solutions. However, some tasks are still challenging, especially when
considering specific domains. In this paper, we present a cloud-based system
that can extract insights from customer reviews using machine learning methods
integrated into a pipeline. For topic modeling, our composite model uses
transformer-based neural networks designed for natural language processing,
vector embedding-based keyword extraction, and clustering. The elements of our
model have been integrated and further developed to meet better the
requirements of efficient information extraction, topic modeling of the
extracted information, and user needs. Furthermore, our system can achieve
better results than this task's existing topic modeling and keyword extraction
solutions. Our approach is validated and compared with other state-of-the-art
methods using publicly available datasets for benchmarking. | cs.CL | A Cloud-based Machine Learning Pipeline for the Efficient Extraction of Insights from Customer Reviews |
2023-06-13T13:27:34Z | http://arxiv.org/pdf/2306.07764v1 | http://arxiv.org/abs/2306.07764v1 | David Samuel, Lilja Øvrelid | 2023-06-13T13:27:34Z | cs.CL, cs.AI | In recent years, language models have become increasingly larger and more
complex. However, the input representations for these models continue to rely
on simple and greedy subword tokenization methods. In this paper, we propose a
novel tokenization method that factorizes subwords onto discrete triplets using
a VQ-VAE model. The effectiveness of the proposed tokenization method, referred
to as the Factorizer, is evaluated on language modeling and morpho-syntactic
tasks for 7 diverse languages. Results indicate that this method is more
appropriate and robust for morphological tasks than the commonly used byte-pair
encoding (BPE) tokenization algorithm. | cs.CL | Tokenization with Factorized Subword Encoding |
2023-06-13T13:22:30Z | http://arxiv.org/pdf/2306.07763v1 | http://arxiv.org/abs/2306.07763v1 | Edward Gow-Smith, Alexandre Berard, Marcely Zanon Boito, Ioan Calapodescu | 2023-06-13T13:22:30Z | cs.CL | This paper presents NAVER LABS Europe's systems for Tamasheq-French and
Quechua-Spanish speech translation in the IWSLT 2023 Low-Resource track. Our
work attempts to maximize translation quality in low-resource settings using
multilingual parameter-efficient solutions that leverage strong pre-trained
models. Our primary submission for Tamasheq outperforms the previous state of
the art by 7.5 BLEU points on the IWSLT 2022 test set, and achieves 23.6 BLEU
on this year's test set, outperforming the second best participant by 7.7
points. For Quechua, we also rank first and achieve 17.7 BLEU, despite having
only two hours of translation data. Finally, we show that our proposed
multilingual architecture is also competitive for high-resource languages,
outperforming the best unconstrained submission to the IWSLT 2021 Multilingual
track, despite using much less training data and compute. | cs.CL | NAVER LABS Europe's Multilingual Speech Translation Systems for the IWSLT 2023 Low-Resource Track |
2023-06-13T11:16:52Z | http://arxiv.org/pdf/2306.08012v1 | http://arxiv.org/abs/2306.08012v1 | Sunil Kumar Kopparapu | 2023-06-13T11:16:52Z | cs.SD, cs.CL, eess.AS | The COVID-19 pandemic has led to an increased use of remote telephonic
interviews, making it important to distinguish between scripted and spontaneous
speech in audio recordings. In this paper, we propose a novel scheme for
identifying read and spontaneous speech. Our approach uses a pre-trained
DeepSpeech audio-to-alphabet recognition engine to generate a sequence of
alphabets from the audio. From these alphabets, we derive features that allow
us to discriminate between read and spontaneous speech. Our experimental
results show that even a small set of self-explanatory features can effectively
classify the two types of speech very effectively. | cs.SD | A Novel Scheme to classify Read and Spontaneous Speech |
2023-06-13T11:04:43Z | http://arxiv.org/pdf/2306.07691v2 | http://arxiv.org/abs/2306.07691v2 | Yinghao Aaron Li, Cong Han, Vinay S. Raghavan, Gavin Mischler, Nima Mesgarani | 2023-11-20T04:23:08Z | eess.AS, cs.AI, cs.CL, cs.LG, cs.SD | In this paper, we present StyleTTS 2, a text-to-speech (TTS) model that
leverages style diffusion and adversarial training with large speech language
models (SLMs) to achieve human-level TTS synthesis. StyleTTS 2 differs from its
predecessor by modeling styles as a latent random variable through diffusion
models to generate the most suitable style for the text without requiring
reference speech, achieving efficient latent diffusion while benefiting from
the diverse speech synthesis offered by diffusion models. Furthermore, we
employ large pre-trained SLMs, such as WavLM, as discriminators with our novel
differentiable duration modeling for end-to-end training, resulting in improved
speech naturalness. StyleTTS 2 surpasses human recordings on the single-speaker
LJSpeech dataset and matches it on the multispeaker VCTK dataset as judged by
native English speakers. Moreover, when trained on the LibriTTS dataset, our
model outperforms previous publicly available models for zero-shot speaker
adaptation. This work achieves the first human-level TTS on both single and
multispeaker datasets, showcasing the potential of style diffusion and
adversarial training with large SLMs. The audio demos and source code are
available at https://styletts2.github.io/. | eess.AS | StyleTTS 2: Towards Human-Level Text-to-Speech through Style Diffusion and Adversarial Training with Large Speech Language Models |
2023-06-13T10:14:58Z | http://arxiv.org/pdf/2306.07664v1 | http://arxiv.org/abs/2306.07664v1 | Zhengxiang Shi, Aldo Lipani | 2023-06-13T10:14:58Z | cs.CL, cs.AI, cs.LG | In recent years, language models (LMs) have made remarkable progress in
advancing the field of natural language processing (NLP). However, the impact
of data augmentation (DA) techniques on the fine-tuning (FT) performance of
these LMs has been a topic of ongoing debate. In this study, we evaluate the
effectiveness of three different FT methods in conjugation with
back-translation across an array of 7 diverse NLP tasks, including
classification and regression types, covering single-sentence and sentence-pair
tasks. Contrary to prior assumptions that DA does not contribute to the
enhancement of LMs' FT performance, our findings reveal that continued
pre-training on augmented data can effectively improve the FT performance of
the downstream tasks. In the most favourable case, continued pre-training
improves the performance of FT by more than 10% in the few-shot learning
setting. Our finding highlights the potential of DA as a powerful tool for
bolstering LMs' performance. | cs.CL | Rethink the Effectiveness of Text Data Augmentation: An Empirical Analysis |
2023-06-13T09:54:01Z | http://arxiv.org/pdf/2306.07656v1 | http://arxiv.org/abs/2306.07656v1 | Nathan Godey, Éric de la Clergerie, Benoît Sagot | 2023-06-13T09:54:01Z | cs.CL | The representation degeneration problem is a phenomenon that is widely
observed among self-supervised learning methods based on Transformers. In NLP,
it takes the form of anisotropy, a singular property of hidden representations
which makes them unexpectedly close to each other in terms of angular distance
(cosine-similarity). Some recent works tend to show that anisotropy is a
consequence of optimizing the cross-entropy loss on long-tailed distributions
of tokens. We show in this paper that anisotropy can also be observed
empirically in language models with specific objectives that should not suffer
directly from the same consequences. We also show that the anisotropy problem
extends to Transformers trained on other modalities. Our observations tend to
demonstrate that anisotropy might actually be inherent to Transformers-based
models. | cs.CL | Is Anisotropy Inherent to Transformers? |
2023-06-13T09:42:48Z | http://arxiv.org/pdf/2306.07650v1 | http://arxiv.org/abs/2306.07650v1 | Yuchen Han, Chen Xu, Tong Xiao, Jingbo Zhu | 2023-06-13T09:42:48Z | cs.CL, cs.SD, eess.AS | Pre-training and fine-tuning is a paradigm for alleviating the data scarcity
problem in end-to-end speech translation (E2E ST). The commonplace "modality
gap" between speech and text data often leads to inconsistent inputs between
pre-training and fine-tuning. However, we observe that this gap occurs in the
early stages of fine-tuning, but does not have a major impact on the final
performance. On the other hand, we find that there has another gap, which we
call the "capacity gap": high resource tasks (such as ASR and MT) always
require a large model to fit, when the model is reused for a low resource task
(E2E ST), it will get a sub-optimal performance due to the over-fitting. In a
case study, we find that the regularization plays a more important role than
the well-designed modality adaption method, which achieves 29.0 for en-de and
40.3 for en-fr on the MuST-C dataset. Code and models are available at
https://github.com/hannlp/TAB. | cs.CL | Modality Adaption or Regularization? A Case Study on End-to-End Speech Translation |
2023-06-13T09:15:40Z | http://arxiv.org/pdf/2306.07636v1 | http://arxiv.org/abs/2306.07636v1 | Péter Berkecz, György Orosz, Zsolt Szántó, Gergő Szabó, Richárd Farkas | 2023-06-13T09:15:40Z | cs.CL, 68T50, I.2.7 | Lemmatization is still not a trivial task for morphologically rich languages.
Previous studies showed that hybrid architectures usually work better for these
languages and can yield great results. This paper presents a hybrid lemmatizer
utilizing both a neural model, dictionaries and hand-crafted rules. We
introduce a hybrid architecture along with empirical results on a widely used
Hungarian dataset. The presented methods are published as three HuSpaCy models. | cs.CL | Hybrid lemmatization in HuSpaCy |
2023-06-13T08:57:54Z | http://arxiv.org/pdf/2306.07629v4 | http://arxiv.org/abs/2306.07629v4 | Sehoon Kim, Coleman Hooper, Amir Gholami, Zhen Dong, Xiuyu Li, Sheng Shen, Michael W. Mahoney, Kurt Keutzer | 2024-06-05T03:57:41Z | cs.CL, cs.LG | Generative Large Language Models (LLMs) have demonstrated remarkable results
for a wide range of tasks. However, deploying these models for inference has
been a significant challenge due to their unprecedented resource requirements.
This has forced existing deployment frameworks to use multi-GPU inference
pipelines, which are often complex and costly, or to use smaller and less
performant models. In this work, we demonstrate that the main bottleneck for
generative inference with LLMs is memory bandwidth, rather than compute,
specifically for single batch inference. While quantization has emerged as a
promising solution by representing weights with reduced precision, previous
efforts have often resulted in notable performance degradation. To address
this, we introduce SqueezeLLM, a post-training quantization framework that not
only enables lossless compression to ultra-low precisions of up to 3-bit, but
also achieves higher quantization performance under the same memory constraint.
Our framework incorporates two novel ideas: (i) sensitivity-based non-uniform
quantization, which searches for the optimal bit precision assignment based on
second-order information; and (ii) the Dense-and-Sparse decomposition that
stores outliers and sensitive weight values in an efficient sparse format. When
applied to the LLaMA models, our 3-bit quantization significantly reduces the
perplexity gap from the FP16 baseline by up to 2.1x as compared to the
state-of-the-art methods with the same memory requirement. Furthermore, when
deployed on an A6000 GPU, our quantized models achieve up to 2.3x speedup
compared to the baseline. Our code is available at
https://github.com/SqueezeAILab/SqueezeLLM. | cs.CL | SqueezeLLM: Dense-and-Sparse Quantization |
2023-06-13T08:43:13Z | http://arxiv.org/pdf/2306.07622v2 | http://arxiv.org/abs/2306.07622v2 | Thilo Hagendorff, Sarah Fabi | 2023-08-18T17:33:15Z | cs.CL, cs.AI, cs.LG | Large language models (LLMs) are currently at the forefront of intertwining
AI systems with human communication and everyday life. Therefore, it is of
great importance to evaluate their emerging abilities. In this study, we show
that LLMs, most notably GPT-3, exhibit behavior that strikingly resembles
human-like intuition -- and the cognitive errors that come with it. However,
LLMs with higher cognitive capabilities, in particular ChatGPT and GPT-4,
learned to avoid succumbing to these errors and perform in a hyperrational
manner. For our experiments, we probe LLMs with the Cognitive Reflection Test
(CRT) as well as semantic illusions that were originally designed to
investigate intuitive decision-making in humans. Moreover, we probe how sturdy
the inclination for intuitive-like decision-making is. Our study demonstrates
that investigating LLMs with methods from psychology has the potential to
reveal otherwise unknown emergent traits. | cs.CL | Human-Like Intuitive Behavior and Reasoning Biases Emerged in Language Models -- and Disappeared in GPT-4 |
2023-06-13T08:41:36Z | http://arxiv.org/pdf/2306.07621v1 | http://arxiv.org/abs/2306.07621v1 | Ahmed Murtadha, Shengfeng Pan, Wen Bo, Jianlin Su, Xinxin Cao, Wenze Zhang, Yunfeng Liu | 2023-06-13T08:41:36Z | cs.CL | Semi-supervised text classification-based paradigms (SSTC) typically employ
the spirit of self-training. The key idea is to train a deep classifier on
limited labeled texts and then iteratively predict the unlabeled texts as their
pseudo-labels for further training. However, the performance is largely
affected by the accuracy of pseudo-labels, which may not be significant in
real-world scenarios. This paper presents a Rank-aware Negative Training (RNT)
framework to address SSTC in learning with noisy label manner. To alleviate the
noisy information, we adapt a reasoning with uncertainty-based approach to rank
the unlabeled texts based on the evidential support received from the labeled
texts. Moreover, we propose the use of negative training to train RNT based on
the concept that ``the input instance does not belong to the complementary
label''. A complementary label is randomly selected from all labels except the
label on-target. Intuitively, the probability of a true label serving as a
complementary label is low and thus provides less noisy information during the
training, resulting in better performance on the test data. Finally, we
evaluate the proposed solution on various text classification benchmark
datasets. Our extensive experiments show that it consistently overcomes the
state-of-the-art alternatives in most scenarios and achieves competitive
performance in the others. The code of RNT is publicly available
at:https://github.com/amurtadha/RNT. | cs.CL | Rank-Aware Negative Training for Semi-Supervised Text Classification |
2023-06-13T08:08:08Z | http://arxiv.org/pdf/2306.07610v1 | http://arxiv.org/abs/2306.07610v1 | Jiali Zeng, Yufan Jiang, Yongjing Yin, Yi Jing, Fandong Meng, Binghuai Lin, Yunbo Cao, Jie Zhou | 2023-06-13T08:08:08Z | cs.CL | Multilingual pre-trained language models have demonstrated impressive
(zero-shot) cross-lingual transfer abilities, however, their performance is
hindered when the target language has distant typology from source languages or
when pre-training data is limited in size. In this paper, we propose XLM-P,
which contextually retrieves prompts as flexible guidance for encoding
instances conditionally. Our XLM-P enables (1) lightweight modeling of
language-invariant and language-specific knowledge across languages, and (2)
easy integration with other multilingual pre-training methods. On the tasks of
XTREME including text classification, sequence labeling, question answering,
and sentence retrieval, both base- and large-size language models pre-trained
with our proposed method exhibit consistent performance improvement.
Furthermore, it provides substantial advantages for low-resource languages in
unsupervised sentence retrieval and for target languages that differ greatly
from the source language in cross-lingual transfer. | cs.CL | Soft Language Clustering for Multilingual Model Pre-training |
2023-06-13T07:44:29Z | http://arxiv.org/pdf/2306.07597v1 | http://arxiv.org/abs/2306.07597v1 | Xiang Huang, Sitao Cheng, Yiheng Shu, Yuheng Bao, Yuzhong Qu | 2023-06-13T07:44:29Z | cs.CL | Knowledge base question answering (KBQA) has attracted a lot of interest in
recent years, especially for complex questions which require multiple facts to
answer. Question decomposition is a promising way to answer complex questions.
Existing decomposition methods split the question into sub-questions according
to a single compositionality type, which is not sufficient for questions
involving multiple compositionality types. In this paper, we propose Question
Decomposition Tree (QDT) to represent the structure of complex questions.
Inspired by recent advances in natural language generation (NLG), we present a
two-staged method called Clue-Decipher to generate QDT. It can leverage the
strong ability of NLG model and simultaneously preserve the original questions.
To verify that QDT can enhance KBQA task, we design a decomposition-based KBQA
system called QDTQA. Extensive experiments show that QDTQA outperforms previous
state-of-the-art methods on ComplexWebQuestions dataset. Besides, our
decomposition method improves an existing KBQA system by 12% and sets a new
state-of-the-art on LC-QuAD 1.0. | cs.CL | Question Decomposition Tree for Answering Complex Questions over Knowledge Bases |
2023-06-13T06:40:37Z | http://arxiv.org/pdf/2306.07567v2 | http://arxiv.org/abs/2306.07567v2 | Fabien Roger | 2023-06-16T16:23:21Z | cs.LG, cs.CL | When using adversarial training, it is common practice to train against the
most egregious failures. However, this might imply using examples with
sensitive information (such as leaked passwords or security vulnerabilities) as
training data. One might assume that language models trained with gradient
descent never generate text snippets which were only present in examples
associated with the lowest possible reward. In this paper, we show that this
assumption is wrong: in some situations, large language models do learn from
such negatively-reinforced examples. We present a specific training setup that
enables Pythia-160M to guess passwords 13% more often than it would by guessing
randomly, despite only showing it these passwords on examples where the model
is incentivized to not output these passwords. Our code is available at
www.github.com/FabienRoger/Learning-From-Negative-Examples | cs.LG | Large Language Models Sometimes Generate Purely Negatively-Reinforced Text |
2023-06-13T06:26:54Z | http://arxiv.org/pdf/2306.08000v1 | http://arxiv.org/abs/2306.08000v1 | Aakash Mishra, Rajat Mittal, Christy Jestin, Kostas Tingos, Pranav Rajpurkar | 2023-06-13T06:26:54Z | physics.med-ph, cs.CL, cs.CV, cs.LG, eess.IV | Recent advances in zero-shot learning have enabled the use of paired
image-text data to replace structured labels, replacing the need for expert
annotated datasets. Models such as CLIP-based CheXzero utilize these
advancements in the domain of chest X-ray interpretation. We hypothesize that
domain pre-trained models such as CXR-BERT, BlueBERT, and ClinicalBERT offer
the potential to improve the performance of CLIP-like models with specific
domain knowledge by replacing BERT weights at the cost of breaking the original
model's alignment. We evaluate the performance of zero-shot classification
models with domain-specific pre-training for detecting low-prevalence
pathologies. Even though replacing the weights of the original CLIP-BERT
degrades model performance on commonly found pathologies, we show that
pre-trained text towers perform exceptionally better on low-prevalence
diseases. This motivates future ensemble models with a combination of
differently trained language models for maximal performance. | physics.med-ph | Improving Zero-Shot Detection of Low Prevalence Chest Pathologies using Domain Pre-trained Language Models |
2023-06-13T06:06:01Z | http://arxiv.org/pdf/2306.07554v1 | http://arxiv.org/abs/2306.07554v1 | Qianyu He, Yikai Zhang, Jiaqing Liang, Yuncheng Huang, Yanghua Xiao, Yunwen Chen | 2023-06-13T06:06:01Z | cs.CL | Similes play an imperative role in creative writing such as story and
dialogue generation. Proper evaluation metrics are like a beacon guiding the
research of simile generation (SG). However, it remains under-explored as to
what criteria should be considered, how to quantify each criterion into
metrics, and whether the metrics are effective for comprehensive, efficient,
and reliable SG evaluation. To address the issues, we establish HAUSER, a
holistic and automatic evaluation system for the SG task, which consists of
five criteria from three perspectives and automatic metrics for each criterion.
Through extensive experiments, we verify that our metrics are significantly
more correlated with human ratings from each perspective compared with prior
automatic metrics. | cs.CL | HAUSER: Towards Holistic and Automatic Evaluation of Simile Generation |
2023-06-13T05:16:18Z | http://arxiv.org/pdf/2306.14903v1 | http://arxiv.org/abs/2306.14903v1 | Yan Shi, Yao Tian, Chengwei Tong, Chunyan Zhu, Qianqian Li, Mengzhu Zhang, Wei Zhao, Yong Liao, Pengyuan Zhou | 2023-06-13T05:16:18Z | cs.CL, cs.AI, cs.SI | Social network plays an important role in propagating people's viewpoints,
emotions, thoughts, and fears. Notably, following lockdown periods during the
COVID-19 pandemic, the issue of depression has garnered increasing attention,
with a significant portion of individuals resorting to social networks as an
outlet for expressing emotions. Using deep learning techniques to discern
potential signs of depression from social network messages facilitates the
early identification of mental health conditions. Current efforts in detecting
depression through social networks typically rely solely on analyzing the
textual content, overlooking other potential information. In this work, we
conduct a thorough investigation that unveils a strong correlation between
depression and negative emotional states. The integration of such associations
as external knowledge can provide valuable insights for detecting depression.
Accordingly, we propose a multi-task training framework, DeSK, which utilizes
shared sentiment knowledge to enhance the efficacy of depression detection.
Experiments conducted on both Chinese and English datasets demonstrate the
cross-lingual effectiveness of DeSK. | cs.CL | Detect Depression from Social Networks with Sentiment Knowledge Sharing |
2023-06-13T04:37:00Z | http://arxiv.org/pdf/2306.07536v1 | http://arxiv.org/abs/2306.07536v1 | Kush Bhatia, Avanika Narayan, Christopher De Sa, Christopher Ré | 2023-06-13T04:37:00Z | cs.LG, cs.AI, cs.CL | Large language models (LLMs) exhibit in-context learning abilities which
enable the same model to perform several tasks without any task-specific
training. In contrast, traditional adaptation approaches, such as fine-tuning,
modify the underlying models for each specific task. In-context learning,
however, consistently underperforms task-specific tuning approaches even when
presented with the same examples. While most existing approaches (e.g., prompt
engineering) focus on the LLM's learned representations to patch this
performance gap, our analysis actually reveal that LLM representations contain
sufficient information to make good predictions. As such, we focus on the LLM's
reasoning abilities and demonstrate that this performance gap exists due to
their inability to perform simple probabilistic reasoning tasks. This raises an
intriguing question: Are LLMs actually capable of learning how to reason in a
task-agnostic manner? We answer this in the affirmative and propose TART which
generically improves an LLM's reasoning abilities using a synthetically trained
Transformer-based reasoning module. TART trains this reasoning module in a
task-agnostic manner using only synthetic logistic regression tasks and
composes it with an arbitrary real-world pre-trained model without any
additional training. With a single inference module, TART improves performance
across different model families (GPT-Neo, Pythia, BLOOM), model sizes (100M -
6B), tasks (14 NLP binary classification tasks), and even across different
modalities (audio and vision). Additionally, on the RAFT Benchmark, TART
improves GPT-Neo (125M)'s performance such that it outperforms BLOOM (176B),
and is within 4% of GPT-3 (175B). Our code and models are available at
https://github.com/HazyResearch/TART . | cs.LG | TART: A plug-and-play Transformer module for task-agnostic reasoning |
2023-06-13T02:43:21Z | http://arxiv.org/pdf/2306.07512v1 | http://arxiv.org/abs/2306.07512v1 | Ruijie Wang, Baoyu Li, Yichen Lu, Dachun Sun, Jinning Li, Yuchen Yan, Shengzhong Liu, Hanghang Tong, Tarek F. Abdelzaher | 2023-06-13T02:43:21Z | cs.LG, cs.AI, cs.CL, cs.SI | This paper studies speculative reasoning task on real-world knowledge graphs
(KG) that contain both \textit{false negative issue} (i.e., potential true
facts being excluded) and \textit{false positive issue} (i.e., unreliable or
outdated facts being included). State-of-the-art methods fall short in the
speculative reasoning ability, as they assume the correctness of a fact is
solely determined by its presence in KG, making them vulnerable to false
negative/positive issues. The new reasoning task is formulated as a noisy
Positive-Unlabeled learning problem. We propose a variational framework, namely
nPUGraph, that jointly estimates the correctness of both collected and
uncollected facts (which we call \textit{label posterior}) and updates model
parameters during training. The label posterior estimation facilitates
speculative reasoning from two perspectives. First, it improves the robustness
of a label posterior-aware graph encoder against false positive links. Second,
it identifies missing facts to provide high-quality grounds of reasoning. They
are unified in a simple yet effective self-training procedure. Empirically,
extensive experiments on three benchmark KG and one Twitter dataset with
various degrees of false negative/positive cases demonstrate the effectiveness
of nPUGraph. | cs.LG | Noisy Positive-Unlabeled Learning with Self-Training for Speculative Knowledge Graph Reasoning |
2023-06-13T02:23:04Z | http://arxiv.org/pdf/2306.07500v1 | http://arxiv.org/abs/2306.07500v1 | Yanchen Wang, Lisa Singh | 2023-06-13T02:23:04Z | cs.CY, cs.AI, cs.CL | Generative AI models continue to become more powerful. The launch of ChatGPT
in November 2022 has ushered in a new era of AI. ChatGPT and other similar
chatbots have a range of capabilities, from answering student homework
questions to creating music and art. There are already concerns that humans may
be replaced by chatbots for a variety of jobs. Because of the wide spectrum of
data chatbots are built on, we know that they will have human errors and human
biases built into them. These biases may cause significant harm and/or inequity
toward different subpopulations. To understand the strengths and weakness of
chatbot responses, we present a position paper that explores different use
cases of ChatGPT to determine the types of questions that are answered fairly
and the types that still need improvement. We find that ChatGPT is a fair
search engine for the tasks we tested; however, it has biases on both text
generation and code generation. We find that ChatGPT is very sensitive to
changes in the prompt, where small changes lead to different levels of
fairness. This suggests that we need to immediately implement "corrections" or
mitigation strategies in order to improve fairness of these systems. We suggest
different strategies to improve chatbots and also advocate for an impartial
review panel that has access to the model parameters to measure the levels of
different types of biases and then recommends safeguards that move toward
responses that are less discriminatory and more accurate. | cs.CY | Adding guardrails to advanced chatbots |
2023-06-13T02:20:58Z | http://arxiv.org/pdf/2306.07499v1 | http://arxiv.org/abs/2306.07499v1 | Xiao Yang, Ahmed K. Mohamed, Shashank Jain, Stanislav Peshterliev, Debojeet Chatterjee, Hanwen Zha, Nikita Bhalla, Gagan Aneja, Pranab Mohanty | 2023-06-13T02:20:58Z | cs.CL, cs.AI, cs.LG | Label error is a ubiquitous problem in annotated data. Large amounts of label
error substantially degrades the quality of deep learning models. Existing
methods to tackle the label error problem largely focus on the classification
task, and either rely on task specific architecture or require non-trivial
additional computations, which is undesirable or even unattainable for industry
usage. In this paper, we propose LEDO: a model-agnostic and computationally
efficient framework for Label Error Detection and Overwrite. LEDO is based on
Monte Carlo Dropout combined with uncertainty metrics, and can be easily
generalized to multiple tasks and data sets. Applying LEDO to an industry
opinion-based question answering system demonstrates it is effective at
improving accuracy in all the core models. Specifically, LEDO brings 1.1% MRR
gain for the retrieval model, 1.5% PR AUC improvement for the machine reading
comprehension model, and 0.9% rise in the Average Precision for the ranker, on
top of the strong baselines with a large-scale social media dataset.
Importantly, LEDO is computationally efficient compared to methods that require
loss function change, and cost-effective as the resulting data can be used in
the same continuous training pipeline for production. Further analysis shows
that these gains come from an improved decision boundary after cleaning the
label errors existed in the training data. | cs.CL | Improving Opinion-based Question Answering Systems Through Label Error Detection and Overwrite |
2023-06-13T01:18:32Z | http://arxiv.org/pdf/2306.07486v1 | http://arxiv.org/abs/2306.07486v1 | Hao Yang, Min Zhang, Shimin Tao, Minghan Wang, Daimeng Wei, Yanfei Jiang | 2023-06-13T01:18:32Z | cs.CL | Cross-lingual Machine Translation (MT) quality estimation plays a crucial
role in evaluating translation performance. GEMBA, the first MT quality
assessment metric based on Large Language Models (LLMs), employs one-step
prompting to achieve state-of-the-art (SOTA) in system-level MT quality
estimation; however, it lacks segment-level analysis. In contrast,
Chain-of-Thought (CoT) prompting outperforms one-step prompting by offering
improved reasoning and explainability. In this paper, we introduce
Knowledge-Prompted Estimator (KPE), a CoT prompting method that combines three
one-step prompting techniques, including perplexity, token-level similarity,
and sentence-level similarity. This method attains enhanced performance for
segment-level estimation compared with previous deep learning models and
one-step prompting approaches. Furthermore, supplementary experiments on
word-level visualized alignment demonstrate that our KPE method significantly
improves token alignment compared with earlier models and provides better
interpretability for MT quality estimation. Code will be released upon
publication. | cs.CL | Knowledge-Prompted Estimator: A Novel Approach to Explainable Machine Translation Assessment |
2023-06-13T00:26:18Z | http://arxiv.org/pdf/2306.07471v1 | http://arxiv.org/abs/2306.07471v1 | Ehsan Kamalloo, Nandan Thakur, Carlos Lassance, Xueguang Ma, Jheng-Hong Yang, Jimmy Lin | 2023-06-13T00:26:18Z | cs.IR, cs.CL | BEIR is a benchmark dataset for zero-shot evaluation of information retrieval
models across 18 different domain/task combinations. In recent years, we have
witnessed the growing popularity of a representation learning approach to
building retrieval models, typically using pretrained transformers in a
supervised setting. This naturally begs the question: How effective are these
models when presented with queries and documents that differ from the training
data? Examples include searching in different domains (e.g., medical or legal
text) and with different types of queries (e.g., keywords vs. well-formed
questions). While BEIR was designed to answer these questions, our work
addresses two shortcomings that prevent the benchmark from achieving its full
potential: First, the sophistication of modern neural methods and the
complexity of current software infrastructure create barriers to entry for
newcomers. To this end, we provide reproducible reference implementations that
cover the two main classes of approaches: learned dense and sparse models.
Second, there does not exist a single authoritative nexus for reporting the
effectiveness of different models on BEIR, which has led to difficulty in
comparing different methods. To remedy this, we present an official
self-service BEIR leaderboard that provides fair and consistent comparisons of
retrieval models. By addressing both shortcomings, our work facilitates future
explorations in a range of interesting research questions that BEIR enables. | cs.IR | Resources for Brewing BEIR: Reproducible Reference Models and an Official Leaderboard |
2023-06-12T21:02:12Z | http://arxiv.org/pdf/2306.07426v1 | http://arxiv.org/abs/2306.07426v1 | Andani Madodonga, Vukosi Marivate, Matthew Adendorff | 2023-06-12T21:02:12Z | cs.CL | Local/Native South African languages are classified as low-resource
languages. As such, it is essential to build the resources for these languages
so that they can benefit from advances in the field of natural language
processing. In this work, the focus was to create annotated news datasets for
the isiZulu and Siswati native languages based on news topic classification
tasks and present the findings from these baseline classification models. Due
to the shortage of data for these native South African languages, the datasets
that were created were augmented and oversampled to increase data size and
overcome class classification imbalance. In total, four different
classification models were used namely Logistic regression, Naive bayes,
XGBoost and LSTM. These models were trained on three different word embeddings
namely Bag-Of-Words, TFIDF and Word2vec. The results of this study showed that
XGBoost, Logistic Regression and LSTM, trained from Word2vec performed better
than the other combinations. | cs.CL | Izindaba-Tindzaba: Machine learning news categorisation for Long and Short Text for isiZulu and Siswati |
2023-06-12T20:44:47Z | http://arxiv.org/pdf/2306.07415v1 | http://arxiv.org/abs/2306.07415v1 | Gunnar Lund, Kostiantyn Omelianchuk, Igor Samokhin | 2023-06-12T20:44:47Z | cs.CL | In this paper we show that GEC systems display gender bias related to the use
of masculine and feminine terms and the gender-neutral singular "they". We
develop parallel datasets of texts with masculine and feminine terms and
singular "they" and use them to quantify gender bias in three competitive GEC
systems. We contribute a novel data augmentation technique for singular "they"
leveraging linguistic insights about its distribution relative to plural
"they". We demonstrate that both this data augmentation technique and a
refinement of a similar augmentation technique for masculine and feminine terms
can generate training data that reduces bias in GEC systems, especially with
respect to singular "they" while maintaining the same level of quality. | cs.CL | Gender-Inclusive Grammatical Error Correction through Augmentation |
2023-06-12T20:43:24Z | http://arxiv.org/pdf/2306.07414v1 | http://arxiv.org/abs/2306.07414v1 | Catherine Gitau, VUkosi Marivate | 2023-06-12T20:43:24Z | cs.CL | In this work we investigate the impact of applying textual data augmentation
tasks to low resource machine translation. There has been recent interest in
investigating approaches for training systems for languages with limited
resources and one popular approach is the use of data augmentation techniques.
Data augmentation aims to increase the quantity of data that is available to
train the system. In machine translation, majority of the language pairs around
the world are considered low resource because they have little parallel data
available and the quality of neural machine translation (NMT) systems depend a
lot on the availability of sizable parallel corpora. We study and apply three
simple data augmentation techniques popularly used in text classification
tasks; synonym replacement, random insertion and contextual data augmentation
and compare their performance with baseline neural machine translation for
English-Swahili (En-Sw) datasets. We also present results in BLEU, ChrF and
Meteor scores. Overall, the contextual data augmentation technique shows some
improvements both in the $EN \rightarrow SW$ and $SW \rightarrow EN$
directions. We see that there is potential to use these methods in neural
machine translation when more extensive experiments are done with diverse
datasets. | cs.CL | Textual Augmentation Techniques Applied to Low Resource Machine Translation: Case of Swahili |
2023-06-12T20:05:09Z | http://arxiv.org/pdf/2306.07403v1 | http://arxiv.org/abs/2306.07403v1 | Xuefei Jiang, Dairui Liu, Ruihai Dong | 2023-06-12T20:05:09Z | cs.CL | In recent years, many recommender systems have utilized textual data for
topic extraction to enhance interpretability. However, our findings reveal a
noticeable deficiency in the coherence of keywords within topics, resulting in
low explainability of the model. This paper introduces a novel approach called
entropy regularization to address the issue, leading to more interpretable
topics extracted from recommender systems, while ensuring that the performance
of the primary task stays competitively strong. The effectiveness of the
strategy is validated through experiments on a variation of the probabilistic
matrix factorization model that utilizes textual data to extract item
embeddings. The experiment results show a significant improvement in topic
coherence, which is quantified by cosine similarity on word embeddings. | cs.CL | Enhancing Topic Extraction in Recommender Systems with Entropy Regularization |
2023-06-12T19:20:18Z | http://arxiv.org/pdf/2306.07384v3 | http://arxiv.org/abs/2306.07384v3 | Akshat Gupta | 2023-11-30T01:01:32Z | cs.CL | With their increasing size, large language models (LLMs) are becoming
increasingly good at language understanding tasks. But even with high
performance on specific downstream task, LLMs fail at simple linguistic tests
for negation or quantifier understanding. Previous work on quantifier
understanding in LLMs show inverse scaling in understanding few-type
quantifiers. In this paper, we question the claims of of previous work and show
that it is a result of inappropriate testing methodology. We also present
alternate methods to measure quantifier comprehension in LLMs and show that
LLMs are able to better understand the difference between the meaning of
few-type and most-type quantifiers as their size increases, although they are
not particularly good at it. We also observe inverse scaling for most-type
quantifier understanding, which is contrary to human psycho-linguistic
experiments and previous work, where the model's understanding of most-type
quantifier gets worse as the model size increases. We do this evaluation on
models ranging from 125M-175B parameters, which suggests that LLMs do not do as
well as expected with quantifiers. We also discuss the possible reasons for
this and the relevance of quantifier understanding in evaluating language
understanding in LLMs. | cs.CL | Probing Quantifier Comprehension in Large Language Models: Another Example of Inverse Scaling |
2023-06-12T19:10:47Z | http://arxiv.org/pdf/2306.07377v1 | http://arxiv.org/abs/2306.07377v1 | Gabriel Nicholas, Aliya Bhatia | 2023-06-12T19:10:47Z | cs.CL, cs.AI | In recent years, large language models (e.g., Open AI's GPT-4, Meta's LLaMa,
Google's PaLM) have become the dominant approach for building AI systems to
analyze and generate language online. However, the automated systems that
increasingly mediate our interactions online -- such as chatbots, content
moderation systems, and search engines -- are primarily designed for and work
far more effectively in English than in the world's other 7,000 languages.
Recently, researchers and technology companies have attempted to extend the
capabilities of large language models into languages other than English by
building what are called multilingual language models.
In this paper, we explain how these multilingual language models work and
explore their capabilities and limits. Part I provides a simple technical
explanation of how large language models work, why there is a gap in available
data between English and other languages, and how multilingual language models
attempt to bridge that gap. Part II accounts for the challenges of doing
content analysis with large language models in general and multilingual
language models in particular. Part III offers recommendations for companies,
researchers, and policymakers to keep in mind when considering researching,
developing and deploying large and multilingual language models. | cs.CL | Lost in Translation: Large Language Models in Non-English Content Analysis |
2023-06-12T18:56:25Z | http://arxiv.org/pdf/2306.07373v1 | http://arxiv.org/abs/2306.07373v1 | Iker de la Iglesia, Aitziber Atutxa, Koldo Gojenola, Ander Barrena | 2023-06-12T18:56:25Z | cs.CL | The utilization of clinical reports for various secondary purposes, including
health research and treatment monitoring, is crucial for enhancing patient
care. Natural Language Processing (NLP) tools have emerged as valuable assets
for extracting and processing relevant information from these reports. However,
the availability of specialized language models for the clinical domain in
Spanish has been limited.
In this paper, we introduce EriBERTa, a bilingual domain-specific language
model pre-trained on extensive medical and clinical corpora. We demonstrate
that EriBERTa outperforms previous Spanish language models in the clinical
domain, showcasing its superior capabilities in understanding medical texts and
extracting meaningful information. Moreover, EriBERTa exhibits promising
transfer learning abilities, allowing for knowledge transfer from one language
to another. This aspect is particularly beneficial given the scarcity of
Spanish clinical data. | cs.CL | EriBERTa: A Bilingual Pre-Trained Language Model for Clinical Natural Language Processing |
2023-06-12T16:40:07Z | http://arxiv.org/pdf/2306.09361v3 | http://arxiv.org/abs/2306.09361v3 | Haiyang Sun, Fulin Zhang, Yingying Gao, Zheng Lian, Shilei Zhang, Junlan Feng | 2024-06-26T04:54:14Z | eess.AS, cs.CL, cs.SD | Speech Emotion Recognition (SER) is an important research topic in
human-computer interaction. Many recent works focus on directly extracting
emotional cues through pre-trained knowledge, frequently overlooking
considerations of appropriateness and comprehensiveness. Therefore, we propose
a novel framework for pre-training knowledge in SER, called Multi-perspective
Fusion Search Network (MFSN). Considering comprehensiveness, we partition
speech knowledge into Textual-related Emotional Content (TEC) and
Speech-related Emotional Content (SEC), capturing cues from both semantic and
acoustic perspectives, and we design a new architecture search space to fully
leverage them. Considering appropriateness, we verify the efficacy of different
modeling approaches in capturing SEC and fills the gap in current research.
Experimental results on multiple datasets demonstrate the superiority of MFSN. | eess.AS | MFSN: Multi-perspective Fusion Search Network For Pre-training Knowledge in Speech Emotion Recognition |
2023-06-12T16:12:56Z | http://arxiv.org/pdf/2306.07209v5 | http://arxiv.org/abs/2306.07209v5 | Wenqi Zhang, Yongliang Shen, Weiming Lu, Yueting Zhuang | 2024-05-24T16:35:15Z | cs.CL, cs.AI, cs.CE | Industries such as finance, meteorology, and energy generate vast amounts of
data daily. Efficiently managing, processing, and displaying this data requires
specialized expertise and is often tedious and repetitive. Leveraging large
language models (LLMs) to develop an automated workflow presents a highly
promising solution. However, LLMs are not adept at handling complex numerical
computations and table manipulations and are also constrained by a limited
context budget. Based on this, we propose Data-Copilot, a data analysis agent
that autonomously performs querying, processing, and visualization of massive
data tailored to diverse human requests. The advancements are twofold: First,
it is a code-centric agent that receives human requests and generates code as
an intermediary to handle massive data, which is quite flexible for large-scale
data processing tasks. Second, Data-Copilot involves a data exploration phase
in advance, which explores how to design more universal and error-free
interfaces for real-time response. Specifically, it actively explores data
sources, discovers numerous common requests, and abstracts them into many
universal interfaces for daily invocation. When deployed in real-time requests,
Data-Copilot only needs to invoke these pre-designed interfaces, transforming
raw data into visualized outputs (e.g., charts, tables) that best match the
user's intent. Compared to generating code from scratch, invoking these
pre-designed and compiler-validated interfaces can significantly reduce errors
during real-time requests. Additionally, interface workflows are more efficient
and offer greater interpretability than code. We open-sourced Data-Copilot with
massive Chinese financial data, such as stocks, funds, and news, demonstrating
promising application prospects. | cs.CL | Data-Copilot: Bridging Billions of Data and Humans with Autonomous Workflow |
2023-06-12T16:11:10Z | http://arxiv.org/pdf/2306.07207v2 | http://arxiv.org/abs/2306.07207v2 | Ruipu Luo, Ziwang Zhao, Min Yang, Junwei Dong, Da Li, Pengcheng Lu, Tao Wang, Linmei Hu, Minghui Qiu, Zhongyu Wei | 2023-10-08T09:49:53Z | cs.CV, cs.AI, cs.CL | Large language models (LLMs), with their remarkable conversational
capabilities, have demonstrated impressive performance across various
applications and have emerged as formidable AI assistants. In view of this, it
raises an intuitive question: Can we harness the power of LLMs to build
multimodal AI assistants for visual applications? Recently, several multi-modal
models have been developed for this purpose. They typically pre-train an
adaptation module to align the semantics of the vision encoder and language
model, followed by fine-tuning on instruction-following data. However, despite
the success of this pipeline in image and language understanding, its
effectiveness in joint video and language understanding has not been widely
explored. In this paper, we aim to develop a novel multi-modal foundation model
capable of comprehending video, image, and language within a general framework.
To achieve this goal, we introduce Valley, a Video Assistant with Large
Language model Enhanced abilitY. The Valley consists of a LLM, a temporal
modeling module, a visual encoder, and a simple projection module designed to
bridge visual and textual modes. To empower Valley with video comprehension and
instruction-following capabilities, we construct a video instruction dataset
and adopt a two-stage tuning procedure to train it. Specifically, we employ
ChatGPT to facilitate the construction of task-oriented conversation data
encompassing various tasks, including multi-shot captions, long video
descriptions, action recognition, causal relationship inference, etc.
Subsequently, we adopt a pre-training-then-instructions-tuned pipeline to align
visual and textual modalities and improve the instruction-following capability
of Valley. Qualitative experiments demonstrate that Valley has the potential to
function as a highly effective video assistant that can make complex video
understanding scenarios easy. | cs.CV | Valley: Video Assistant with Large Language model Enhanced abilitY |
2023-06-12T16:10:21Z | http://arxiv.org/pdf/2306.07206v1 | http://arxiv.org/abs/2306.07206v1 | Shuai Liu, Hyundong J. Cho, Marjorie Freedman, Xuezhe Ma, Jonathan May | 2023-06-12T16:10:21Z | cs.CL, cs.AI | Endowing chatbots with a consistent persona is essential to an engaging
conversation, yet it remains an unresolved challenge. In this work, we propose
a new retrieval-enhanced approach for personalized response generation.
Specifically, we design a hierarchical transformer retriever trained on
dialogue domain data to perform personalized retrieval and a context-aware
prefix encoder that fuses the retrieved information to the decoder more
effectively. Extensive experiments on a real-world dataset demonstrate the
effectiveness of our model at generating more fluent and personalized
responses. We quantitatively evaluate our model's performance under a suite of
human and automatic metrics and find it to be superior compared to
state-of-the-art baselines on English Reddit conversations. | cs.CL | RECAP: Retrieval-Enhanced Context-Aware Prefix Encoder for Personalized Dialogue Response Generation |
2023-06-12T16:03:36Z | http://arxiv.org/pdf/2306.07201v2 | http://arxiv.org/abs/2306.07201v2 | Ziyang Ma, Mengsha Liu, Guian Fang, Ying Shen | 2023-06-13T08:08:18Z | cs.CL | False information can spread quickly on social media, negatively influencing
the citizens' behaviors and responses to social events. To better detect all of
the fake news, especially long texts which are harder to find completely, a
Long-Text Chinese Rumor detection dataset named LTCR is proposed. The LTCR
dataset provides a valuable resource for accurately detecting misinformation,
especially in the context of complex fake news related to COVID-19. The dataset
consists of 1,729 and 500 pieces of real and fake news, respectively. The
average lengths of real and fake news are approximately 230 and 152 characters.
We also propose \method, Salience-aware Fake News Detection Model, which
achieves the highest accuracy (95.85%), fake news recall (90.91%) and F-score
(90.60%) on the dataset. (https://github.com/Enderfga/DoubleCheck) | cs.CL | LTCR: Long-Text Chinese Rumor Detection Dataset |
2023-06-12T15:56:10Z | http://arxiv.org/pdf/2306.07198v1 | http://arxiv.org/abs/2306.07198v1 | Jeremy Gwinnup, Kevin Duh | 2023-06-12T15:56:10Z | cs.CL | Large language models such as BERT and the GPT series started a paradigm
shift that calls for building general-purpose models via pre-training on large
datasets, followed by fine-tuning on task-specific datasets. There is now a
plethora of large pre-trained models for Natural Language Processing and
Computer Vision. Recently, we have seen rapid developments in the joint
Vision-Language space as well, where pre-trained models such as CLIP (Radford
et al., 2021) have demonstrated improvements in downstream tasks like image
captioning and visual question answering. However, surprisingly there is
comparatively little work on exploring these models for the task of multimodal
machine translation, where the goal is to leverage image/video modality in
text-to-text translation. To fill this gap, this paper surveys the landscape of
language-and-vision pre-training from the lens of multimodal machine
translation. We summarize the common architectures, pre-training objectives,
and datasets from literature and conjecture what further is needed to make
progress on multimodal machine translation. | cs.CL | A Survey of Vision-Language Pre-training from the Lens of Multimodal Machine Translation |
2023-06-12T15:50:38Z | http://arxiv.org/pdf/2306.07195v1 | http://arxiv.org/abs/2306.07195v1 | Maksymilian Dąbkowski, Gašper Beguš | 2023-06-12T15:50:38Z | cs.CL, cs.AI | Recursion is one of the hallmarks of human language. While many design
features of language have been shown to exist in animal communication systems,
recursion has not. Previous research shows that GPT-4 is the first large
language model (LLM) to exhibit metalinguistic abilities (Begu\v{s},
D\k{a}bkowski, and Rhodes 2023). Here, we propose several prompt designs aimed
at eliciting and analyzing recursive behavior in LLMs, both linguistic and
non-linguistic. We demonstrate that when explicitly prompted, GPT-4 can both
produce and analyze recursive structures. Thus, we present one of the first
studies investigating whether meta-linguistic awareness of recursion -- a
uniquely human cognitive property -- can emerge in transformers with a high
number of parameters such as GPT-4. | cs.CL | Large language models and (non-)linguistic recursion |
2023-06-12T15:50:13Z | http://arxiv.org/pdf/2306.07193v1 | http://arxiv.org/abs/2306.07193v1 | Ran Xu, Yue Yu, Joyce C. Ho, Carl Yang | 2023-06-12T15:50:13Z | cs.CL, cs.IR | Scientific document classification is a critical task for a wide range of
applications, but the cost of obtaining massive amounts of human-labeled data
can be prohibitive. To address this challenge, we propose a weakly-supervised
approach for scientific document classification using label names only. In
scientific domains, label names often include domain-specific concepts that may
not appear in the document corpus, making it difficult to match labels and
documents precisely. To tackle this issue, we propose WANDER, which leverages
dense retrieval to perform matching in the embedding space to capture the
semantics of label names. We further design the label name expansion module to
enrich the label name representations. Lastly, a self-training step is used to
refine the predictions. The experiments on three datasets show that WANDER
outperforms the best baseline by 11.9% on average. Our code will be published
at https://github.com/ritaranx/wander. | cs.CL | Weakly-Supervised Scientific Document Classification via Retrieval-Augmented Multi-Stage Training |
2023-06-12T15:35:23Z | http://arxiv.org/pdf/2306.07185v1 | http://arxiv.org/abs/2306.07185v1 | Jonas Wallat, Tianyi Zhang, Avishek Anand | 2023-06-12T15:35:23Z | cs.CL | Language models retain a significant amount of world knowledge from their
pre-training stage. This allows knowledgeable models to be applied to
knowledge-intensive tasks prevalent in information retrieval, such as ranking
or question answering. Understanding how and which factual information is
acquired by our models is necessary to build responsible models. However,
limited work has been done to understand the effect of pre-training tasks on
the amount of knowledge captured and forgotten by language models during
pre-training. Building a better understanding of knowledge acquisition is the
goal of this paper. Therefore, we utilize a selection of pre-training tasks to
infuse knowledge into our model. In the following steps, we test the model's
knowledge retention by measuring its ability to answer factual questions. Our
experiments show that masking entities and principled masking of correlated
spans based on pointwise mutual information lead to more factual knowledge
being retained than masking random tokens. Our findings demonstrate that, like
the ability to perform a task, the (factual) knowledge acquired from being
trained on that task is forgotten when a model is trained to perform another
task (catastrophic forgetting) and how to prevent this phenomenon. To foster
reproducibility, the code, as well as the data used in this paper, are openly
available. | cs.CL | The Effect of Masking Strategies on Knowledge Retention by Language Models |
2023-06-12T15:13:39Z | http://arxiv.org/pdf/2306.07174v1 | http://arxiv.org/abs/2306.07174v1 | Weizhi Wang, Li Dong, Hao Cheng, Xiaodong Liu, Xifeng Yan, Jianfeng Gao, Furu Wei | 2023-06-12T15:13:39Z | cs.CL | Existing large language models (LLMs) can only afford fix-sized inputs due to
the input length limit, preventing them from utilizing rich long-context
information from past inputs. To address this, we propose a framework, Language
Models Augmented with Long-Term Memory (LongMem), which enables LLMs to
memorize long history. We design a novel decoupled network architecture with
the original backbone LLM frozen as a memory encoder and an adaptive residual
side-network as a memory retriever and reader. Such a decoupled memory design
can easily cache and update long-term past contexts for memory retrieval
without suffering from memory staleness. Enhanced with memory-augmented
adaptation training, LongMem can thus memorize long past context and use
long-term memory for language modeling. The proposed memory retrieval module
can handle unlimited-length context in its memory bank to benefit various
downstream tasks. Typically, LongMem can enlarge the long-form memory to 65k
tokens and thus cache many-shot extra demonstration examples as long-form
memory for in-context learning. Experiments show that our method outperforms
strong long-context models on ChapterBreak, a challenging long-context modeling
benchmark, and achieves remarkable improvements on memory-augmented in-context
learning over LLMs. The results demonstrate that the proposed method is
effective in helping language models to memorize and utilize long-form
contents. Our code is open-sourced at https://aka.ms/LongMem. | cs.CL | Augmenting Language Models with Long-Term Memory |
2023-06-12T15:08:25Z | http://arxiv.org/pdf/2306.07170v1 | http://arxiv.org/abs/2306.07170v1 | Giridhar Kaushik Ramachandran, Yujuan Fu, Bin Han, Kevin Lybarger, Nicholas J Dobbins, Özlem Uzuner, Meliha Yetisgen | 2023-06-12T15:08:25Z | cs.CL | Social determinants of health (SDOH) documented in the electronic health
record through unstructured text are increasingly being studied to understand
how SDOH impacts patient health outcomes. In this work, we utilize the Social
History Annotation Corpus (SHAC), a multi-institutional corpus of de-identified
social history sections annotated for SDOH, including substance use,
employment, and living status information. We explore the automatic extraction
of SDOH information with SHAC in both standoff and inline annotation formats
using GPT-4 in a one-shot prompting setting. We compare GPT-4 extraction
performance with a high-performing supervised approach and perform thorough
error analyses. Our prompt-based GPT-4 method achieved an overall 0.652 F1 on
the SHAC test set, similar to the 7th best-performing system among all teams in
the n2c2 challenge with SHAC. | cs.CL | Prompt-based Extraction of Social Determinants of Health Using Few-shot Learning |
2023-06-12T14:40:29Z | http://arxiv.org/pdf/2306.07152v1 | http://arxiv.org/abs/2306.07152v1 | Kai Hartung, Aaricia Herygers, Shubham Kurlekar, Khabbab Zakaria, Taylan Volkan, Sören Gröttrup, Munir Georges | 2023-06-12T14:40:29Z | cs.CL | Biases induced to text by generative models have become an increasingly large
topic in recent years. In this paper we explore how machine translation might
introduce a bias in sentiments as classified by sentiment analysis models. For
this, we compare three open access machine translation models for five
different languages on two parallel corpora to test if the translation process
causes a shift in sentiment classes recognized in the texts. Though our
statistic test indicate shifts in the label probability distributions, we find
none that appears consistent enough to assume a bias induced by the translation
process. | cs.CL | Measuring Sentiment Bias in Machine Translation |
2023-06-12T14:17:05Z | http://arxiv.org/pdf/2306.07135v1 | http://arxiv.org/abs/2306.07135v1 | Minhyeok Lee | 2023-06-12T14:17:05Z | cs.CL, cs.AI | Generative Language Models (GLMs) have the potential to significantly shape
our linguistic landscape due to their expansive use in various digital
applications. However, this widespread adoption might inadvertently trigger a
self-reinforcement learning cycle that can amplify existing linguistic biases.
This paper explores the possibility of such a phenomenon, where the initial
biases in GLMs, reflected in their generated text, can feed into the learning
material of subsequent models, thereby reinforcing and amplifying these biases.
Moreover, the paper highlights how the pervasive nature of GLMs might influence
the linguistic and cognitive development of future generations, as they may
unconsciously learn and reproduce these biases. The implications of this
potential self-reinforcement cycle extend beyond the models themselves,
impacting human language and discourse. The advantages and disadvantages of
this bias amplification are weighed, considering educational benefits and ease
of future GLM learning against threats to linguistic diversity and dependence
on initial GLMs. This paper underscores the need for rigorous research to
understand and address these issues. It advocates for improved model
transparency, bias-aware training techniques, development of methods to
distinguish between human and GLM-generated text, and robust measures for
fairness and bias evaluation in GLMs. The aim is to ensure the effective, safe,
and equitable use of these powerful technologies, while preserving the richness
and diversity of human language. | cs.CL | On the Amplification of Linguistic Bias through Unintentional Self-reinforcement Learning by Generative Language Models -- A Perspective |
2023-06-12T13:52:01Z | http://arxiv.org/pdf/2306.07117v2 | http://arxiv.org/abs/2306.07117v2 | Mourad Heddaya, Solomon Dworkin, Chenhao Tan, Rob Voigt, Alexander Zentefis | 2024-04-16T13:19:04Z | cs.CL, cs.AI, cs.CY | Leveraging an established exercise in negotiation education, we build a novel
dataset for studying how the use of language shapes bilateral bargaining. Our
dataset extends existing work in two ways: 1) we recruit participants via
behavioral labs instead of crowdsourcing platforms and allow participants to
negotiate through audio, enabling more naturalistic interactions; 2) we add a
control setting where participants negotiate only through alternating, written
numeric offers. Despite the two contrasting forms of communication, we find
that the average agreed prices of the two treatments are identical. But when
subjects can talk, fewer offers are exchanged, negotiations finish faster, the
likelihood of reaching agreement rises, and the variance of prices at which
subjects agree drops substantially. We further propose a taxonomy of speech
acts in negotiation and enrich the dataset with annotated speech acts. Our work
also reveals linguistic signals that are predictive of negotiation outcomes. | cs.CL | Language of Bargaining |
2023-06-12T13:43:20Z | http://arxiv.org/pdf/2306.07115v1 | http://arxiv.org/abs/2306.07115v1 | Théo Deschamps-Berger, Lori Lamel, Laurence Devillers | 2023-06-12T13:43:20Z | cs.CL, cs.SD, eess.AS | The emotion detection technology to enhance human decision-making is an
important research issue for real-world applications, but real-life emotion
datasets are relatively rare and small. The experiments conducted in this paper
use the CEMO, which was collected in a French emergency call center. Two
pre-trained models based on speech and text were fine-tuned for speech emotion
recognition. Using pre-trained Transformer encoders mitigates our data's
limited and sparse nature. This paper explores the different fusion strategies
of these modality-specific models. In particular, fusions with and without
cross-attention mechanisms were tested to gather the most relevant information
from both the speech and text encoders. We show that multimodal fusion brings
an absolute gain of 4-9% with respect to either single modality and that the
Symmetric multi-headed cross-attention mechanism performed better than late
classical fusion approaches. Our experiments also suggest that for the
real-life CEMO corpus, the audio component encodes more emotive information
than the textual one. | cs.CL | Exploring Attention Mechanisms for Multimodal Emotion Recognition in an Emergency Call Center Corpus |
2023-06-12T13:39:54Z | http://arxiv.org/pdf/2306.07111v1 | http://arxiv.org/abs/2306.07111v1 | Yu-Chen Lin, Si-An Chen, Jie-Jyun Liu, Chih-Jen Lin | 2023-06-12T13:39:54Z | cs.CL, cs.AI, cs.LG | Large-scale pre-trained language models such as BERT are popular solutions
for text classification. Due to the superior performance of these advanced
methods, nowadays, people often directly train them for a few epochs and deploy
the obtained model. In this opinion paper, we point out that this way may only
sometimes get satisfactory results. We argue the importance of running a simple
baseline like linear classifiers on bag-of-words features along with advanced
methods. First, for many text data, linear methods show competitive
performance, high efficiency, and robustness. Second, advanced models such as
BERT may only achieve the best results if properly applied. Simple baselines
help to confirm whether the results of advanced models are acceptable. Our
experimental results fully support these points. | cs.CL | Linear Classifier: An Often-Forgotten Baseline for Text Classification |
2023-06-12T13:12:29Z | http://arxiv.org/pdf/2306.07994v1 | http://arxiv.org/abs/2306.07994v1 | Yazheng Yang, Zhou Zhao, Qi Liu | 2023-06-12T13:12:29Z | cs.CL, cs.AI, cs.LG | Unsupervised text style transfer task aims to rewrite a text into target
style while preserving its main content. Traditional methods rely on the use of
a fixed-sized vector to regulate text style, which is difficult to accurately
convey the style strength for each individual token. In fact, each token of a
text contains different style intensity and makes different contribution to the
overall style. Our proposed method addresses this issue by assigning individual
style vector to each token in a text, allowing for fine-grained control and
manipulation of the style strength. Additionally, an adversarial training
framework integrated with teacher-student learning is introduced to enhance
training stability and reduce the complexity of high-dimensional optimization.
The results of our experiments demonstrate the efficacy of our method in terms
of clearly improved style transfer accuracy and content preservation in both
two-style transfer and multi-style transfer settings. | cs.CL | MSSRNet: Manipulating Sequential Style Representation for Unsupervised Text Style Transfer |
2023-06-12T12:40:48Z | http://arxiv.org/pdf/2306.07075v1 | http://arxiv.org/abs/2306.07075v1 | John J. Nay, David Karamardian, Sarah B. Lawsky, Wenting Tao, Meghana Bhat, Raghav Jain, Aaron Travis Lee, Jonathan H. Choi, Jungo Kasai | 2023-06-12T12:40:48Z | cs.CL, cs.AI, cs.CY | Better understanding of Large Language Models' (LLMs) legal analysis
abilities can contribute to improving the efficiency of legal services,
governing artificial intelligence, and leveraging LLMs to identify
inconsistencies in law. This paper explores LLM capabilities in applying tax
law. We choose this area of law because it has a structure that allows us to
set up automated validation pipelines across thousands of examples, requires
logical reasoning and maths skills, and enables us to test LLM capabilities in
a manner relevant to real-world economic lives of citizens and companies. Our
experiments demonstrate emerging legal understanding capabilities, with
improved performance in each subsequent OpenAI model release. We experiment
with retrieving and utilising the relevant legal authority to assess the impact
of providing additional legal context to LLMs. Few-shot prompting, presenting
examples of question-answer pairs, is also found to significantly enhance the
performance of the most advanced model, GPT-4. The findings indicate that LLMs,
particularly when combined with prompting enhancements and the correct legal
texts, can perform at high levels of accuracy but not yet at expert tax lawyer
levels. As LLMs continue to advance, their ability to reason about law
autonomously could have significant implications for the legal profession and
AI governance. | cs.CL | Large Language Models as Tax Attorneys: A Case Study in Legal Capabilities Emergence |
2023-06-12T12:24:47Z | http://arxiv.org/pdf/2306.07061v1 | http://arxiv.org/abs/2306.07061v1 | Hancheol Park, Jong C. Park | 2023-06-12T12:24:47Z | cs.CL, cs.AI, cs.LG | Natural language understanding (NLU) tasks face a non-trivial amount of
ambiguous samples where veracity of their labels is debatable among annotators.
NLU models should thus account for such ambiguity, but they approximate the
human opinion distributions quite poorly and tend to produce over-confident
predictions. To address this problem, we must consider how to exactly capture
the degree of relationship between each sample and its candidate classes. In
this work, we propose a novel method with deep model compression and show how
such relationship can be accounted for. We see that more reasonably represented
relationships can be discovered in the lower layers and that validation
accuracies are converging at these layers, which naturally leads to layer
pruning. We also see that distilling the relationship knowledge from a lower
layer helps models produce better distribution. Experimental results
demonstrate that our method makes substantial improvement on quantifying
ambiguity without gold distribution labels. As positive side-effects, our
method is found to reduce the model size significantly and improve latency,
both attractive aspects of NLU products. | cs.CL | Deep Model Compression Also Helps Models Capture Ambiguity |
2023-06-12T11:59:33Z | http://arxiv.org/pdf/2306.07052v1 | http://arxiv.org/abs/2306.07052v1 | Dongkeun Yoon, Joel Jang, Sungdong Kim, Minjoon Seo | 2023-06-12T11:59:33Z | cs.CL, cs.AI | In this work, we empirically show that updating pretrained LMs (350M, 1.3B,
2.7B) with just a few steps of Gradient Ascent Post-training (GAP) on random,
unlabeled text corpora enhances its zero-shot generalization capabilities
across diverse NLP tasks. Specifically, we show that GAP can allow LMs to
become comparable to 2-3x times larger LMs across 12 different NLP tasks. We
also show that applying GAP on out-of-distribution corpora leads to the most
reliable performance improvements. Our findings indicate that GAP can be a
promising method for improving the generalization capability of LMs without any
task-specific fine-tuning. | cs.CL | Gradient Ascent Post-training Enhances Language Model Generalization |
2023-06-12T10:31:16Z | http://arxiv.org/pdf/2306.07012v1 | http://arxiv.org/abs/2306.07012v1 | Megha Srivastava, Noah Goodman, Dorsa Sadigh | 2023-06-12T10:31:16Z | cs.AI, cs.CL, cs.HC, cs.RO | AI assistance continues to help advance applications in education, from
language learning to intelligent tutoring systems, yet current methods for
providing students feedback are still quite limited. Most automatic feedback
systems either provide binary correctness feedback, which may not help a
student understand how to improve, or require hand-coding feedback templates,
which may not generalize to new domains. This can be particularly challenging
for physical control tasks, where the rich diversity in student behavior and
specialized domains make it challenging to leverage general-purpose assistive
tools for providing feedback. We design and build CORGI, a model trained to
generate language corrections for physical control tasks, such as learning to
ride a bike. CORGI takes in as input a pair of student and expert trajectories,
and then generates natural language corrections to help the student improve. We
collect and train CORGI over data from three diverse physical control tasks
(drawing, steering, and joint movement). Through both automatic and human
evaluations, we show that CORGI can (i) generate valid feedback for novel
student trajectories, (ii) outperform baselines on domains with novel control
dynamics, and (iii) improve student learning in an interactive drawing task. | cs.AI | Generating Language Corrections for Teaching Physical Control Tasks |
2023-06-12T09:53:29Z | http://arxiv.org/pdf/2306.17068v2 | http://arxiv.org/abs/2306.17068v2 | Mahboobeh Sadat Kobari, Nima Karimi, Benyamin Pourhosseini, Ramin Mousa | 2023-07-01T20:54:45Z | cs.CL, cs.AI | Sentiment classification is a fundamental task in natural language
processing, assigning one of the three classes, positive, negative, or neutral,
to free texts. However, sentiment classification models are highly domain
dependent; the classifier may perform classification with reasonable accuracy
in one domain but not in another due to the Semantic multiplicity of words
getting poor accuracy. This article presents a new Persian/Arabic multi-domain
sentiment analysis method using the cumulative weighted capsule networks
approach. Weighted capsule ensemble consists of training separate capsule
networks for each domain and a weighting measure called domain belonging degree
(DBD). This criterion consists of TF and IDF, which calculates the dependency
of each document for each domain separately; this value is multiplied by the
possible output that each capsule creates. In the end, the sum of these
multiplications is the title of the final output, and is used to determine the
polarity. And the most dependent domain is considered the final output for each
domain. The proposed method was evaluated using the Digikala dataset and
obtained acceptable accuracy compared to the existing approaches. It achieved
an accuracy of 0.89 on detecting the domain of belonging and 0.99 on detecting
the polarity. Also, for the problem of dealing with unbalanced classes, a
cost-sensitive function was used. This function was able to achieve 0.0162
improvements in accuracy for sentiment classification. This approach on Amazon
Arabic data can achieve 0.9695 accuracies in domain classification. | cs.CL | weighted CapsuleNet networks for Persian multi-domain sentiment analysis |
2023-06-12T08:37:36Z | http://arxiv.org/pdf/2306.06954v1 | http://arxiv.org/abs/2306.06954v1 | Belen Alastruey, Lukas Drude, Jahn Heymann, Simon Wiesler | 2023-06-12T08:37:36Z | eess.AS, cs.CL, cs.LG, cs.SD | Convolutional frontends are a typical choice for Transformer-based automatic
speech recognition to preprocess the spectrogram, reduce its sequence length,
and combine local information in time and frequency similarly. However, the
width and height of an audio spectrogram denote different information, e.g.,
due to reverberation as well as the articulatory system, the time axis has a
clear left-to-right dependency. On the contrary, vowels and consonants
demonstrate very different patterns and occupy almost disjoint frequency
ranges. Therefore, we hypothesize, global attention over frequencies is
beneficial over local convolution. We obtain 2.4 % relative word error rate
reduction (rWERR) on a production scale Conformer transducer replacing its
convolutional neural network frontend by the proposed F-Attention module on
Alexa traffic. To demonstrate generalizability, we validate this on public
LibriSpeech data with a long short term memory-based listen attend and spell
architecture obtaining 4.6 % rWERR and demonstrate robustness to (simulated)
noisy conditions. | eess.AS | Multi-View Frequency-Attention Alternative to CNN Frontends for Automatic Speech Recognition |
2023-06-12T08:32:04Z | http://arxiv.org/pdf/2306.06948v1 | http://arxiv.org/abs/2306.06948v1 | Hongkun Hao, Guoping Huang, Lemao Liu, Zhirui Zhang, Shuming Shi, Rui Wang | 2023-06-12T08:32:04Z | cs.CL, cs.AI | This paper rethinks translation memory augmented neural machine translation
(TM-augmented NMT) from two perspectives, i.e., a probabilistic view of
retrieval and the variance-bias decomposition principle. The finding
demonstrates that TM-augmented NMT is good at the ability of fitting data
(i.e., lower bias) but is more sensitive to the fluctuations in the training
data (i.e., higher variance), which provides an explanation to a recently
reported contradictory phenomenon on the same translation task: TM-augmented
NMT substantially advances vanilla NMT under the high-resource scenario whereas
it fails under the low-resource scenario. Then we propose a simple yet
effective TM-augmented NMT model to promote the variance and address the
contradictory phenomenon. Extensive experiments show that the proposed
TM-augmented NMT achieves consistent gains over both conventional NMT and
existing TM-augmented NMT under two variance-preferable (low-resource and
plug-and-play) scenarios as well as the high-resource scenario. | cs.CL | Rethinking Translation Memory Augmented Neural Machine Translation |
2023-06-12T08:21:34Z | http://arxiv.org/pdf/2306.06941v1 | http://arxiv.org/abs/2306.06941v1 | Anaïs Tack, Ekaterina Kochmar, Zheng Yuan, Serge Bibauw, Chris Piech | 2023-06-12T08:21:34Z | cs.CL, I.2.7; K.3 | This paper describes the results of the first shared task on the generation
of teacher responses in educational dialogues. The goal of the task was to
benchmark the ability of generative language models to act as AI teachers,
replying to a student in a teacher-student dialogue. Eight teams participated
in the competition hosted on CodaLab. They experimented with a wide variety of
state-of-the-art models, including Alpaca, Bloom, DialoGPT, DistilGPT-2,
Flan-T5, GPT-2, GPT-3, GPT- 4, LLaMA, OPT-2.7B, and T5-base. Their submissions
were automatically scored using BERTScore and DialogRPT metrics, and the top
three among them were further manually evaluated in terms of pedagogical
ability based on Tack and Piech (2022). The NAISTeacher system, which ranked
first in both automated and human evaluation, generated responses with GPT-3.5
using an ensemble of prompts and a DialogRPT-based ranking of responses for
given dialogue contexts. Despite the promising achievements of the
participating teams, the results also highlight the need for evaluation metrics
better suited to educational contexts. | cs.CL | The BEA 2023 Shared Task on Generating AI Teacher Responses in Educational Dialogues |
2023-06-12T07:39:06Z | http://arxiv.org/pdf/2306.06919v1 | http://arxiv.org/abs/2306.06919v1 | Pengzhi Gao, Liwen Zhang, Zhongjun He, Hua Wu, Haifeng Wang | 2023-06-12T07:39:06Z | cs.CL, cs.AI | Multilingual sentence representations are the foundation for similarity-based
bitext mining, which is crucial for scaling multilingual neural machine
translation (NMT) system to more languages. In this paper, we introduce MuSR: a
one-for-all Multilingual Sentence Representation model that supports more than
220 languages. Leveraging billions of English-centric parallel corpora, we
train a multilingual Transformer encoder, coupled with an auxiliary Transformer
decoder, by adopting a multilingual NMT framework with CrossConST, a
cross-lingual consistency regularization technique proposed in Gao et al.
(2023). Experimental results on multilingual similarity search and bitext
mining tasks show the effectiveness of our approach. Specifically, MuSR
achieves superior performance over LASER3 (Heffernan et al., 2022) which
consists of 148 independent multilingual sentence encoders. | cs.CL | Learning Multilingual Sentence Representations with Cross-lingual Consistency Regularization |
2023-06-12T07:38:31Z | http://arxiv.org/pdf/2306.06918v2 | http://arxiv.org/abs/2306.06918v2 | Hao Peng, Xiaozhi Wang, Feng Yao, Kaisheng Zeng, Lei Hou, Juanzi Li, Zhiyuan Liu, Weixing Shen | 2023-06-15T07:23:57Z | cs.CL, cs.AI | Event extraction (EE) is a crucial task aiming at extracting events from
texts, which includes two subtasks: event detection (ED) and event argument
extraction (EAE). In this paper, we check the reliability of EE evaluations and
identify three major pitfalls: (1) The data preprocessing discrepancy makes the
evaluation results on the same dataset not directly comparable, but the data
preprocessing details are not widely noted and specified in papers. (2) The
output space discrepancy of different model paradigms makes different-paradigm
EE models lack grounds for comparison and also leads to unclear mapping issues
between predictions and annotations. (3) The absence of pipeline evaluation of
many EAE-only works makes them hard to be directly compared with EE works and
may not well reflect the model performance in real-world pipeline scenarios. We
demonstrate the significant influence of these pitfalls through comprehensive
meta-analyses of recent papers and empirical experiments. To avoid these
pitfalls, we suggest a series of remedies, including specifying data
preprocessing, standardizing outputs, and providing pipeline evaluation
results. To help implement these remedies, we develop a consistent evaluation
framework OMNIEVENT, which can be obtained from
https://github.com/THU-KEG/OmniEvent. | cs.CL | The Devil is in the Details: On the Pitfalls of Event Extraction Evaluation |
2023-06-12T06:42:08Z | http://arxiv.org/pdf/2306.06892v1 | http://arxiv.org/abs/2306.06892v1 | Aravind Krishnan, Jesujoba Alabi, Dietrich Klakow | 2023-06-12T06:42:08Z | cs.CL | Large pre-trained language models (PLMs) have shown remarkable performance
across various natural language understanding (NLU) tasks, particularly in
low-resource settings. Nevertheless, their potential in Automatic Speech
Recognition (ASR) remains largely unexplored. This study investigates the
potential usage of PLMs for language modelling in ASR. We compare the
application of large-scale text sampling and probability conversion for
approximating GPT-2 into an n-gram model. Furthermore, we introduce a
vocabulary-restricted decoding method for random sampling, and evaluate the
effects of domain difficulty and data size on the usability of generated text.
Our findings across eight domain-specific corpora support the use of
sampling-based approximation and show that interpolating with a large sampled
corpus improves test perplexity over a baseline trigram by 15%. Our
vocabulary-restricted decoding method pushes this improvement further by 5% in
domain-specific settings. | cs.CL | On the N-gram Approximation of Pre-trained Language Models |
2023-06-12T06:34:16Z | http://arxiv.org/pdf/2306.06891v1 | http://arxiv.org/abs/2306.06891v1 | Soochan Lee, Gunhee Kim | 2023-06-12T06:34:16Z | cs.CL, cs.AI | Generating intermediate steps, or Chain of Thought (CoT), is an effective way
to significantly improve language models' (LM) multi-step reasoning capability.
However, the CoT lengths can grow rapidly with the problem complexity, easily
exceeding the maximum context size. Instead of increasing the context limit,
which has already been heavily investigated, we explore an orthogonal
direction: making LMs divide a problem into multiple contexts. We propose a new
inference framework, called Recursion of Thought (RoT), which introduces
several special tokens that the models can output to trigger context-related
operations. Extensive experiments with multiple architectures including GPT-3
show that RoT dramatically improves LMs' inference capability to solve
problems, whose solution consists of hundreds of thousands of tokens. | cs.CL | Recursion of Thought: A Divide-and-Conquer Approach to Multi-Context Reasoning with Language Models |
2023-06-12T05:10:58Z | http://arxiv.org/pdf/2306.06872v1 | http://arxiv.org/abs/2306.06872v1 | Hao Sun, Yang Li, Liwei Deng, Bowen Li, Binyuan Hui, Binhua Li, Yunshi Lan, Yan Zhang, Yongbin Li | 2023-06-12T05:10:58Z | cs.CL | Context information modeling is an important task in conversational KBQA.
However, existing methods usually assume the independence of utterances and
model them in isolation. In this paper, we propose a History Semantic Graph
Enhanced KBQA model (HSGE) that is able to effectively model long-range
semantic dependencies in conversation history while maintaining low
computational cost. The framework incorporates a context-aware encoder, which
employs a dynamic memory decay mechanism and models context at different levels
of granularity. We evaluate HSGE on a widely used benchmark dataset for complex
sequential question answering. Experimental results demonstrate that it
outperforms existing baselines averaged on all question types. | cs.CL | History Semantic Graph Enhanced Conversational KBQA with Temporal Information Modeling |
2023-06-12T03:54:04Z | http://arxiv.org/pdf/2306.06851v1 | http://arxiv.org/abs/2306.06851v1 | Yixia Li, Rong Xiang, Yanlin Song, Jing Li | 2023-06-12T03:54:04Z | cs.CL | Social media platforms are essential outlets for expressing opinions,
providing a valuable resource for capturing public viewpoints via text
analytics. However, for many users, passive browsing is their preferred mode of
interaction, leading to their perspectives being overlooked by text analytics
methods. Meanwhile, social media polls have emerged as a practical feature for
gathering public opinions, allowing post authors to pose questions with
pre-defined answer options for readers to vote on. To broaden the benefits of
polls for posts without them, this article explores the automatic generation of
a poll from a social media post by leveraging cutting-edge natural language
generation (NLG) techniques. However, existing NLG techniques, primarily
developed for general-domain texts, may be ineffective when applied to noisy
social media data, which often feature implicit context-question-answer
relations. To tackle these challenges, we enrich a post context with its
comments and propose a novel unified poll generation framework called UniPoll.
It employs prompt tuning with multi-objective optimization to bolster the
connection exploration between contexts (posts and comments) and polls
(questions and answers). Experimental comparisons on a large-scale Chinese
Weibo dataset show that UniPoll significantly outperforms T5, the
state-of-the-art NLG model, which generates question and answer separately.
Comprehensive qualitative and quantitative analyses further underscore the
superiority of UniPoll through various evaluation lenses. | cs.CL | UniPoll: A Unified Social Media Poll Generation Framework via Multi-Objective Optimization |
2023-06-12T03:28:33Z | http://arxiv.org/pdf/2306.06843v1 | http://arxiv.org/abs/2306.06843v1 | Xianming Li, Zongxi Li, Xiaotian Luo, Haoran Xie, Xing Lee, Yingbin Zhao, Fu Lee Wang, Qing Li | 2023-06-12T03:28:33Z | cs.CL | Self-attention-based models have achieved remarkable progress in short-text
mining. However, the quadratic computational complexities restrict their
application in long text processing. Prior works have adopted the chunking
strategy to divide long documents into chunks and stack a self-attention
backbone with the recurrent structure to extract semantic representation. Such
an approach disables parallelization of the attention mechanism, significantly
increasing the training cost and raising hardware requirements. Revisiting the
self-attention mechanism and the recurrent structure, this paper proposes a
novel long-document encoding model, Recurrent Attention Network (RAN), to
enable the recurrent operation of self-attention. Combining the advantages from
both sides, the well-designed RAN is capable of extracting global semantics in
both token-level and document-level representations, making it inherently
compatible with both sequential and classification tasks, respectively.
Furthermore, RAN is computationally scalable as it supports parallelization on
long document processing. Extensive experiments demonstrate the long-text
encoding ability of the proposed RAN model on both classification and
sequential tasks, showing its potential for a wide range of applications. | cs.CL | Recurrent Attention Networks for Long-text Modeling |
2023-06-12T02:26:00Z | http://arxiv.org/pdf/2306.06826v2 | http://arxiv.org/abs/2306.06826v2 | Jiaxin Pei, David Jurgens | 2023-08-28T21:14:35Z | cs.CL, cs.AI, cs.CY, cs.HC, cs.LG | Annotators are not fungible. Their demographics, life experiences, and
backgrounds all contribute to how they label data. However, NLP has only
recently considered how annotator identity might influence their decisions.
Here, we present POPQUORN (the POtato-Prolific dataset for QUestion-Answering,
Offensiveness, text Rewriting, and politeness rating with demographic Nuance).
POPQUORN contains 45,000 annotations from 1,484 annotators, drawn from a
representative sample regarding sex, age, and race as the US population.
Through a series of analyses, we show that annotators' background plays a
significant role in their judgments. Further, our work shows that backgrounds
not previously considered in NLP (e.g., education), are meaningful and should
be considered. Our study suggests that understanding the background of
annotators and collecting labels from a demographically balanced pool of crowd
workers is important to reduce the bias of datasets. The dataset, annotator
background, and annotation interface are available at
https://github.com/Jiaxin-Pei/potato-prolific-dataset . | cs.CL | When Do Annotator Demographics Matter? Measuring the Influence of Annotator Demographics with the POPQUORN Dataset |
2023-06-12T02:25:04Z | http://arxiv.org/pdf/2306.06824v1 | http://arxiv.org/abs/2306.06824v1 | Yangde Wang, Weidong Qiu, Weicheng Zhang, Hao Tian, Shujun Li | 2023-06-12T02:25:04Z | cs.CR, cs.CL | Much research has been done on user-generated textual passwords.
Surprisingly, semantic information in such passwords remain underinvestigated,
with passwords created by English- and/or Chinese-speaking users being more
studied with limited semantics. This paper fills this gap by proposing a
general framework based on semantically enhanced PCFG (probabilistic
context-free grammars) named SE#PCFG. It allowed us to consider 43 types of
semantic information, the richest set considered so far, for semantic password
analysis. Applying SE#PCFG to 17 large leaked password databases of user
speaking four languages (English, Chinese, German and French), we demonstrate
its usefulness and report a wide range of new insights about password semantics
at different levels such as cross-website password correlations. Furthermore,
based on SE#PCFG and a new systematic smoothing method, we proposed the
Semantically Enhanced Password Cracking Architecture (SEPCA). To compare the
performance of SEPCA against three state-of-the-art (SOTA) benchmarks in terms
of the password coverage rate: two other PCFG variants and FLA. Our
experimental results showed that SEPCA outperformed all the three benchmarks
consistently and significantly across 52 test cases, by up to 21.53%, 52.55%
and 7.86%, respectively, at the user level (with duplicate passwords). At the
level of unique passwords, SEPCA also beats the three benchmarks by up to
33.32%, 86.19% and 10.46%, respectively. The results demonstrated the power of
SEPCA as a new password cracking framework. | cs.CR | SE#PCFG: Semantically Enhanced PCFG for Password Analysis and Cracking |
2023-06-12T02:22:30Z | http://arxiv.org/pdf/2306.06823v1 | http://arxiv.org/abs/2306.06823v1 | Sujoy Paul, Gagan Madan, Akankshya Mishra, Narayan Hegde, Pradeep Kumar, Gaurav Aggarwal | 2023-06-12T02:22:30Z | cs.CV, cs.CL | State-of-the-art information extraction methods are limited by OCR errors.
They work well for printed text in form-like documents, but unstructured,
handwritten documents still remain a challenge. Adapting existing models to
domain-specific training data is quite expensive, because of two factors, 1)
limited availability of the domain-specific documents (such as handwritten
prescriptions, lab notes, etc.), and 2) annotations become even more
challenging as one needs domain-specific knowledge to decode inscrutable
handwritten document images. In this work, we focus on the complex problem of
extracting medicine names from handwritten prescriptions using only weakly
labeled data. The data consists of images along with the list of medicine names
in it, but not their location in the image. We solve the problem by first
identifying the regions of interest, i.e., medicine lines from just weak labels
and then injecting a domain-specific medicine language model learned using only
synthetically generated data. Compared to off-the-shelf state-of-the-art
methods, our approach performs >2.5x better in medicine names extraction from
prescriptions. | cs.CV | Weakly supervised information extraction from inscrutable handwritten document images |
2023-06-12T01:55:53Z | http://arxiv.org/pdf/2306.06819v2 | http://arxiv.org/abs/2306.06819v2 | Anderson R. Avila, Mehdi Rezagholizadeh, Chao Xing | 2023-06-13T15:41:11Z | cs.CL, cs.LG, eess.AS | Recent voice assistants are usually based on the cascade spoken language
understanding (SLU) solution, which consists of an automatic speech recognition
(ASR) engine and a natural language understanding (NLU) system. Because such
approach relies on the ASR output, it often suffers from the so-called ASR
error propagation. In this work, we investigate impacts of this ASR error
propagation on state-of-the-art NLU systems based on pre-trained language
models (PLM), such as BERT and RoBERTa. Moreover, a multimodal language
understanding (MLU) module is proposed to mitigate SLU performance degradation
caused by errors present in the ASR transcript. The MLU benefits from
self-supervised features learned from both audio and text modalities,
specifically Wav2Vec for speech and Bert/RoBERTa for language. Our MLU combines
an encoder network to embed the audio signal and a text encoder to process text
transcripts followed by a late fusion layer to fuse audio and text logits. We
found that the proposed MLU showed to be robust towards poor quality ASR
transcripts, while the performance of BERT and RoBERTa are severely
compromised. Our model is evaluated on five tasks from three SLU datasets and
robustness is tested using ASR transcripts from three ASR engines. Results show
that the proposed approach effectively mitigates the ASR error propagation
problem, surpassing the PLM models' performance across all datasets for the
academic ASR engine. | cs.CL | Multimodal Audio-textual Architecture for Robust Spoken Language Understanding |
2023-06-12T01:40:57Z | http://arxiv.org/pdf/2306.10044v1 | http://arxiv.org/abs/2306.10044v1 | Varish Mulwad, Tim Finin, Vijay S. Kumar, Jenny Weisenberg Williams, Sharad Dixit, Anupam Joshi | 2023-06-12T01:40:57Z | cs.IR, cs.AI, cs.CL | Entity linking is an important step towards constructing knowledge graphs
that facilitate advanced question answering over scientific documents,
including the retrieval of relevant information included in tables within these
documents. This paper introduces a general-purpose system for linking entities
to items in the Wikidata knowledge base. It describes how we adapt this system
for linking domain-specific entities, especially for those entities embedded
within tables drawn from COVID-19-related scientific literature. We describe
the setup of an efficient offline instance of the system that enables our
entity-linking approach to be more feasible in practice. As part of a broader
approach to infer the semantic meaning of scientific tables, we leverage the
structural and semantic characteristics of the tables to improve overall entity
linking performance. | cs.IR | A Practical Entity Linking System for Tables in Scientific Literature |
2023-06-12T01:22:39Z | http://arxiv.org/pdf/2306.06815v3 | http://arxiv.org/abs/2306.06815v3 | Jiaqi Xue, Mengxin Zheng, Ting Hua, Yilin Shen, Yepeng Liu, Ladislau Boloni, Qian Lou | 2023-10-31T00:33:53Z | cs.CR, cs.AI, cs.CL, cs.LG | Large Language Models (LLMs) are progressively being utilized as machine
learning services and interface tools for various applications. However, the
security implications of LLMs, particularly in relation to adversarial and
Trojan attacks, remain insufficiently examined. In this paper, we propose
TrojLLM, an automatic and black-box framework to effectively generate universal
and stealthy triggers. When these triggers are incorporated into the input
data, the LLMs' outputs can be maliciously manipulated. Moreover, the framework
also supports embedding Trojans within discrete prompts, enhancing the overall
effectiveness and precision of the triggers' attacks. Specifically, we propose
a trigger discovery algorithm for generating universal triggers for various
inputs by querying victim LLM-based APIs using few-shot data samples.
Furthermore, we introduce a novel progressive Trojan poisoning algorithm
designed to generate poisoned prompts that retain efficacy and transferability
across a diverse range of models. Our experiments and results demonstrate
TrojLLM's capacity to effectively insert Trojans into text prompts in
real-world black-box LLM APIs including GPT-3.5 and GPT-4, while maintaining
exceptional performance on clean test sets. Our work sheds light on the
potential security risks in current models and offers a potential defensive
approach. The source code of TrojLLM is available at
https://github.com/UCF-ML-Research/TrojLLM. | cs.CR | TrojLLM: A Black-box Trojan Prompt Attack on Large Language Models |
2023-06-11T23:27:47Z | http://arxiv.org/pdf/2306.06804v1 | http://arxiv.org/abs/2306.06804v1 | Manuel Mager, Rajat Bhatnagar, Graham Neubig, Ngoc Thang Vu, Katharina Kann | 2023-06-11T23:27:47Z | cs.CL, stat.ML | Neural models have drastically advanced state of the art for machine
translation (MT) between high-resource languages. Traditionally, these models
rely on large amounts of training data, but many language pairs lack these
resources. However, an important part of the languages in the world do not have
this amount of data. Most languages from the Americas are among them, having a
limited amount of parallel and monolingual data, if any. Here, we present an
introduction to the interested reader to the basic challenges, concepts, and
techniques that involve the creation of MT systems for these languages.
Finally, we discuss the recent advances and findings and open questions,
product of an increased interest of the NLP community in these languages. | cs.CL | Neural Machine Translation for the Indigenous Languages of the Americas: An Introduction |
2023-06-11T23:13:51Z | http://arxiv.org/pdf/2306.07303v1 | http://arxiv.org/abs/2306.07303v1 | Saidul Islam, Hanae Elmekki, Ahmed Elsebai, Jamal Bentahar, Najat Drawel, Gaith Rjoub, Witold Pedrycz | 2023-06-11T23:13:51Z | cs.LG, cs.CL | Transformer is a deep neural network that employs a self-attention mechanism
to comprehend the contextual relationships within sequential data. Unlike
conventional neural networks or updated versions of Recurrent Neural Networks
(RNNs) such as Long Short-Term Memory (LSTM), transformer models excel in
handling long dependencies between input sequence elements and enable parallel
processing. As a result, transformer-based models have attracted substantial
interest among researchers in the field of artificial intelligence. This can be
attributed to their immense potential and remarkable achievements, not only in
Natural Language Processing (NLP) tasks but also in a wide range of domains,
including computer vision, audio and speech processing, healthcare, and the
Internet of Things (IoT). Although several survey papers have been published
highlighting the transformer's contributions in specific fields, architectural
differences, or performance evaluations, there is still a significant absence
of a comprehensive survey paper encompassing its major applications across
various domains. Therefore, we undertook the task of filling this gap by
conducting an extensive survey of proposed transformer models from 2017 to
2022. Our survey encompasses the identification of the top five application
domains for transformer-based models, namely: NLP, Computer Vision,
Multi-Modality, Audio and Speech Processing, and Signal Processing. We analyze
the impact of highly influential transformer-based models in these domains and
subsequently classify them based on their respective tasks using a proposed
taxonomy. Our aim is to shed light on the existing potential and future
possibilities of transformers for enthusiastic researchers, thus contributing
to the broader understanding of this groundbreaking technology. | cs.LG | A Comprehensive Survey on Applications of Transformers for Deep Learning Tasks |
2023-06-11T22:55:18Z | http://arxiv.org/pdf/2306.06800v1 | http://arxiv.org/abs/2306.06800v1 | Asaad Alghamdi, Xinyu Duan, Wei Jiang, Zhenhai Wang, Yimeng Wu, Qingrong Xia, Zhefeng Wang, Yi Zheng, Mehdi Rezagholizadeh, Baoxing Huai, Peilun Cheng, Abbas Ghaddar | 2023-06-11T22:55:18Z | cs.CL | Developing monolingual large Pre-trained Language Models (PLMs) is shown to
be very successful in handling different tasks in Natural Language Processing
(NLP). In this work, we present AraMUS, the largest Arabic PLM with 11B
parameters trained on 529GB of high-quality Arabic textual data. AraMUS
achieves state-of-the-art performances on a diverse set of Arabic
classification and generative tasks. Moreover, AraMUS shows impressive few-shot
learning abilities compared with the best existing Arabic PLMs. | cs.CL | AraMUS: Pushing the Limits of Data and Model Scale for Arabic Natural Language Processing |
2023-06-11T22:15:01Z | http://arxiv.org/pdf/2306.06794v3 | http://arxiv.org/abs/2306.06794v3 | Julia Witte Zimmerman, Denis Hudon, Kathryn Cramer, Jonathan St. Onge, Mikaela Fudolig, Milo Z. Trujillo, Christopher M. Danforth, Peter Sheridan Dodds | 2024-05-16T13:06:42Z | cs.CL, cs.AI | Large Language Models (LLMs) like ChatGPT reflect profound changes in the
field of Artificial Intelligence, achieving a linguistic fluency that is
impressively, even shockingly, human-like. The extent of their current and
potential capabilities is an active area of investigation by no means limited
to scientific researchers. It is common for people to frame the training data
for LLMs as "text" or even "language". We examine the details of this framing
using ideas from several areas, including linguistics, embodied cognition,
cognitive science, mathematics, and history. We propose that considering what
it is like to be an LLM like ChatGPT, as Nagel might have put it, can help us
gain insight into its capabilities in general, and in particular, that its
exposure to linguistic training data can be productively reframed as exposure
to the diegetic information encoded in language, and its deficits can be
reframed as ignorance of extradiegetic information, including supradiegetic
linguistic information. Supradiegetic linguistic information consists of those
arbitrary aspects of the physical form of language that are not derivable from
the one-dimensional relations of context -- frequency, adjacency, proximity,
co-occurrence -- that LLMs like ChatGPT have access to. Roughly speaking, the
diegetic portion of a word can be thought of as its function, its meaning, as
the information in a theoretical vector in a word embedding, while the
supradiegetic portion of the word can be thought of as its form, like the
shapes of its letters or the sounds of its syllables. We use these concepts to
investigate why LLMs like ChatGPT have trouble handling palindromes, the visual
characteristics of symbols, translating Sumerian cuneiform, and continuing
integer sequences. | cs.CL | A blind spot for large language models: Supradiegetic linguistic information |
2023-06-11T21:49:42Z | http://arxiv.org/pdf/2306.07302v1 | http://arxiv.org/abs/2306.07302v1 | Yuya Asano, Diane Litman, Mingzhi Yu, Nikki Lobczowski, Timothy Nokes-Malach, Adriana Kovashka, Erin Walker | 2023-06-11T21:49:42Z | cs.HC, cs.AI, cs.CL | While speech-enabled teachable agents have some advantages over typing-based
ones, they are vulnerable to errors stemming from misrecognition by automatic
speech recognition (ASR). These errors may propagate, resulting in unexpected
changes in the flow of conversation. We analyzed how such changes are linked
with learning gains and learners' rapport with the agents. Our results show
they are not related to learning gains or rapport, regardless of the types of
responses the agents should have returned given the correct input from learners
without ASR errors. We also discuss the implications for optimal error-recovery
policies for teachable agents that can be drawn from these findings. | cs.HC | Impact of Experiencing Misrecognition by Teachable Agents on Learning and Rapport |
2023-06-11T21:18:50Z | http://arxiv.org/pdf/2306.06779v1 | http://arxiv.org/abs/2306.06779v1 | Hai Ye, Qizhe Xie, Hwee Tou Ng | 2023-06-11T21:18:50Z | cs.CL | In this work, we study multi-source test-time model adaptation from user
feedback, where K distinct models are established for adaptation. To allow
efficient adaptation, we cast the problem as a stochastic decision-making
process, aiming to determine the best adapted model after adaptation. We
discuss two frameworks: multi-armed bandit learning and multi-armed dueling
bandits. Compared to multi-armed bandit learning, the dueling framework allows
pairwise collaboration among K models, which is solved by a novel method named
Co-UCB proposed in this work. Experiments on six datasets of extractive
question answering (QA) show that the dueling framework using Co-UCB is more
effective than other strong baselines for our studied problem. | cs.CL | Multi-Source Test-Time Adaptation as Dueling Bandits for Extractive Question Answering |
2023-06-11T20:39:13Z | http://arxiv.org/pdf/2306.06767v2 | http://arxiv.org/abs/2306.06767v2 | Jiancheng Yang, Hongwei Bran Li, Donglai Wei | 2023-07-06T14:54:22Z | eess.IV, cs.CL, cs.CV, cs.LG | This study investigates the transformative potential of Large Language Models
(LLMs), such as OpenAI ChatGPT, in medical imaging. With the aid of public
data, these models, which possess remarkable language understanding and
generation capabilities, are augmenting the interpretive skills of
radiologists, enhancing patient-physician communication, and streamlining
clinical workflows. The paper introduces an analytic framework for presenting
the complex interactions between LLMs and the broader ecosystem of medical
imaging stakeholders, including businesses, insurance entities, governments,
research institutions, and hospitals (nicknamed BIGR-H). Through detailed
analyses, illustrative use cases, and discussions on the broader implications
and future directions, this perspective seeks to raise discussion in strategic
planning and decision-making in the era of AI-enabled healthcare. | eess.IV | The Impact of ChatGPT and LLMs on Medical Imaging Stakeholders: Perspectives and Use Cases |
2023-06-11T20:07:29Z | http://arxiv.org/pdf/2306.06760v1 | http://arxiv.org/abs/2306.06760v1 | Wen Wu, Chao Zhang, Philip C. Woodland | 2023-06-11T20:07:29Z | cs.SD, cs.CL, eess.AS | In automatic emotion recognition (AER), labels assigned by different human
annotators to the same utterance are often inconsistent due to the inherent
complexity of emotion and the subjectivity of perception. Though deterministic
labels generated by averaging or voting are often used as the ground truth, it
ignores the intrinsic uncertainty revealed by the inconsistent labels. This
paper proposes a Bayesian approach, deep evidential emotion regression (DEER),
to estimate the uncertainty in emotion attributes. Treating the emotion
attribute labels of an utterance as samples drawn from an unknown Gaussian
distribution, DEER places an utterance-specific normal-inverse gamma prior over
the Gaussian likelihood and predicts its hyper-parameters using a deep neural
network model. It enables a joint estimation of emotion attributes along with
the aleatoric and epistemic uncertainties. AER experiments on the widely used
MSP-Podcast and IEMOCAP datasets showed DEER produced state-of-the-art results
for both the mean values and the distribution of emotion attributes. | cs.SD | Estimating the Uncertainty in Emotion Attributes using Deep Evidential Regression |
2023-06-11T15:39:59Z | http://arxiv.org/pdf/2306.06707v1 | http://arxiv.org/abs/2306.06707v1 | Jian Xie, Yidan Liang, Jingping Liu, Yanghua Xiao, Baohua Wu, Shenghua Ni | 2023-06-11T15:39:59Z | cs.CL | In light of the success of the pre-trained language models (PLMs), continual
pre-training of generic PLMs has been the paradigm of domain adaption. In this
paper, we propose QUERT, A Continual Pre-trained Language Model for QUERy
Understanding in Travel Domain Search. QUERT is jointly trained on four
tailored pre-training tasks to the characteristics of query in travel domain
search: Geography-aware Mask Prediction, Geohash Code Prediction, User Click
Behavior Learning, and Phrase and Token Order Prediction. Performance
improvement of downstream tasks and ablation experiment demonstrate the
effectiveness of our proposed pre-training tasks. To be specific, the average
performance of downstream tasks increases by 2.02% and 30.93% in supervised and
unsupervised settings, respectively. To check on the improvement of QUERT to
online business, we deploy QUERT and perform A/B testing on Fliggy APP. The
feedback results show that QUERT increases the Unique Click-Through Rate and
Page Click-Through Rate by 0.89% and 1.03% when applying QUERT as the encoder.
Our code and downstream task data will be released for future research. | cs.CL | QUERT: Continual Pre-training of Language Model for Query Understanding in Travel Domain Search |
2023-06-11T14:37:45Z | http://arxiv.org/pdf/2306.06693v2 | http://arxiv.org/abs/2306.06693v2 | Charalambos Themistocleous | 2024-03-18T08:37:51Z | cs.CL | Language assessment plays a crucial role in diagnosing and treating
individuals with speech, language, and communication disorders caused by
neurogenic conditions, whether developmental or acquired. However, current
assessment methods are manual, laborious, and time-consuming to administer and
score, causing additional patient stress. To address these challenges, we
developed Open Brain AI (https://openbrainai.com). This computational platform
harnesses innovative AI techniques, namely machine learning, natural language
processing, large language models, and automatic speech-to-text transcription,
to automatically analyze multilingual spoken and written speech productions.
This paper discusses the development of Open Brain AI, the AI language
processing modules, and the linguistic measurements of discourse
macro-structure and micro-structure. The fast and automatic analysis of
language alleviates the burden on clinicians, enabling them to streamline their
workflow and allocate more time and resources to direct patient care. Open
Brain AI is freely accessible, empowering clinicians to conduct critical data
analyses and give more attention and resources to other critical aspects of
therapy and treatment. | cs.CL | Open Brain AI. Automatic Language Assessment |
2023-06-11T14:03:09Z | http://arxiv.org/pdf/2306.06688v1 | http://arxiv.org/abs/2306.06688v1 | Jiacheng Ye, Xijia Tao, Lingpeng Kong | 2023-06-11T14:03:09Z | cs.CL, cs.AI | Multilingual transfer ability, which reflects how well the models fine-tuned
on one source language can be applied to other languages, has been well studied
in multilingual pre-trained models (e.g., BLOOM). However, such ability has not
been investigated for English-centric models (e.g., LLaMA). To fill this gap,
we study the following research questions. First, does multilingual transfer
ability exist in English-centric models and how does it compare with
multilingual pretrained models? Second, does it only appears when English is
the source language for the English-centric model? Third, how does it vary in
different tasks? We take multilingual reasoning ability as our focus and
conduct extensive experiments across four types of reasoning tasks. We find
that the multilingual pretrained model does not always outperform an
English-centric model. Furthermore, English appears to be a less suitable
source language, and the choice of source language becomes less important when
the English-centric model scales up. In addition, different types of tasks
exhibit different multilingual transfer abilities. These findings demonstrate
that English-centric models not only possess multilingual transfer ability but
may even surpass the transferability of multilingual pretrained models if
well-trained. By showing the strength and weaknesses, the experiments also
provide valuable insights into enhancing multilingual reasoning abilities for
the English-centric models. | cs.CL | Language Versatilists vs. Specialists: An Empirical Revisiting on Multilingual Transfer Ability |
2023-06-11T12:53:46Z | http://arxiv.org/pdf/2306.06672v1 | http://arxiv.org/abs/2306.06672v1 | William Chen, Xuankai Chang, Yifan Peng, Zhaoheng Ni, Soumi Maiti, Shinji Watanabe | 2023-06-11T12:53:46Z | cs.CL, cs.AI, eess.AS | Self-supervised learning (SSL) has led to great strides in speech processing.
However, the resources needed to train these models has become prohibitively
large as they continue to scale. Currently, only a few groups with substantial
resources are capable of creating SSL models, which harms reproducibility. In
this work, we optimize HuBERT SSL to fit in academic constraints. We reproduce
HuBERT independently from the original implementation, with no performance
loss. Our code and training optimizations make SSL feasible with only 8 GPUs,
instead of the 32 used in the original work. We also explore a semi-supervised
route, using an ASR model to skip the first pre-training iteration. Within one
iteration of pre-training, our models improve over HuBERT on several tasks.
Furthermore, our HuBERT Large variant requires only 8 GPUs, achieving similar
performance to the original trained on 128. As our contribution to the
community, all models, configurations, and code are made open-source in ESPnet. | cs.CL | Reducing Barriers to Self-Supervised Learning: HuBERT Pre-training with Academic Compute |
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.