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-07T04:15:21Z | http://arxiv.org/pdf/2306.04136v1 | http://arxiv.org/abs/2306.04136v1 | Jinheon Baek, Alham Fikri Aji, Amir Saffari | 2023-06-07T04:15:21Z | cs.CL | Large Language Models (LLMs) are capable of performing zero-shot closed-book
question answering tasks, based on their internal knowledge stored in
parameters during pre-training. However, such internalized knowledge might be
insufficient and incorrect, which could lead LLMs to generate factually wrong
answers. Furthermore, fine-tuning LLMs to update their knowledge is expensive.
To this end, we propose to augment the knowledge directly in the input of LLMs.
Specifically, we first retrieve the relevant facts to the input question from
the knowledge graph based on semantic similarities between the question and its
associated facts. After that, we prepend the retrieved facts to the input
question in the form of the prompt, which is then forwarded to LLMs to generate
the answer. Our framework, Knowledge-Augmented language model PromptING
(KAPING), requires no model training, thus completely zero-shot. We validate
the performance of our KAPING framework on the knowledge graph question
answering task, that aims to answer the user's question based on facts over a
knowledge graph, on which ours outperforms relevant zero-shot baselines by up
to 48% in average, across multiple LLMs of various sizes. | cs.CL | Knowledge-Augmented Language Model Prompting for Zero-Shot Knowledge Graph Question Answering |
2023-06-07T03:44:50Z | http://arxiv.org/pdf/2306.04125v2 | http://arxiv.org/abs/2306.04125v2 | Paul Pu Liang, Yun Cheng, Ruslan Salakhutdinov, Louis-Philippe Morency | 2023-10-30T18:06:46Z | cs.LG, cs.CL, cs.HC | In order to perform multimodal fusion of heterogeneous signals, we need to
understand their interactions: how each modality individually provides
information useful for a task and how this information changes in the presence
of other modalities. In this paper, we perform a comparative study of how
humans annotate two categorizations of multimodal interactions: (1) partial
labels, where different annotators annotate the label given the first, second,
and both modalities, and (2) counterfactual labels, where the same annotator
annotates the label given the first modality before asking them to explicitly
reason about how their answer changes when given the second. We further propose
an alternative taxonomy based on (3) information decomposition, where
annotators annotate the degrees of redundancy: the extent to which modalities
individually and together give the same predictions, uniqueness: the extent to
which one modality enables a prediction that the other does not, and synergy:
the extent to which both modalities enable one to make a prediction that one
would not otherwise make using individual modalities. Through experiments and
annotations, we highlight several opportunities and limitations of each
approach and propose a method to automatically convert annotations of partial
and counterfactual labels to information decomposition, yielding an accurate
and efficient method for quantifying multimodal interactions. | cs.LG | Multimodal Fusion Interactions: A Study of Human and Automatic Quantification |
2023-06-07T03:03:41Z | http://arxiv.org/pdf/2306.04116v1 | http://arxiv.org/abs/2306.04116v1 | Yuki Arase, Han Bao, Sho Yokoi | 2023-06-07T03:03:41Z | cs.CL, cs.LG | Monolingual word alignment is crucial to model semantic interactions between
sentences. In particular, null alignment, a phenomenon in which words have no
corresponding counterparts, is pervasive and critical in handling semantically
divergent sentences. Identification of null alignment is useful on its own to
reason about the semantic similarity of sentences by indicating there exists
information inequality. To achieve unbalanced word alignment that values both
alignment and null alignment, this study shows that the family of optimal
transport (OT), i.e., balanced, partial, and unbalanced OT, are natural and
powerful approaches even without tailor-made techniques. Our extensive
experiments covering unsupervised and supervised settings indicate that our
generic OT-based alignment methods are competitive against the
state-of-the-arts specially designed for word alignment, remarkably on
challenging datasets with high null alignment frequencies. | cs.CL | Unbalanced Optimal Transport for Unbalanced Word Alignment |
2023-06-07T01:44:43Z | http://arxiv.org/pdf/2306.04101v1 | http://arxiv.org/abs/2306.04101v1 | Xiusi Chen, Yu Zhang, Jinliang Deng, Jyun-Yu Jiang, Wei Wang | 2023-06-07T01:44:43Z | cs.CL, cs.AI | Few-shot question answering (QA) aims at precisely discovering answers to a
set of questions from context passages while only a few training samples are
available. Although existing studies have made some progress and can usually
achieve proper results, they suffer from understanding deep semantics for
reasoning out the questions. In this paper, we develop Gotta, a Generative
prOmpT-based daTa Augmentation framework to mitigate the challenge above.
Inspired by the human reasoning process, we propose to integrate the cloze task
to enhance few-shot QA learning. Following the recent success of prompt-tuning,
we present the cloze task in the same format as the main QA task, allowing the
model to learn both tasks seamlessly together to fully take advantage of the
power of prompt-tuning. Extensive experiments on widely used benchmarks
demonstrate that Gotta consistently outperforms competitive baselines,
validating the effectiveness of our proposed prompt-tuning-based cloze task,
which not only fine-tunes language models but also learns to guide reasoning in
QA tasks. Further analysis shows that the prompt-based loss incorporates the
auxiliary task better than the multi-task loss, highlighting the strength of
prompt-tuning on the few-shot QA task. | cs.CL | Gotta: Generative Few-shot Question Answering by Prompt-based Cloze Data Augmentation |
2023-06-07T01:09:37Z | http://arxiv.org/pdf/2306.04085v1 | http://arxiv.org/abs/2306.04085v1 | Yusen Zhang, Jun Wang, Zhiguo Wang, Rui Zhang | 2023-06-07T01:09:37Z | cs.CL | Cross-Lingual Semantic Parsing (CLSP) aims to translate queries in multiple
natural languages (NLs) into meaning representations (MRs) such as SQL, lambda
calculus, and logic forms. However, existing CLSP models are separately
proposed and evaluated on datasets of limited tasks and applications, impeding
a comprehensive and unified evaluation of CLSP on a diverse range of NLs and
MRs. To this end, we present XSemPLR, a unified benchmark for cross-lingual
semantic parsing featured with 22 natural languages and 8 meaning
representations by examining and selecting 9 existing datasets to cover 5 tasks
and 164 domains. We use XSemPLR to conduct a comprehensive benchmark study on a
wide range of multilingual language models including encoder-based models
(mBERT, XLM-R), encoder-decoder models (mBART, mT5), and decoder-based models
(Codex, BLOOM). We design 6 experiment settings covering various lingual
combinations (monolingual, multilingual, cross-lingual) and numbers of learning
samples (full dataset, few-shot, and zero-shot). Our experiments show that
encoder-decoder models (mT5) achieve the highest performance compared with
other popular models, and multilingual training can further improve the average
performance. Notably, multilingual large language models (e.g., BLOOM) are
still inadequate to perform CLSP tasks. We also find that the performance gap
between monolingual training and cross-lingual transfer learning is still
significant for multilingual models, though it can be mitigated by
cross-lingual few-shot training. Our dataset and code are available at
https://github.com/psunlpgroup/XSemPLR. | cs.CL | XSemPLR: Cross-Lingual Semantic Parsing in Multiple Natural Languages and Meaning Representations |
2023-06-07T00:33:02Z | http://arxiv.org/pdf/2306.04076v1 | http://arxiv.org/abs/2306.04076v1 | Lu Huang, Boyu Li, Jun Zhang, Lu Lu, Zejun Ma | 2023-06-07T00:33:02Z | cs.CL, cs.SD, eess.AS | Domain adaptation using text-only corpus is challenging in end-to-end(E2E)
speech recognition. Adaptation by synthesizing audio from text through TTS is
resource-consuming. We present a method to learn Unified Speech-Text
Representation in Conformer Transducer(USTR-CT) to enable fast domain
adaptation using the text-only corpus. Different from the previous textogram
method, an extra text encoder is introduced in our work to learn text
representation and is removed during inference, so there is no modification for
online deployment. To improve the efficiency of adaptation, single-step and
multi-step adaptations are also explored. The experiments on adapting
LibriSpeech to SPGISpeech show the proposed method reduces the word error
rate(WER) by relatively 44% on the target domain, which is better than those of
TTS method and textogram method. Also, it is shown the proposed method can be
combined with internal language model estimation(ILME) to further improve the
performance. | cs.CL | Text-only Domain Adaptation using Unified Speech-Text Representation in Transducer |
2023-06-06T23:56:18Z | http://arxiv.org/pdf/2306.04067v1 | http://arxiv.org/abs/2306.04067v1 | Zhongbin Xie, Thomas Lukasiewicz | 2023-06-06T23:56:18Z | cs.CL | The increasingly large size of modern pretrained language models not only
makes them inherit more human-like biases from the training corpora, but also
makes it computationally expensive to mitigate such biases. In this paper, we
investigate recent parameter-efficient methods in combination with
counterfactual data augmentation (CDA) for bias mitigation. We conduct
extensive experiments with prefix tuning, prompt tuning, and adapter tuning on
different language models and bias types to evaluate their debiasing
performance and abilities to preserve the internal knowledge of a pre-trained
model. We find that the parameter-efficient methods (i) are effective in
mitigating gender bias, where adapter tuning is consistently the most effective
one and prompt tuning is more suitable for GPT-2 than BERT, (ii) are less
effective when it comes to racial and religious bias, which may be attributed
to the limitations of CDA, and (iii) can perform similarly to or sometimes
better than full fine-tuning with improved time and memory efficiency, as well
as maintain the internal knowledge in BERT and GPT-2, evaluated via fact
retrieval and downstream fine-tuning. | cs.CL | An Empirical Analysis of Parameter-Efficient Methods for Debiasing Pre-Trained Language Models |
2023-06-06T23:15:59Z | http://arxiv.org/pdf/2306.04059v1 | http://arxiv.org/abs/2306.04059v1 | Chandreen Liyanage, Muskan Garg, Vijay Mago, Sunghwan Sohn | 2023-06-06T23:15:59Z | cs.CL, cs.CY | Amid ongoing health crisis, there is a growing necessity to discern possible
signs of Wellness Dimensions (WD) manifested in self-narrated text. As the
distribution of WD on social media data is intrinsically imbalanced, we
experiment the generative NLP models for data augmentation to enable further
improvement in the pre-screening task of classifying WD. To this end, we
propose a simple yet effective data augmentation approach through prompt-based
Generative NLP models, and evaluate the ROUGE scores and syntactic/semantic
similarity among existing interpretations and augmented data. Our approach with
ChatGPT model surpasses all the other methods and achieves improvement over
baselines such as Easy-Data Augmentation and Backtranslation. Introducing data
augmentation to generate more training samples and balanced dataset, results in
the improved F-score and the Matthew's Correlation Coefficient for upto 13.11%
and 15.95%, respectively. | cs.CL | Augmenting Reddit Posts to Determine Wellness Dimensions impacting Mental Health |
2023-06-06T22:42:00Z | http://arxiv.org/pdf/2306.04050v2 | http://arxiv.org/abs/2306.04050v2 | Chandra Shekhara Kaushik Valmeekam, Krishna Narayanan, Dileep Kalathil, Jean-Francois Chamberland, Srinivas Shakkottai | 2023-06-26T18:03:12Z | cs.IT, cs.CL, cs.LG, math.IT | We provide new estimates of an asymptotic upper bound on the entropy of
English using the large language model LLaMA-7B as a predictor for the next
token given a window of past tokens. This estimate is significantly smaller
than currently available estimates in \cite{cover1978convergent},
\cite{lutati2023focus}. A natural byproduct is an algorithm for lossless
compression of English text which combines the prediction from the large
language model with a lossless compression scheme. Preliminary results from
limited experiments suggest that our scheme outperforms state-of-the-art text
compression schemes such as BSC, ZPAQ, and paq8h. | cs.IT | LLMZip: Lossless Text Compression using Large Language Models |
2023-06-06T22:32:49Z | http://arxiv.org/pdf/2306.04047v2 | http://arxiv.org/abs/2306.04047v2 | Xiulong Liu, Sudipta Paul, Moitreya Chatterjee, Anoop Cherian | 2023-12-27T02:00:30Z | cs.CV, cs.AI, cs.CL, cs.LG | Audio-visual navigation of an agent towards locating an audio goal is a
challenging task especially when the audio is sporadic or the environment is
noisy. In this paper, we present CAVEN, a Conversation-based Audio-Visual
Embodied Navigation framework in which the agent may interact with a
human/oracle for solving the task of navigating to an audio goal. Specifically,
CAVEN is modeled as a budget-aware partially observable semi-Markov decision
process that implicitly learns the uncertainty in the audio-based navigation
policy to decide when and how the agent may interact with the oracle. Our CAVEN
agent can engage in fully-bidirectional natural language conversations by
producing relevant questions and interpret free-form, potentially noisy
responses from the oracle based on the audio-visual context. To enable such a
capability, CAVEN is equipped with: (i) a trajectory forecasting network that
is grounded in audio-visual cues to produce a potential trajectory to the
estimated goal, and (ii) a natural language based question generation and
reasoning network to pose an interactive question to the oracle or interpret
the oracle's response to produce navigation instructions. To train the
interactive modules, we present a large scale dataset: AVN-Instruct, based on
the Landmark-RxR dataset. To substantiate the usefulness of conversations, we
present experiments on the benchmark audio-goal task using the SoundSpaces
simulator under various noisy settings. Our results reveal that our
fully-conversational approach leads to nearly an order-of-magnitude improvement
in success rate, especially in localizing new sound sources and against methods
that only use uni-directional interaction. | cs.CV | CAVEN: An Embodied Conversational Agent for Efficient Audio-Visual Navigation in Noisy Environments |
2023-06-06T22:14:59Z | http://arxiv.org/pdf/2306.04043v1 | http://arxiv.org/abs/2306.04043v1 | Rose Neis, Karin de Langis, Zae Myung Kim, Dongyeop Kang | 2023-06-06T22:14:59Z | cs.CL | Capturing readers' engagement in fiction is a challenging but important
aspect of narrative understanding. In this study, we collected 23 readers'
reactions to 2 short stories through eye tracking, sentence-level annotations,
and an overall engagement scale survey. We analyzed the significance of various
qualities of the text in predicting how engaging a reader is likely to find it.
As enjoyment of fiction is highly contextual, we also investigated individual
differences in our data. Furthering our understanding of what captivates
readers in fiction will help better inform models used in creative narrative
generation and collaborative writing tools. | cs.CL | An Analysis of Reader Engagement in Literary Fiction through Eye Tracking and Linguistic Features |
2023-06-06T21:13:08Z | http://arxiv.org/pdf/2306.06083v1 | http://arxiv.org/abs/2306.06083v1 | Irina-Elena Veliche, Pascale Fung | 2023-06-06T21:13:08Z | cs.SD, cs.CL, cs.LG, eess.AS | The challenge of fairness arises when Automatic Speech Recognition (ASR)
systems do not perform equally well for all sub-groups of the population. In
the past few years there have been many improvements in overall speech
recognition quality, but without any particular focus on advancing Equality and
Equity for all user groups for whom systems do not perform well. ASR fairness
is therefore also a robustness issue. Meanwhile, data privacy also takes
priority in production systems. In this paper, we present a privacy preserving
approach to improve fairness and robustness of end-to-end ASR without using
metadata, zip codes, or even speaker or utterance embeddings directly in
training. We extract utterance level embeddings using a speaker ID model
trained on a public dataset, which we then use in an unsupervised fashion to
create acoustic clusters. We use cluster IDs instead of speaker utterance
embeddings as extra features during model training, which shows improvements
for all demographic groups and in particular for different accents. | cs.SD | Improving Fairness and Robustness in End-to-End Speech Recognition through unsupervised clustering |
2023-06-06T20:45:18Z | http://arxiv.org/pdf/2306.04009v1 | http://arxiv.org/abs/2306.04009v1 | Kanishka Misra, Cicero Nogueira dos Santos, Siamak Shakeri | 2023-06-06T20:45:18Z | cs.CL, cs.AI | Despite readily memorizing world knowledge about entities, pre-trained
language models (LMs) struggle to compose together two or more facts to perform
multi-hop reasoning in question-answering tasks. In this work, we propose
techniques that improve upon this limitation by relying on random walks over
structured knowledge graphs. Specifically, we use soft prompts to guide LMs to
chain together their encoded knowledge by learning to map multi-hop questions
to random walk paths that lead to the answer. Applying our methods on two T5
LMs shows substantial improvements over standard tuning approaches in answering
questions that require 2-hop reasoning. | cs.CL | Triggering Multi-Hop Reasoning for Question Answering in Language Models using Soft Prompts and Random Walks |
2023-06-06T20:19:33Z | http://arxiv.org/pdf/2306.03997v3 | http://arxiv.org/abs/2306.03997v3 | Maryan Rizinski, Hristijan Peshov, Kostadin Mishev, Milos Jovanovik, Dimitar Trajanov | 2024-03-26T21:32:51Z | cs.CL | Lexicon-based sentiment analysis (SA) in finance leverages specialized,
manually annotated lexicons created by human experts to extract sentiment from
financial texts. Although lexicon-based methods are simple to implement and
fast to operate on textual data, they require considerable manual annotation
efforts to create, maintain, and update the lexicons. These methods are also
considered inferior to the deep learning-based approaches, such as transformer
models, which have become dominant in various NLP tasks due to their remarkable
performance. However, transformers require extensive data and computational
resources for both training and testing. Additionally, they involve significant
prediction times, making them unsuitable for real-time production environments
or systems with limited processing capabilities. In this paper, we introduce a
novel methodology named eXplainable Lexicons (XLex) that combines the
advantages of both lexicon-based methods and transformer models. We propose an
approach that utilizes transformers and SHapley Additive exPlanations (SHAP)
for explainability to learn financial lexicons. Our study presents four main
contributions. Firstly, we demonstrate that transformer-aided explainable
lexicons can enhance the vocabulary coverage of the benchmark Loughran-McDonald
(LM) lexicon, reducing the human involvement in annotating, maintaining, and
updating the lexicons. Secondly, we show that the resulting lexicon outperforms
the standard LM lexicon in SA of financial datasets. Thirdly, we illustrate
that the lexicon-based approach is significantly more efficient in terms of
model speed and size compared to transformers. Lastly, the XLex approach is
inherently more interpretable than transformer models as lexicon models rely on
predefined rules, allowing for better insights into the results of SA and
making the XLex approach a viable tool for financial decision-making. | cs.CL | Sentiment Analysis in Finance: From Transformers Back to eXplainable Lexicons (XLex) |
2023-06-06T19:43:29Z | http://arxiv.org/pdf/2306.03984v2 | http://arxiv.org/abs/2306.03984v2 | Abishek Komma, Nagesh Panyam Chandrasekarasastry, Timothy Leffel, Anuj Goyal, Angeliki Metallinou, Spyros Matsoukas, Aram Galstyan | 2023-06-09T01:17:39Z | cs.CL, cs.LG | Measurement of interaction quality is a critical task for the improvement of
spoken dialog systems. Existing approaches to dialog quality estimation either
focus on evaluating the quality of individual turns, or collect dialog-level
quality measurements from end users immediately following an interaction. In
contrast to these approaches, we introduce a new dialog-level annotation
workflow called Dialog Quality Annotation (DQA). DQA expert annotators evaluate
the quality of dialogs as a whole, and also label dialogs for attributes such
as goal completion and user sentiment. In this contribution, we show that: (i)
while dialog quality cannot be completely decomposed into dialog-level
attributes, there is a strong relationship between some objective dialog
attributes and judgments of dialog quality; (ii) for the task of dialog-level
quality estimation, a supervised model trained on dialog-level annotations
outperforms methods based purely on aggregating turn-level features; and (iii)
the proposed evaluation model shows better domain generalization ability
compared to the baselines. On the basis of these results, we argue that having
high-quality human-annotated data is an important component of evaluating
interaction quality for large industrial-scale voice assistant platforms. | cs.CL | Toward More Accurate and Generalizable Evaluation Metrics for Task-Oriented Dialogs |
2023-06-06T19:31:08Z | http://arxiv.org/pdf/2306.03978v1 | http://arxiv.org/abs/2306.03978v1 | A. Taha Arslan | 2023-06-06T19:31:08Z | cs.CL, I.2.7 | Large language models have advanced enormously, gained vast attraction and
are having a phase of intensed research. Some of the developed models and
training datasets have been made open-accessible. Hence these may be further
fine-tuned with some techniques to obtain specialized models for specific
tasks. When it comes to Turkish language, open-access models do not provide
satisfactory coverage. This is also observed over published datasets. In this
work, we propose some ideas to mitigate this issue: creating large Turkish
datasets, training LLMs with these and fine-tuning pre-trained models with
Turkish inputs. We report our findings on Turkish-based trainings with the
problems encountered along the way. We conclude with outcomes of these
experiments and propose ideas for further works.
--
B\"uy\"uk dil modelleri inan{\i}lmaz \"ol\c{c}\"ude geli\c{s}mekte, b\"uy\"uk
ilgi toplayarak ve \"uzerlerinde yo\u{g}un ara\c{s}tirmalarin yapildi\u{g}i bir
d\"onemdedirler. Geli\c{s}tirilen modeller ve e\u{g}itimde kullanilan
verisetlerinden bazilari a\c{c}ik eri\c{s}imli olarak sunulmaktadir. B\"oylece
ince ayarlama teknikleri uygulayarak \"ozelle\c{s}mi\c{s} g\"orevler i\c{c}in
\c{c}ali\c{s}abilir modeller elde edilmektedir. T\"urk\c{c}e s\"oz konusu
oldu\u{g}unda bu modellerinin kapsayicili\u{g}i yeterli d\"uzeyde de\u{g}ildir.
Bu durum, yayimlanan verisetlerinde de g\"ozlemlenebilir. Bunu a\c{s}manin
yollari T\"urk\c{c}e i\c{c}erikli b\"uy\"uk verisetlerinin olu\c{s}turulmasi,
b\"uy\"uk dil modellerinin bunlarla e\u{g}itilmesi ve \"onceden
e\u{g}itilmi\c{s} modellerin T\"urk\c{c}e girdilerle ince ayarlanmalari
olabilir. Bu \c{c}ali\c{s}mada a\c{c}ik eri\c{s}imli dil modelleri ve
verisetleri \"uzerinde durulmakta ve T\"urk\c{c}e temelli bazi deneyler,
kar\c{s}ila\c{s}ilan sorunlar ve sonu\c{c}lar irdelenmektedir. | cs.CL | Büyük dil modellerinin Türkçe verisetleri ile eğitilmesi ve ince ayarlanması |
2023-06-06T19:17:47Z | http://arxiv.org/pdf/2306.03975v2 | http://arxiv.org/abs/2306.03975v2 | Bobo Li, Hao Fei, Fei Li, Shengqiong Wu, Lizi Liao, Yinwei Wei, Tat-Seng Chua, Donghong Ji | 2023-06-10T06:42:03Z | cs.CL | Dialogue disentanglement aims to detach the chronologically ordered
utterances into several independent sessions. Conversation utterances are
essentially organized and described by the underlying discourse, and thus
dialogue disentanglement requires the full understanding and harnessing of the
intrinsic discourse attribute. In this paper, we propose enhancing dialogue
disentanglement by taking full advantage of the dialogue discourse
characteristics. First of all, in feature encoding stage, we construct the
heterogeneous graph representations to model the various dialogue-specific
discourse structural features, including the static speaker-role structures
(i.e., speaker-utterance and speaker-mentioning structure) and the dynamic
contextual structures (i.e., the utterance-distance and partial-replying
structure). We then develop a structure-aware framework to integrate the rich
structural features for better modeling the conversational semantic context.
Second, in model learning stage, we perform optimization with a hierarchical
ranking loss mechanism, which groups dialogue utterances into different
discourse levels and carries training covering pair-wise and session-wise
levels hierarchically. Third, in inference stage, we devise an easy-first
decoding algorithm, which performs utterance pairing under the easy-to-hard
manner with a global context, breaking the constraint of traditional sequential
decoding order. On two benchmark datasets, our overall system achieves new
state-of-the-art performances on all evaluations. In-depth analyses further
demonstrate the efficacy of each proposed idea and also reveal how our methods
help advance the task. Our work has great potential to facilitate broader
multi-party multi-thread dialogue applications. | cs.CL | Revisiting Conversation Discourse for Dialogue Disentanglement |
2023-06-06T19:11:59Z | http://arxiv.org/pdf/2306.03974v2 | http://arxiv.org/abs/2306.03974v2 | Jiang Liu, Hao Fei, Fei Li, Jingye Li, Bobo Li, Liang Zhao, Chong Teng, Donghong Ji | 2023-06-10T06:50:35Z | cs.CL | Few-shot named entity recognition (NER) exploits limited annotated instances
to identify named mentions. Effectively transferring the internal or external
resources thus becomes the key to few-shot NER. While the existing prompt
tuning methods have shown remarkable few-shot performances, they still fail to
make full use of knowledge. In this work, we investigate the integration of
rich knowledge to prompt tuning for stronger few-shot NER. We propose
incorporating the deep prompt tuning framework with threefold knowledge (namely
TKDP), including the internal 1) context knowledge and the external 2) label
knowledge & 3) sememe knowledge. TKDP encodes the three feature sources and
incorporates them into the soft prompt embeddings, which are further injected
into an existing pre-trained language model to facilitate predictions. On five
benchmark datasets, our knowledge-enriched model boosts by at most 11.53% F1
over the raw deep prompt method, and significantly outperforms 8
strong-performing baseline systems in 5-/10-/20-shot settings, showing great
potential in few-shot NER. Our TKDP can be broadly adapted to other few-shot
tasks without effort. | cs.CL | TKDP: Threefold Knowledge-enriched Deep Prompt Tuning for Few-shot Named Entity Recognition |
2023-06-06T19:04:30Z | http://arxiv.org/pdf/2306.03969v2 | http://arxiv.org/abs/2306.03969v2 | Li Zheng, Donghong Ji, Fei Li, Hao Fei, Shengqiong Wu, Jingye Li, Bobo Li, Chong Teng | 2023-06-10T06:52:49Z | cs.CL | The existing emotion-cause pair extraction (ECPE) task, unfortunately,
ignores extracting the emotion type and cause type, while these fine-grained
meta-information can be practically useful in real-world applications, i.e.,
chat robots and empathic dialog generation. Also the current ECPE is limited to
the scenario of single text piece, while neglecting the studies at dialog level
that should have more realistic values. In this paper, we extend the ECPE task
with a broader definition and scenario, presenting a new task, Emotion-Cause
Quadruple Extraction in Dialogs (ECQED), which requires detecting emotion-cause
utterance pairs and emotion and cause types. We present an ECQED model based on
a structural and semantic heterogeneous graph as well as a parallel grid
tagging scheme, which advances in effectively incorporating the dialog context
structure, meanwhile solving the challenging overlapped quadruple issue. Via
experiments we show that introducing the fine-grained emotion and cause
features evidently helps better dialog generation. Also our proposed ECQED
system shows exceptional superiority over baselines on both the emotion-cause
quadruple or pair extraction tasks, meanwhile being highly efficient. | cs.CL | ECQED: Emotion-Cause Quadruple Extraction in Dialogs |
2023-06-06T18:42:08Z | http://arxiv.org/pdf/2306.03959v1 | http://arxiv.org/abs/2306.03959v1 | Julia White, Arushi Raghuvanshi, Yada Pruksachatkun | 2023-06-06T18:42:08Z | cs.CL, cs.IR | Task-oriented dialogues often require agents to enact complex, multi-step
procedures in order to meet user requests. While large language models have
found success automating these dialogues in constrained environments, their
widespread deployment is limited by the substantial quantities of task-specific
data required for training. The following paper presents a data-efficient
solution to constructing dialogue systems, leveraging explicit instructions
derived from agent guidelines, such as company policies or customer service
manuals. Our proposed Knowledge-Augmented Dialogue System (KADS) combines a
large language model with a knowledge retrieval module that pulls documents
outlining relevant procedures from a predefined set of policies, given a
user-agent interaction. To train this system, we introduce a semi-supervised
pre-training scheme that employs dialogue-document matching and action-oriented
masked language modeling with partial parameter freezing. We evaluate the
effectiveness of our approach on prominent task-oriented dialogue datasets,
Action-Based Conversations Dataset and Schema-Guided Dialogue, for two dialogue
tasks: action state tracking and workflow discovery. Our results demonstrate
that procedural knowledge augmentation improves accuracy predicting in- and
out-of-distribution actions while preserving high performance in settings with
low or sparse data. | cs.CL | Leveraging Explicit Procedural Instructions for Data-Efficient Action Prediction |
2023-06-06T18:30:51Z | http://arxiv.org/pdf/2306.03954v1 | http://arxiv.org/abs/2306.03954v1 | Angel I. Solis, Justin Zarkovacki, John Ly, Adham Atyabi | 2023-06-06T18:30:51Z | cs.CV, cs.AI, cs.CL, cs.LG | The Japanese writing system is complex, with three character types of
Hiragana, Katakana, and Kanji. Kanji consists of thousands of unique
characters, further adding to the complexity of character identification and
literature understanding. Being able to translate handwritten Japanese
characters into digital text is useful for data analysis, translation, learning
and cultural preservation. In this study, a machine learning approach to
analyzing and recognizing handwritten Japanese characters (Kanji) is proposed.
The study used an ensemble of three convolutional neural networks (CNNs) for
recognizing handwritten Kanji characters and utilized four datasets of MNIST,
K-MNIST, Kuzushiji-49 (K49) and the top 150 represented classes in the
Kuzushiji-Kanji (K-Kanji) dataset for its performance evaluation. The results
indicate feasibility of using proposed CNN-ensemble architecture for
recognizing handwritten characters, achieving 99.4%, 96.4%, 95.0% and 96.4%
classification accuracy on MNIST, K-MNIS, K49, and K-Kanji datasets
respectively. | cs.CV | Recognition of Handwritten Japanese Characters Using Ensemble of Convolutional Neural Networks |
2023-06-06T18:27:52Z | http://arxiv.org/pdf/2306.03950v2 | http://arxiv.org/abs/2306.03950v2 | Tamanna Hossain, Sunipa Dev, Sameer Singh | 2023-07-07T05:18:34Z | cs.CL | Content Warning: This paper contains examples of misgendering and erasure
that could be offensive and potentially triggering.
Gender bias in language technologies has been widely studied, but research
has mostly been restricted to a binary paradigm of gender. It is essential also
to consider non-binary gender identities, as excluding them can cause further
harm to an already marginalized group. In this paper, we comprehensively
evaluate popular language models for their ability to correctly use English
gender-neutral pronouns (e.g., singular they, them) and neo-pronouns (e.g., ze,
xe, thon) that are used by individuals whose gender identity is not represented
by binary pronouns. We introduce MISGENDERED, a framework for evaluating large
language models' ability to correctly use preferred pronouns, consisting of (i)
instances declaring an individual's pronoun, followed by a sentence with a
missing pronoun, and (ii) an experimental setup for evaluating masked and
auto-regressive language models using a unified method. When prompted
out-of-the-box, language models perform poorly at correctly predicting
neo-pronouns (averaging 7.7% accuracy) and gender-neutral pronouns (averaging
34.2% accuracy). This inability to generalize results from a lack of
representation of non-binary pronouns in training data and memorized
associations. Few-shot adaptation with explicit examples in the prompt improves
performance for neo-pronouns, but only to 64.7% even with 20 shots. We release
the full dataset, code, and demo at
https://tamannahossainkay.github.io/misgendered/ | cs.CL | MISGENDERED: Limits of Large Language Models in Understanding Pronouns |
2023-06-06T18:06:24Z | http://arxiv.org/pdf/2306.05434v1 | http://arxiv.org/abs/2306.05434v1 | Shafiuddin Rehan Ahmed, Abhijnan Nath, Michael Regan, Adam Pollins, Nikhil Krishnaswamy, James H. Martin | 2023-06-06T18:06:24Z | cs.CL | Annotating cross-document event coreference links is a time-consuming and
cognitively demanding task that can compromise annotation quality and
efficiency. To address this, we propose a model-in-the-loop annotation approach
for event coreference resolution, where a machine learning model suggests
likely corefering event pairs only. We evaluate the effectiveness of this
approach by first simulating the annotation process and then, using a novel
annotator-centric Recall-Annotation effort trade-off metric, we compare the
results of various underlying models and datasets. We finally present a method
for obtaining 97\% recall while substantially reducing the workload required by
a fully manual annotation process. Code and data can be found at
https://github.com/ahmeshaf/model_in_coref | cs.CL | How Good is the Model in Model-in-the-loop Event Coreference Resolution Annotation? |
2023-06-06T18:00:01Z | http://arxiv.org/pdf/2306.03917v1 | http://arxiv.org/abs/2306.03917v1 | Marcel Binz, Eric Schulz | 2023-06-06T18:00:01Z | cs.CL, cs.AI, cs.LG | Large language models are powerful systems that excel at many tasks, ranging
from translation to mathematical reasoning. Yet, at the same time, these models
often show unhuman-like characteristics. In the present paper, we address this
gap and ask whether large language models can be turned into cognitive models.
We find that -- after finetuning them on data from psychological experiments --
these models offer accurate representations of human behavior, even
outperforming traditional cognitive models in two decision-making domains. In
addition, we show that their representations contain the information necessary
to model behavior on the level of individual subjects. Finally, we demonstrate
that finetuning on multiple tasks enables large language models to predict
human behavior in a previously unseen task. Taken together, these results
suggest that large, pre-trained models can be adapted to become generalist
cognitive models, thereby opening up new research directions that could
transform cognitive psychology and the behavioral sciences as a whole. | cs.CL | Turning large language models into cognitive models |
2023-06-06T17:59:49Z | http://arxiv.org/pdf/2306.03907v1 | http://arxiv.org/abs/2306.03907v1 | Janis Goldzycher | 2023-06-06T17:59:49Z | cs.CL, cs.CY | The widespread popularity of social media has led to an increase in hateful,
abusive, and sexist language, motivating methods for the automatic detection of
such phenomena. The goal of the SemEval shared task \textit{Towards Explainable
Detection of Online Sexism} (EDOS 2023) is to detect sexism in English social
media posts (subtask A), and to categorize such posts into four coarse-grained
sexism categories (subtask B), and eleven fine-grained subcategories (subtask
C). In this paper, we present our submitted systems for all three subtasks,
based on a multi-task model that has been fine-tuned on a range of related
tasks and datasets before being fine-tuned on the specific EDOS subtasks. We
implement multi-task learning by formulating each task as binary pairwise text
classification, where the dataset and label descriptions are given along with
the input text. The results show clear improvements over a fine-tuned
DeBERTa-V3 serving as a baseline leading to $F_1$-scores of 85.9\% in subtask A
(rank 13/84), 64.8\% in subtask B (rank 19/69), and 44.9\% in subtask C
(26/63). | cs.CL | CL-UZH at SemEval-2023 Task 10: Sexism Detection through Incremental Fine-Tuning and Multi-Task Learning with Label Descriptions |
2023-06-06T17:58:44Z | http://arxiv.org/pdf/2306.03902v1 | http://arxiv.org/abs/2306.03902v1 | Yeldar Toleubay, Don Joven Agravante, Daiki Kimura, Baihan Lin, Djallel Bouneffouf, Michiaki Tatsubori | 2023-06-06T17:58:44Z | cs.CL, cs.AI, cs.LO, q-bio.NC | In response to the global challenge of mental health problems, we proposes a
Logical Neural Network (LNN) based Neuro-Symbolic AI method for the diagnosis
of mental disorders. Due to the lack of effective therapy coverage for mental
disorders, there is a need for an AI solution that can assist therapists with
the diagnosis. However, current Neural Network models lack explainability and
may not be trusted by therapists. The LNN is a Recurrent Neural Network
architecture that combines the learning capabilities of neural networks with
the reasoning capabilities of classical logic-based AI. The proposed system
uses input predicates from clinical interviews to output a mental disorder
class, and different predicate pruning techniques are used to achieve
scalability and higher scores. In addition, we provide an insight extraction
method to aid therapists with their diagnosis. The proposed system addresses
the lack of explainability of current Neural Network models and provides a more
trustworthy solution for mental disorder diagnosis. | cs.CL | Utterance Classification with Logical Neural Network: Explainable AI for Mental Disorder Diagnosis |
2023-06-06T17:58:24Z | http://arxiv.org/pdf/2306.03901v2 | http://arxiv.org/abs/2306.03901v2 | Chenxu Hu, Jie Fu, Chenzhuang Du, Simian Luo, Junbo Zhao, Hang Zhao | 2023-06-07T17:22:22Z | cs.AI, cs.CL, cs.DB, cs.LG | Large language models (LLMs) with memory are computationally universal.
However, mainstream LLMs are not taking full advantage of memory, and the
designs are heavily influenced by biological brains. Due to their approximate
nature and proneness to the accumulation of errors, conventional neural memory
mechanisms cannot support LLMs to simulate complex reasoning. In this paper, we
seek inspiration from modern computer architectures to augment LLMs with
symbolic memory for complex multi-hop reasoning. Such a symbolic memory
framework is instantiated as an LLM and a set of SQL databases, where the LLM
generates SQL instructions to manipulate the SQL databases. We validate the
effectiveness of the proposed memory framework on a synthetic dataset requiring
complex reasoning. The project website is available at
https://chatdatabase.github.io/ . | cs.AI | ChatDB: Augmenting LLMs with Databases as Their Symbolic Memory |
2023-06-06T17:36:43Z | http://arxiv.org/pdf/2306.03882v2 | http://arxiv.org/abs/2306.03882v2 | Takateru Yamakoshi, James L. McClelland, Adele E. Goldberg, Robert D. Hawkins | 2023-06-07T13:17:04Z | cs.CL | Accounts of human language processing have long appealed to implicit
``situation models'' that enrich comprehension with relevant but unstated world
knowledge. Here, we apply causal intervention techniques to recent transformer
models to analyze performance on the Winograd Schema Challenge (WSC), where a
single context cue shifts interpretation of an ambiguous pronoun. We identify a
relatively small circuit of attention heads that are responsible for
propagating information from the context word that guides which of the
candidate noun phrases the pronoun ultimately attends to. We then compare how
this circuit behaves in a closely matched ``syntactic'' control where the
situation model is not strictly necessary. These analyses suggest distinct
pathways through which implicit situation models are constructed to guide
pronoun resolution. | cs.CL | Causal interventions expose implicit situation models for commonsense language understanding |
2023-06-06T17:18:56Z | http://arxiv.org/pdf/2306.03872v3 | http://arxiv.org/abs/2306.03872v3 | Zhan Ling, Yunhao Fang, Xuanlin Li, Zhiao Huang, Mingu Lee, Roland Memisevic, Hao Su | 2023-10-03T19:48:22Z | cs.CL, cs.AI, cs.LG | Large Language Models (LLMs) significantly benefit from Chain-of-Thought
(CoT) prompting in performing various reasoning tasks. While CoT allows models
to produce more comprehensive reasoning processes, its emphasis on intermediate
reasoning steps can inadvertently introduce hallucinations and accumulated
errors, thereby limiting models' ability to solve complex reasoning tasks.
Inspired by how humans engage in careful and meticulous deductive logical
reasoning processes to solve tasks, we seek to enable language models to
perform explicit and rigorous deductive reasoning, and also ensure the
trustworthiness of their reasoning process through self-verification. However,
directly verifying the validity of an entire deductive reasoning process is
challenging, even with advanced models like ChatGPT. In light of this, we
propose to decompose a reasoning verification process into a series of
step-by-step subprocesses, each only receiving their necessary context and
premises. To facilitate this procedure, we propose Natural Program, a natural
language-based deductive reasoning format. Our approach enables models to
generate precise reasoning steps where subsequent steps are more rigorously
grounded on prior steps. It also empowers language models to carry out
reasoning self-verification in a step-by-step manner. By integrating this
verification process into each deductive reasoning stage, we significantly
enhance the rigor and trustfulness of generated reasoning steps. Along this
process, we also improve the answer correctness on complex reasoning tasks.
Code will be released at https://github.com/lz1oceani/verify_cot. | cs.CL | Deductive Verification of Chain-of-Thought Reasoning |
2023-06-06T17:09:29Z | http://arxiv.org/pdf/2306.03866v1 | http://arxiv.org/abs/2306.03866v1 | Jan Deriu, Pius von Däniken, Don Tuggener, Mark Cieliebak | 2023-06-06T17:09:29Z | cs.CL, cs.AI | A major challenge in the field of Text Generation is evaluation: Human
evaluations are cost-intensive, and automated metrics often display
considerable disagreement with human judgments. In this paper, we propose a
statistical model of Text Generation evaluation that accounts for the
error-proneness of automated metrics when used to generate preference rankings
between system outputs. We show that existing automated metrics are generally
over-confident in assigning significant differences between systems in this
setting. However, our model enables an efficient combination of human and
automated ratings to remedy the error-proneness of the automated metrics. We
show that using this combination, we only require about 50% of the human
annotations typically used in evaluations to arrive at robust and statistically
significant results while yielding the same evaluation outcome as the pure
human evaluation in 95% of cases. We showcase the benefits of approach for
three text generation tasks: dialogue systems, machine translation, and text
summarization. | cs.CL | Correction of Errors in Preference Ratings from Automated Metrics for Text Generation |
2023-06-06T16:51:03Z | http://arxiv.org/pdf/2306.03856v2 | http://arxiv.org/abs/2306.03856v2 | Pinzhen Chen, Zhicheng Guo, Barry Haddow, Kenneth Heafield | 2024-05-01T20:44:01Z | cs.CL, cs.AI | We propose iteratively prompting a large language model to self-correct a
translation, with inspiration from their strong language understanding and
translation capability as well as a human-like translation approach.
Interestingly, multi-turn querying reduces the output's string-based metric
scores, but neural metrics suggest comparable or improved quality. Human
evaluations indicate better fluency and naturalness compared to initial
translations and even human references, all while maintaining quality. Ablation
studies underscore the importance of anchoring the refinement to the source and
a reasonable seed translation for quality considerations. We also discuss the
challenges in evaluation and relation to human performance and translationese. | cs.CL | Iterative Translation Refinement with Large Language Models |
2023-06-06T16:45:44Z | http://arxiv.org/pdf/2306.03853v1 | http://arxiv.org/abs/2306.03853v1 | Arie Cattan, Lilach Eden, Yoav Kantor, Roy Bar-Haim | 2023-06-06T16:45:44Z | cs.CL | Key Point Analysis (KPA) has been recently proposed for deriving fine-grained
insights from collections of textual comments. KPA extracts the main points in
the data as a list of concise sentences or phrases, termed key points, and
quantifies their prevalence. While key points are more expressive than word
clouds and key phrases, making sense of a long, flat list of key points, which
often express related ideas in varying levels of granularity, may still be
challenging. To address this limitation of KPA, we introduce the task of
organizing a given set of key points into a hierarchy, according to their
specificity. Such hierarchies may be viewed as a novel type of Textual
Entailment Graph. We develop ThinkP, a high quality benchmark dataset of key
point hierarchies for business and product reviews, obtained by consolidating
multiple annotations. We compare different methods for predicting pairwise
relations between key points, and for inferring a hierarchy from these pairwise
predictions. In particular, for the task of computing pairwise key point
relations, we achieve significant gains over existing strong baselines by
applying directional distributional similarity methods to a novel
distributional representation of key points, and further boost performance via
weak supervision. | cs.CL | From Key Points to Key Point Hierarchy: Structured and Expressive Opinion Summarization |
2023-06-06T16:07:24Z | http://arxiv.org/pdf/2306.03819v3 | http://arxiv.org/abs/2306.03819v3 | Nora Belrose, David Schneider-Joseph, Shauli Ravfogel, Ryan Cotterell, Edward Raff, Stella Biderman | 2023-10-29T21:41:46Z | cs.LG, cs.CL, cs.CY | Concept erasure aims to remove specified features from a representation. It
can improve fairness (e.g. preventing a classifier from using gender or race)
and interpretability (e.g. removing a concept to observe changes in model
behavior). We introduce LEAst-squares Concept Erasure (LEACE), a closed-form
method which provably prevents all linear classifiers from detecting a concept
while changing the representation as little as possible, as measured by a broad
class of norms. We apply LEACE to large language models with a novel procedure
called "concept scrubbing," which erases target concept information from every
layer in the network. We demonstrate our method on two tasks: measuring the
reliance of language models on part-of-speech information, and reducing gender
bias in BERT embeddings. Code is available at
https://github.com/EleutherAI/concept-erasure. | cs.LG | LEACE: Perfect linear concept erasure in closed form |
2023-06-06T15:43:16Z | http://arxiv.org/pdf/2306.03799v2 | http://arxiv.org/abs/2306.03799v2 | Fobo Shi, Peijun Qing, Dong Yang, Nan Wang, Youbo Lei, Haonan Lu, Xiaodong Lin, Duantengchuan Li | 2024-03-28T03:23:59Z | cs.CL | Prompt engineering is an essential technique for enhancing the abilities of
large language models (LLMs) by providing explicit and specific instructions.
It enables LLMs to excel in various tasks, such as arithmetic reasoning,
question answering, summarization, relation extraction, machine translation,
and sentiment analysis. Researchers have been actively exploring different
prompt engineering strategies, such as Chain of Thought (CoT), Zero-CoT, and
In-context learning. However, an unresolved problem arises from the fact that
current approaches lack a solid mathematical solution for determining optimal
prompts. To address this issue in prompt engineering, we propose a new and
effective approach called Prompt Space. Our methodology utilizes text
embeddings to obtain basis vectors by matrix decomposition, and then constructs
a space for representing all prompts. Prompt Space significantly outperforms
state-of-the-art prompt paradigms on ten public reasoning benchmarks. Notably,
without the help of the CoT method and the prompt "Let's think step by step",
Prompt Space shows superior performance over the few-shot method. Overall, our
approach provides a robust and effective mathematical framework for selecting
simple and effective prompts. This advancement marks a significant step towards
improving prompt engineering for a wide variety of applications in LLMs. Our
code is publicly available at
\textcolor{blue}{\url{https://github.com/YouBLEI/Prompt-Space}} | cs.CL | Prompt Space Optimizing Few-shot Reasoning Success with Large Language Models |
2023-06-06T15:32:22Z | http://arxiv.org/pdf/2306.03774v3 | http://arxiv.org/abs/2306.03774v3 | Ahmet Yavuz Uluslu, Gerold Schneider | 2023-11-04T13:03:35Z | cs.CL | This paper presents the first comprehensive study on automatic readability
assessment of Turkish texts. We combine state-of-the-art neural network models
with linguistic features at lexical, morphosyntactic, syntactic and discourse
levels to develop an advanced readability tool. We evaluate the effectiveness
of traditional readability formulas compared to modern automated methods and
identify key linguistic features that determine the readability of Turkish
texts. | cs.CL | Exploring Hybrid Linguistic Features for Turkish Text Readability |
2023-06-06T15:22:16Z | http://arxiv.org/pdf/2306.05432v1 | http://arxiv.org/abs/2306.05432v1 | Raul Monteiro, Diogo Pernes | 2023-06-06T15:22:16Z | cs.CL, cs.AI, cs.LG, eess.AS | Speech-to-text (S2T) summarization is a time-saving technique for filtering
and keeping up with the broadcast news uploaded online on a daily basis. The
rise of large language models from deep learning with impressive text
generation capabilities has placed the research focus on summarization systems
that produce paraphrased compact versions of the document content, also known
as abstractive summaries. End-to-end (E2E) modelling of S2T abstractive
summarization is a promising approach that offers the possibility of generating
rich latent representations that leverage non-verbal and acoustic information,
as opposed to the use of only linguistic information from automatically
generated transcripts in cascade systems. However, the few literature on E2E
modelling of this task fails on exploring different domains, namely broadcast
news, which is challenging domain where large and diversified volumes of data
are presented to the user every day. We model S2T summarization both with a
cascade and an E2E system for a corpus of broadcast news in French. Our novel
E2E model leverages external data by resorting to transfer learning from a
pre-trained T2T summarizer. Experiments show that both our cascade and E2E
abstractive summarizers are stronger than an extractive baseline. However, the
performance of the E2E model still lies behind the cascade one, which is object
of an extensive analysis that includes future directions to close that gap. | cs.CL | Towards End-to-end Speech-to-text Summarization |
2023-06-06T14:52:47Z | http://arxiv.org/pdf/2306.03736v1 | http://arxiv.org/abs/2306.03736v1 | Soumya Sharma, Tapas Nayak, Arusarka Bose, Ajay Kumar Meena, Koustuv Dasgupta, Niloy Ganguly, Pawan Goyal | 2023-06-06T14:52:47Z | cs.CL | Relation extraction models trained on a source domain cannot be applied on a
different target domain due to the mismatch between relation sets. In the
current literature, there is no extensive open-source relation extraction
dataset specific to the finance domain. In this paper, we release FinRED, a
relation extraction dataset curated from financial news and earning call
transcripts containing relations from the finance domain. FinRED has been
created by mapping Wikidata triplets using distance supervision method. We
manually annotate the test data to ensure proper evaluation. We also experiment
with various state-of-the-art relation extraction models on this dataset to
create the benchmark. We see a significant drop in their performance on FinRED
compared to the general relation extraction datasets which tells that we need
better models for financial relation extraction. | cs.CL | FinRED: A Dataset for Relation Extraction in Financial Domain |
2023-06-06T14:52:15Z | http://arxiv.org/pdf/2306.03734v2 | http://arxiv.org/abs/2306.03734v2 | Thomas Hikaru Clark, Clara Meister, Tiago Pimentel, Michael Hahn, Ryan Cotterell, Richard Futrell, Roger Levy | 2023-07-09T17:17:39Z | cs.CL | While natural languages differ widely in both canonical word order and word
order flexibility, their word orders still follow shared cross-linguistic
statistical patterns, often attributed to functional pressures. In the effort
to identify these pressures, prior work has compared real and counterfactual
word orders. Yet one functional pressure has been overlooked in such
investigations: the uniform information density (UID) hypothesis, which holds
that information should be spread evenly throughout an utterance. Here, we ask
whether a pressure for UID may have influenced word order patterns
cross-linguistically. To this end, we use computational models to test whether
real orders lead to greater information uniformity than counterfactual orders.
In our empirical study of 10 typologically diverse languages, we find that: (i)
among SVO languages, real word orders consistently have greater uniformity than
reverse word orders, and (ii) only linguistically implausible counterfactual
orders consistently exceed the uniformity of real orders. These findings are
compatible with a pressure for information uniformity in the development and
usage of natural languages. | cs.CL | A Cross-Linguistic Pressure for Uniform Information Density in Word Order |
2023-06-06T14:49:25Z | http://arxiv.org/pdf/2306.03733v1 | http://arxiv.org/abs/2306.03733v1 | Dhruv Nandakumar, Sathvik Murli, Ankur Khosla, Kevin Choi, Abdul Rahman, Drew Walsh, Scott Riede, Eric Dull, Edward Bowen | 2023-06-06T14:49:25Z | cs.CR, cs.CL | The increasing reliance on the internet has led to the proliferation of a
diverse set of web-browsers and operating systems (OSs) capable of browsing the
web. User agent strings (UASs) are a component of web browsing that are
transmitted with every Hypertext Transfer Protocol (HTTP) request. They contain
information about the client device and software, which is used by web servers
for various purposes such as content negotiation and security. However, due to
the proliferation of various browsers and devices, parsing UASs is a
non-trivial task due to a lack of standardization of UAS formats. Current
rules-based approaches are often brittle and can fail when encountering such
non-standard formats. In this work, a novel methodology for parsing UASs using
Multi-Headed Attention Based transformers is proposed. The proposed methodology
exhibits strong performance in parsing a variety of UASs with differing
formats. Furthermore, a framework to utilize parsed UASs to estimate the
vulnerability scores for large sections of publicly visible IT networks or
regions is also discussed. The methodology present here can also be easily
extended or deployed for real-time parsing of logs in enterprise settings. | cs.CR | A Novel Approach To User Agent String Parsing For Vulnerability Analysis Using Mutli-Headed Attention |
2023-06-06T14:41:30Z | http://arxiv.org/pdf/2306.03723v1 | http://arxiv.org/abs/2306.03723v1 | Soumya Sharma, Subhendu Khatuya, Manjunath Hegde, Afreen Shaikh. Koustuv Dasgupta, Pawan Goyal, Niloy Ganguly | 2023-06-06T14:41:30Z | cs.CL, cs.AI, cs.CE | The U.S. Securities and Exchange Commission (SEC) mandates all public
companies to file periodic financial statements that should contain numerals
annotated with a particular label from a taxonomy. In this paper, we formulate
the task of automating the assignment of a label to a particular numeral span
in a sentence from an extremely large label set. Towards this task, we release
a dataset, Financial Numeric Extreme Labelling (FNXL), annotated with 2,794
labels. We benchmark the performance of the FNXL dataset by formulating the
task as (a) a sequence labelling problem and (b) a pipeline with span
extraction followed by Extreme Classification. Although the two approaches
perform comparably, the pipeline solution provides a slight edge for the least
frequent labels. | cs.CL | Financial Numeric Extreme Labelling: A Dataset and Benchmarking for XBRL Tagging |
2023-06-06T14:40:41Z | http://arxiv.org/pdf/2306.03722v2 | http://arxiv.org/abs/2306.03722v2 | Janis Goldzycher, Moritz Preisig, Chantal Amrhein, Gerold Schneider | 2023-06-10T09:20:59Z | cs.CL, cs.CY | Most research on hate speech detection has focused on English where a
sizeable amount of labeled training data is available. However, to expand hate
speech detection into more languages, approaches that require minimal training
data are needed. In this paper, we test whether natural language inference
(NLI) models which perform well in zero- and few-shot settings can benefit hate
speech detection performance in scenarios where only a limited amount of
labeled data is available in the target language. Our evaluation on five
languages demonstrates large performance improvements of NLI fine-tuning over
direct fine-tuning in the target language. However, the effectiveness of
previous work that proposed intermediate fine-tuning on English data is hard to
match. Only in settings where the English training data does not match the test
domain, can our customised NLI-formulation outperform intermediate fine-tuning
on English. Based on our extensive experiments, we propose a set of
recommendations for hate speech detection in languages where minimal labeled
training data is available. | cs.CL | Evaluating the Effectiveness of Natural Language Inference for Hate Speech Detection in Languages with Limited Labeled Data |
2023-06-06T13:41:09Z | http://arxiv.org/pdf/2306.03678v1 | http://arxiv.org/abs/2306.03678v1 | Zhihong Chen, Guiming Hardy Chen, Shizhe Diao, Xiang Wan, Benyou Wang | 2023-06-06T13:41:09Z | cs.CL | Masked language modeling (MLM) has been one of the most popular pretraining
recipes in natural language processing, e.g., BERT, one of the representative
models. Recently, contrastive language-image pretraining (CLIP) has also
attracted attention, especially its vision models that achieve excellent
performance on a broad range of vision tasks. However, few studies are
dedicated to studying the text encoders learned by CLIP. In this paper, we
analyze the difference between BERT-style and CLIP-style text encoders from
three experiments: (i) general text understanding, (ii) vision-centric text
understanding, and (iii) text-to-image generation. Experimental analyses show
that although CLIP-style text encoders underperform BERT-style ones for general
text understanding tasks, they are equipped with a unique ability, i.e.,
synesthesia, for the cross-modal association, which is more similar to the
senses of humans. | cs.CL | On the Difference of BERT-style and CLIP-style Text Encoders |
2023-06-06T13:13:27Z | http://arxiv.org/pdf/2306.03652v1 | http://arxiv.org/abs/2306.03652v1 | Maksim Eremeev, Ilya Valmianski, Xavier Amatriain, Anitha Kannan | 2023-06-06T13:13:27Z | cs.CL | Factual correctness is often the limiting factor in practical applications of
natural language generation in high-stakes domains such as healthcare. An
essential requirement for maintaining factuality is the ability to deal with
rare tokens. This paper focuses on rare tokens that appear in both the source
and the reference sequences, and which, when missed during generation, decrease
the factual correctness of the output text. For high-stake domains that are
also knowledge-rich, we show how to use knowledge to (a) identify which rare
tokens that appear in both source and reference are important and (b) uplift
their conditional probability. We introduce the ``utilization rate'' that
encodes knowledge and serves as a regularizer by maximizing the marginal
probability of selected tokens. We present a study in a knowledge-rich domain
of healthcare, where we tackle the problem of generating after-visit care
instructions based on patient-doctor dialogues. We verify that, in our dataset,
specific medical concepts with high utilization rates are underestimated by
conventionally trained sequence-to-sequence models. We observe that correcting
this with our approach to knowledge injection reduces the uncertainty of the
model as well as improves factuality and coherence without negatively impacting
fluency. | cs.CL | Injecting knowledge into language generation: a case study in auto-charting after-visit care instructions from medical dialogue |
2023-06-06T13:08:22Z | http://arxiv.org/pdf/2306.03650v1 | http://arxiv.org/abs/2306.03650v1 | Yaochen Liu, Yazhou Zhang, Dawei Song | 2023-06-06T13:08:22Z | cs.CL, cs.AI | Sarcasm, sentiment, and emotion are three typical kinds of spontaneous
affective responses of humans to external events and they are tightly
intertwined with each other. Such events may be expressed in multiple
modalities (e.g., linguistic, visual and acoustic), e.g., multi-modal
conversations. Joint analysis of humans' multi-modal sarcasm, sentiment, and
emotion is an important yet challenging topic, as it is a complex cognitive
process involving both cross-modality interaction and cross-affection
correlation. From the probability theory perspective, cross-affection
correlation also means that the judgments on sarcasm, sentiment, and emotion
are incompatible. However, this exposed phenomenon cannot be sufficiently
modelled by classical probability theory due to its assumption of
compatibility. Neither do the existing approaches take it into consideration.
In view of the recent success of quantum probability (QP) in modeling human
cognition, particularly contextual incompatible decision making, we take the
first step towards introducing QP into joint multi-modal sarcasm, sentiment,
and emotion analysis. Specifically, we propose a QUantum probabIlity driven
multi-modal sarcasm, sEntiment and emoTion analysis framework, termed QUIET.
Extensive experiments on two datasets and the results show that the
effectiveness and advantages of QUIET in comparison with a wide range of the
state-of-the-art baselines. We also show the great potential of QP in
multi-affect analysis. | cs.CL | A Quantum Probability Driven Framework for Joint Multi-Modal Sarcasm, Sentiment and Emotion Analysis |
2023-06-06T12:59:03Z | http://arxiv.org/pdf/2306.05370v1 | http://arxiv.org/abs/2306.05370v1 | Poli Nemkova, Solomon Ubani, Suleyman Olcay Polat, Nayeon Kim, Rodney D. Nielsen | 2023-06-06T12:59:03Z | cs.CY, cs.CL | The present-day Russia-Ukraine military conflict has exposed the pivotal role
of social media in enabling the transparent and unbridled sharing of
information directly from the frontlines. In conflict zones where freedom of
expression is constrained and information warfare is pervasive, social media
has emerged as an indispensable lifeline. Anonymous social media platforms, as
publicly available sources for disseminating war-related information, have the
potential to serve as effective instruments for monitoring and documenting
Human Rights Violations (HRV). Our research focuses on the analysis of data
from Telegram, the leading social media platform for reading independent news
in post-Soviet regions. We gathered a dataset of posts sampled from 95 public
Telegram channels that cover politics and war news, which we have utilized to
identify potential occurrences of HRV. Employing a mBERT-based text classifier,
we have conducted an analysis to detect any mentions of HRV in the Telegram
data. Our final approach yielded an $F_2$ score of 0.71 for HRV detection,
representing an improvement of 0.38 over the multilingual BERT base model. We
release two datasets that contains Telegram posts: (1) large corpus with over
2.3 millions posts and (2) annotated at the sentence-level dataset to indicate
HRVs. The Telegram posts are in the context of the Russia-Ukraine war. We posit
that our findings hold significant implications for NGOs, governments, and
researchers by providing a means to detect and document possible human rights
violations. | cs.CY | Detecting Human Rights Violations on Social Media during Russia-Ukraine War |
2023-06-06T12:30:29Z | http://arxiv.org/pdf/2306.03628v1 | http://arxiv.org/abs/2306.03628v1 | Alexandra Butoi, Ryan Cotterell, David Chiang | 2023-06-06T12:30:29Z | cs.FL, cs.CL | Weir has defined a hierarchy of language classes whose second member
($\mathcal{L}_2$) is generated by tree-adjoining grammars (TAG), linear indexed
grammars (LIG), combinatory categorial grammars, and head grammars. The
hierarchy is obtained using the mechanism of control, and $\mathcal{L}_2$ is
obtained using a context-free grammar (CFG) whose derivations are controlled by
another CFG. We adapt Weir's definition of a controllable CFG to give a
definition of controllable pushdown automata (PDAs). This yields three new
characterizations of $\mathcal{L}_2$ as the class of languages generated by
PDAs controlling PDAs, PDAs controlling CFGs, and CFGs controlling PDAs. We
show that these four formalisms are not only weakly equivalent but equivalent
in a stricter sense that we call d-weak equivalence. Furthermore, using an even
stricter notion of equivalence called d-strong equivalence, we make precise the
intuition that a CFG controlling a CFG is a TAG, a PDA controlling a PDA is an
embedded PDA, and a PDA controlling a CFG is a LIG. The fourth member of this
family, a CFG controlling a PDA, does not correspond to any formalism we know
of, so we invent one and call it a Pushdown Adjoining Automaton. | cs.FL | Convergence and Diversity in the Control Hierarchy |
2023-06-06T11:54:48Z | http://arxiv.org/pdf/2306.03608v1 | http://arxiv.org/abs/2306.03608v1 | Yaochen Liu, Qiuchi Li, Benyou Wang, Yazhou Zhang, Dawei Song | 2023-06-06T11:54:48Z | cs.CL, cs.AI | Quantum theory, originally proposed as a physical theory to describe the
motions of microscopic particles, has been applied to various non-physics
domains involving human cognition and decision-making that are inherently
uncertain and exhibit certain non-classical, quantum-like characteristics.
Sentiment analysis is a typical example of such domains. In the last few years,
by leveraging the modeling power of quantum probability (a non-classical
probability stemming from quantum mechanics methodology) and deep neural
networks, a range of novel quantum-cognitively inspired models for sentiment
analysis have emerged and performed well. This survey presents a timely
overview of the latest developments in this fascinating cross-disciplinary
area. We first provide a background of quantum probability and quantum
cognition at a theoretical level, analyzing their advantages over classical
theories in modeling the cognitive aspects of sentiment analysis. Then, recent
quantum-cognitively inspired models are introduced and discussed in detail,
focusing on how they approach the key challenges of the sentiment analysis
task. Finally, we discuss the limitations of the current research and highlight
future research directions. | cs.CL | A Survey of Quantum-Cognitively Inspired Sentiment Analysis Models |
2023-06-06T11:37:46Z | http://arxiv.org/pdf/2306.03598v1 | http://arxiv.org/abs/2306.03598v1 | Jiazheng Li, Zhaoyue Sun, Bin Liang, Lin Gui, Yulan He | 2023-06-06T11:37:46Z | cs.CL | Text classifiers built on Pre-trained Language Models (PLMs) have achieved
remarkable progress in various tasks including sentiment analysis, natural
language inference, and question-answering. However, the occurrence of
uncertain predictions by these classifiers poses a challenge to their
reliability when deployed in practical applications. Much effort has been
devoted to designing various probes in order to understand what PLMs capture.
But few studies have delved into factors influencing PLM-based classifiers'
predictive uncertainty. In this paper, we propose a novel framework, called
CUE, which aims to interpret uncertainties inherent in the predictions of
PLM-based models. In particular, we first map PLM-encoded representations to a
latent space via a variational auto-encoder. We then generate text
representations by perturbing the latent space which causes fluctuation in
predictive uncertainty. By comparing the difference in predictive uncertainty
between the perturbed and the original text representations, we are able to
identify the latent dimensions responsible for uncertainty and subsequently
trace back to the input features that contribute to such uncertainty. Our
extensive experiments on four benchmark datasets encompassing linguistic
acceptability classification, emotion classification, and natural language
inference show the feasibility of our proposed framework. Our source code is
available at: https://github.com/lijiazheng99/CUE. | cs.CL | CUE: An Uncertainty Interpretation Framework for Text Classifiers Built on Pre-Trained Language Models |
2023-06-06T11:08:20Z | http://arxiv.org/pdf/2306.03586v1 | http://arxiv.org/abs/2306.03586v1 | Linnea Evanson, Yair Lakretz, Jean-Rémi King | 2023-06-06T11:08:20Z | cs.CL, cs.AI | During language acquisition, children follow a typical sequence of learning
stages, whereby they first learn to categorize phonemes before they develop
their lexicon and eventually master increasingly complex syntactic structures.
However, the computational principles that lead to this learning trajectory
remain largely unknown. To investigate this, we here compare the learning
trajectories of deep language models to those of children. Specifically, we
test whether, during its training, GPT-2 exhibits stages of language
acquisition comparable to those observed in children aged between 18 months and
6 years. For this, we train 48 GPT-2 models from scratch and evaluate their
syntactic and semantic abilities at each training step, using 96 probes curated
from the BLiMP, Zorro and BIG-Bench benchmarks. We then compare these
evaluations with the behavior of 54 children during language production. Our
analyses reveal three main findings. First, similarly to children, the language
models tend to learn linguistic skills in a systematic order. Second, this
learning scheme is parallel: the language tasks that are learned last improve
from the very first training steps. Third, some - but not all - learning stages
are shared between children and these language models. Overall, these results
shed new light on the principles of language acquisition, and highlight
important divergences in how humans and modern algorithms learn to process
natural language. | cs.CL | Language acquisition: do children and language models follow similar learning stages? |
2023-06-06T10:18:17Z | http://arxiv.org/pdf/2306.03557v2 | http://arxiv.org/abs/2306.03557v2 | Parnia Bahar, Mattia Di Gangi, Nick Rossenbach, Mohammad Zeineldeen | 2023-07-31T12:29:10Z | cs.CL, cs.AI | Automatic Arabic diacritization is useful in many applications, ranging from
reading support for language learners to accurate pronunciation predictor for
downstream tasks like speech synthesis. While most of the previous works
focused on models that operate on raw non-diacritized text, production systems
can gain accuracy by first letting humans partly annotate ambiguous words. In
this paper, we propose 2SDiac, a multi-source model that can effectively
support optional diacritics in input to inform all predictions. We also
introduce Guided Learning, a training scheme to leverage given diacritics in
input with different levels of random masking. We show that the provided hints
during test affect more output positions than those annotated. Moreover,
experiments on two common benchmarks show that our approach i) greatly
outperforms the baseline also when evaluated on non-diacritized text; and ii)
achieves state-of-the-art results while reducing the parameter count by over
60%. | cs.CL | Take the Hint: Improving Arabic Diacritization with Partially-Diacritized Text |
2023-06-06T09:34:45Z | http://arxiv.org/pdf/2306.03535v2 | http://arxiv.org/abs/2306.03535v2 | Nianlong Gu, Richard H. R. Hahnloser | 2023-11-06T15:53:23Z | cs.CL | Scientific writing involves retrieving, summarizing, and citing relevant
papers, which can be time-consuming processes in large and rapidly evolving
fields. By making these processes inter-operable, natural language processing
(NLP) provides opportunities for creating end-to-end assistive writing tools.
We propose SciLit, a pipeline that automatically recommends relevant papers,
extracts highlights, and suggests a reference sentence as a citation of a
paper, taking into consideration the user-provided context and keywords. SciLit
efficiently recommends papers from large databases of hundreds of millions of
papers using a two-stage pre-fetching and re-ranking literature search system
that flexibly deals with addition and removal of a paper database. We provide a
convenient user interface that displays the recommended papers as extractive
summaries and that offers abstractively-generated citing sentences which are
aligned with the provided context and which mention the chosen keyword(s). Our
assistive tool for literature discovery and scientific writing is available at
https://scilit.vercel.app | cs.CL | SciLit: A Platform for Joint Scientific Literature Discovery, Summarization and Citation Generation |
2023-06-06T08:53:01Z | http://arxiv.org/pdf/2306.03507v1 | http://arxiv.org/abs/2306.03507v1 | Akshay Batheja, Pushpak Bhattacharyya | 2023-06-06T08:53:01Z | cs.CL | Quality Estimation (QE) is the task of evaluating the quality of a
translation when reference translation is not available. The goal of QE aligns
with the task of corpus filtering, where we assign the quality score to the
sentence pairs present in the pseudo-parallel corpus. We propose a Quality
Estimation based Filtering approach to extract high-quality parallel data from
the pseudo-parallel corpus. To the best of our knowledge, this is a novel
adaptation of the QE framework to extract quality parallel corpus from the
pseudo-parallel corpus. By training with this filtered corpus, we observe an
improvement in the Machine Translation (MT) system's performance by up to 1.8
BLEU points, for English-Marathi, Chinese-English, and Hindi-Bengali language
pairs, over the baseline model. The baseline model is the one that is trained
on the whole pseudo-parallel corpus. Our Few-shot QE model transfer learned
from the English-Marathi QE model and fine-tuned on only 500 Hindi-Bengali
training instances, shows an improvement of up to 0.6 BLEU points for
Hindi-Bengali language pair, compared to the baseline model. This demonstrates
the promise of transfer learning in the setting under discussion. QE systems
typically require in the order of (7K-25K) of training data. Our Hindi-Bengali
QE is trained on only 500 instances of training that is 1/40th of the normal
requirement and achieves comparable performance. All the scripts and datasets
utilized in this study will be publicly available. | cs.CL | "A Little is Enough": Few-Shot Quality Estimation based Corpus Filtering improves Machine Translation |
2023-06-06T08:47:42Z | http://arxiv.org/pdf/2306.03503v2 | http://arxiv.org/abs/2306.03503v2 | Jose Berengueres, Marybeth Sandell | 2023-06-11T10:45:57Z | cs.CY, cs.AI, cs.CL, K.4.1; I.2.0 | This paper explores how AI-owners can develop safeguards for AI-generated
content by drawing from established codes of conduct and ethical standards in
other content-creation industries. It delves into the current state of ethical
awareness on Large Language Models (LLMs). By dissecting the mechanism of
content generation by LLMs, four key areas (upstream/downstream and at user
prompt/answer), where safeguards could be effectively applied, are identified.
A comparative analysis of these four areas follows and includes an evaluation
of the existing ethical safeguards in terms of cost, effectiveness, and
alignment with established industry practices. The paper's key argument is that
existing IT-related ethical codes, while adequate for traditional IT
engineering, are inadequate for the challenges posed by LLM-based content
generation. Drawing from established practices within journalism, we propose
potential standards for businesses involved in distributing and selling
LLM-generated content. Finally, potential conflicts of interest between dataset
curation at upstream and ethical benchmarking downstream are highlighted to
underscore the need for a broader evaluation beyond mere output. This study
prompts a nuanced conversation around ethical implications in this rapidly
evolving field of content generation. | cs.CY | Applying Standards to Advance Upstream & Downstream Ethics in Large Language Models |
2023-06-06T08:38:10Z | http://arxiv.org/pdf/2306.03500v1 | http://arxiv.org/abs/2306.03500v1 | Aliki Anagnostopoulou, Mareike Hartmann, Daniel Sonntag | 2023-06-06T08:38:10Z | cs.CL, cs.CV | Interactive machine learning (IML) is a beneficial learning paradigm in cases
of limited data availability, as human feedback is incrementally integrated
into the training process. In this paper, we present an IML pipeline for image
captioning which allows us to incrementally adapt a pre-trained image
captioning model to a new data distribution based on user input. In order to
incorporate user input into the model, we explore the use of a combination of
simple data augmentation methods to obtain larger data batches for each newly
annotated data instance and implement continual learning methods to prevent
catastrophic forgetting from repeated updates. For our experiments, we split a
domain-specific image captioning dataset, namely VizWiz, into non-overlapping
parts to simulate an incremental input flow for continually adapting the model
to new data. We find that, while data augmentation worsens results, even when
relatively small amounts of data are available, episodic memory is an effective
strategy to retain knowledge from previously seen clusters. | cs.CL | Towards Adaptable and Interactive Image Captioning with Data Augmentation and Episodic Memory |
2023-06-06T08:16:16Z | http://arxiv.org/pdf/2306.03491v1 | http://arxiv.org/abs/2306.03491v1 | Zhishen Yang, Raj Dabre, Hideki Tanaka, Naoaki Okazaki | 2023-06-06T08:16:16Z | cs.CV, cs.CL | In scholarly documents, figures provide a straightforward way of
communicating scientific findings to readers. Automating figure caption
generation helps move model understandings of scientific documents beyond text
and will help authors write informative captions that facilitate communicating
scientific findings. Unlike previous studies, we reframe scientific figure
captioning as a knowledge-augmented image captioning task that models need to
utilize knowledge embedded across modalities for caption generation. To this
end, we extended the large-scale SciCap
dataset~\cite{hsu-etal-2021-scicap-generating} to SciCap+ which includes
mention-paragraphs (paragraphs mentioning figures) and OCR tokens. Then, we
conduct experiments with the M4C-Captioner (a multimodal transformer-based
model with a pointer network) as a baseline for our study. Our results indicate
that mention-paragraphs serves as additional context knowledge, which
significantly boosts the automatic standard image caption evaluation scores
compared to the figure-only baselines. Human evaluations further reveal the
challenges of generating figure captions that are informative to readers. The
code and SciCap+ dataset will be publicly available at
https://github.com/ZhishenYang/scientific_figure_captioning_dataset | cs.CV | SciCap+: A Knowledge Augmented Dataset to Study the Challenges of Scientific Figure Captioning |
2023-06-06T07:50:46Z | http://arxiv.org/pdf/2306.03476v1 | http://arxiv.org/abs/2306.03476v1 | Aliki Anagnostopoulou, Mareike Hartmann, Daniel Sonntag | 2023-06-06T07:50:46Z | cs.CL, cs.CV | Image Captioning (IC) models can highly benefit from human feedback in the
training process, especially in cases where data is limited. We present
work-in-progress on adapting an IC system to integrate human feedback, with the
goal to make it easily adaptable to user-specific data. Our approach builds on
a base IC model pre-trained on the MS COCO dataset, which generates captions
for unseen images. The user will then be able to offer feedback on the image
and the generated/predicted caption, which will be augmented to create
additional training instances for the adaptation of the model. The additional
instances are integrated into the model using step-wise updates, and a sparse
memory replay component is used to avoid catastrophic forgetting. We hope that
this approach, while leading to improved results, will also result in
customizable IC models. | cs.CL | Putting Humans in the Image Captioning Loop |
2023-06-06T07:42:39Z | http://arxiv.org/pdf/2306.03469v1 | http://arxiv.org/abs/2306.03469v1 | Haochen Li, Tianhao Gao, Jingkun Wang, Weiping Li | 2023-06-06T07:42:39Z | cs.CL | Event Extraction (EE) is one of the essential tasks in information
extraction, which aims to detect event mentions from text and find the
corresponding argument roles. The EE task can be abstracted as a process of
matching the semantic definitions and argument structures of event types with
the target text. This paper encodes the semantic features of event types and
makes structural matching with target text. Specifically, Semantic Type
Embedding (STE) and Dynamic Structure Encoder (DSE) modules are proposed. Also,
the Joint Structural Semantic Matching (JSSM) model is built to jointly perform
event detection and argument extraction tasks through a bidirectional attention
layer. The experimental results on the ACE2005 dataset indicate that our model
achieves a significant performance improvement | cs.CL | Joint Event Extraction via Structural Semantic Matching |
2023-06-06T07:28:49Z | http://arxiv.org/pdf/2306.03460v1 | http://arxiv.org/abs/2306.03460v1 | Apurva Gandhi, Thong Q. Nguyen, Huitian Jiao, Robert Steen, Ameya Bhatawdekar | 2023-06-06T07:28:49Z | cs.LG, cs.CL, cs.HC | We present Semantic Interpreter, a natural language-friendly AI system for
productivity software such as Microsoft Office that leverages large language
models (LLMs) to execute user intent across application features. While LLMs
are excellent at understanding user intent expressed as natural language, they
are not sufficient for fulfilling application-specific user intent that
requires more than text-to-text transformations. We therefore introduce the
Office Domain Specific Language (ODSL), a concise, high-level language
specialized for performing actions in and interacting with entities in Office
applications. Semantic Interpreter leverages an Analysis-Retrieval prompt
construction method with LLMs for program synthesis, translating natural
language user utterances to ODSL programs that can be transpiled to application
APIs and then executed. We focus our discussion primarily on a research
exploration for Microsoft PowerPoint. | cs.LG | Natural Language Commanding via Program Synthesis |
2023-06-06T07:20:51Z | http://arxiv.org/pdf/2306.03457v2 | http://arxiv.org/abs/2306.03457v2 | Tyler Loakman, Chen Tang, Chenghua Lin | 2023-06-07T05:24:25Z | cs.CL, cs.AI | Previous work in phonetically-grounded language generation has mainly focused
on domains such as lyrics and poetry. In this paper, we present work on the
generation of tongue twisters - a form of language that is required to be
phonetically conditioned to maximise sound overlap, whilst maintaining semantic
consistency with an input topic, and still being grammatically correct. We
present \textbf{TwistList}, a large annotated dataset of tongue twisters,
consisting of 2.1K+ human-authored examples. We additionally present several
benchmark systems (referred to as TwisterMisters) for the proposed task of
tongue twister generation, including models that both do and do not require
training on in-domain data. We present the results of automatic and human
evaluation to demonstrate the performance of existing mainstream pre-trained
models in this task with limited (or no) task specific training and data, and
no explicit phonetic knowledge. We find that the task of tongue twister
generation is challenging for models under these conditions, yet some models
are still capable of generating acceptable examples of this language type. | cs.CL | TwistList: Resources and Baselines for Tongue Twister Generation |
2023-06-06T06:49:58Z | http://arxiv.org/pdf/2306.03444v1 | http://arxiv.org/abs/2306.03444v1 | Bo Molenaar, Cristian Tejedor-Garcia, Helmer Strik, Catia Cucchiarini | 2023-06-06T06:49:58Z | cs.CL, cs.SD, eess.AS | Automatic assessment of reading fluency using automatic speech recognition
(ASR) holds great potential for early detection of reading difficulties and
subsequent timely intervention. Precise assessment tools are required,
especially for languages other than English. In this study, we evaluate six
state-of-the-art ASR-based systems for automatically assessing Dutch oral
reading accuracy using Kaldi and Whisper. Results show our most successful
system reached substantial agreement with human evaluations (MCC = .63). The
same system reached the highest correlation between forced decoding confidence
scores and word correctness (r = .45). This system's language model (LM)
consisted of manual orthographic transcriptions and reading prompts of the test
data, which shows that including reading errors in the LM improves assessment
performance. We discuss the implications for developing automatic assessment
systems and identify possible avenues of future research. | cs.CL | Automatic Assessment of Oral Reading Accuracy for Reading Diagnostics |
2023-06-06T06:49:41Z | http://arxiv.org/pdf/2306.03443v1 | http://arxiv.org/abs/2306.03443v1 | Lucía Gómez-Zaragozá, Simone Wills, Cristian Tejedor-Garcia, Javier Marín-Morales, Mariano Alcañiz, Helmer Strik | 2023-06-06T06:49:41Z | cs.CL, cs.SD, eess.AS | Alzheimer's Disease (AD) is the world's leading neurodegenerative disease,
which often results in communication difficulties. Analysing speech can serve
as a diagnostic tool for identifying the condition. The recent ADReSS challenge
provided a dataset for AD classification and highlighted the utility of manual
transcriptions. In this study, we used the new state-of-the-art Automatic
Speech Recognition (ASR) model Whisper to obtain the transcriptions, which also
include automatic punctuation. The classification models achieved test accuracy
scores of 0.854 and 0.833 combining the pretrained FastText word embeddings and
recurrent neural networks on manual and ASR transcripts respectively.
Additionally, we explored the influence of including pause information and
punctuation in the transcriptions. We found that punctuation only yielded minor
improvements in some cases, whereas pause encoding aided AD classification for
both manual and ASR transcriptions across all approaches investigated. | cs.CL | Alzheimer Disease Classification through ASR-based Transcriptions: Exploring the Impact of Punctuation and Pauses |
2023-06-06T06:35:27Z | http://arxiv.org/pdf/2306.03438v2 | http://arxiv.org/abs/2306.03438v2 | Tuan Dinh, Jinman Zhao, Samson Tan, Renato Negrinho, Leonard Lausen, Sheng Zha, George Karypis | 2023-12-01T01:27:37Z | cs.LG, cs.AI, cs.CL, cs.SE | Large language models of code (Code-LLMs) have recently brought tremendous
advances to code completion, a fundamental feature of programming assistance
and code intelligence. However, most existing works ignore the possible
presence of bugs in the code context for generation, which are inevitable in
software development. Therefore, we introduce and study the buggy-code
completion problem, inspired by the realistic scenario of real-time code
suggestion where the code context contains potential bugs -- anti-patterns that
can become bugs in the completed program. To systematically study the task, we
introduce two datasets: one with synthetic bugs derived from semantics-altering
operator changes (buggy-HumanEval) and one with realistic bugs derived from
user submissions to coding problems (buggy-FixEval). We find that the presence
of potential bugs significantly degrades the generation performance of the
high-performing Code-LLMs. For instance, the passing rates of CODEGEN-2B-MONO
on test cases of buggy-HumanEval drop more than 50% given a single potential
bug in the context. Finally, we investigate several post-hoc methods for
mitigating the adverse effect of potential bugs and find that there remains a
significant gap in post-mitigation performance. | cs.LG | Large Language Models of Code Fail at Completing Code with Potential Bugs |
2023-06-06T06:23:38Z | http://arxiv.org/pdf/2306.03435v1 | http://arxiv.org/abs/2306.03435v1 | Samet Oymak, Ankit Singh Rawat, Mahdi Soltanolkotabi, Christos Thrampoulidis | 2023-06-06T06:23:38Z | cs.LG, cs.CL, stat.ML | Prompt-tuning is an emerging strategy to adapt large language models (LLM) to
downstream tasks by learning a (soft-)prompt parameter from data. Despite its
success in LLMs, there is limited theoretical understanding of the power of
prompt-tuning and the role of the attention mechanism in prompting. In this
work, we explore prompt-tuning for one-layer attention architectures and study
contextual mixture-models where each input token belongs to a context-relevant
or -irrelevant set. We isolate the role of prompt-tuning through a
self-contained prompt-attention model. Our contributions are as follows: (1) We
show that softmax-prompt-attention is provably more expressive than
softmax-self-attention and linear-prompt-attention under our contextual data
model. (2) We analyze the initial trajectory of gradient descent and show that
it learns the prompt and prediction head with near-optimal sample complexity
and demonstrate how prompt can provably attend to sparse context-relevant
tokens. (3) Assuming a known prompt but an unknown prediction head, we
characterize the exact finite sample performance of prompt-attention which
reveals the fundamental performance limits and the precise benefit of the
context information. We also provide experiments that verify our theoretical
insights on real datasets and demonstrate how prompt-tuning enables the model
to attend to context-relevant information. | cs.LG | On the Role of Attention in Prompt-tuning |
2023-06-06T05:30:49Z | http://arxiv.org/pdf/2306.03415v1 | http://arxiv.org/abs/2306.03415v1 | Peggy Tang, Junbin Gao, Lei Zhang, Zhiyong Wang | 2023-06-06T05:30:49Z | cs.CL | Recently, compressive text summarisation offers a balance between the
conciseness issue of extractive summarisation and the factual hallucination
issue of abstractive summarisation. However, most existing compressive
summarisation methods are supervised, relying on the expensive effort of
creating a new training dataset with corresponding compressive summaries. In
this paper, we propose an efficient and interpretable compressive summarisation
method that utilises unsupervised dual-agent reinforcement learning to optimise
a summary's semantic coverage and fluency by simulating human judgment on
summarisation quality. Our model consists of an extractor agent and a
compressor agent, and both agents have a multi-head attentional pointer-based
structure. The extractor agent first chooses salient sentences from a document,
and then the compressor agent compresses these extracted sentences by selecting
salient words to form a summary without using reference summaries to compute
the summary reward. To our best knowledge, this is the first work on
unsupervised compressive summarisation. Experimental results on three widely
used datasets (e.g., Newsroom, CNN/DM, and XSum) show that our model achieves
promising performance and a significant improvement on Newsroom in terms of the
ROUGE metric, as well as interpretability of semantic coverage of summarisation
results. | cs.CL | Efficient and Interpretable Compressive Text Summarisation with Unsupervised Dual-Agent Reinforcement Learning |
2023-06-06T05:18:21Z | http://arxiv.org/pdf/2306.03411v1 | http://arxiv.org/abs/2306.03411v1 | Zhiyu Chen, Jason Choi, Besnik Fetahu, Oleg Rokhlenko, Shervin Malmasi | 2023-06-06T05:18:21Z | cs.CL, cs.AI, cs.IR | Customers interacting with product search engines are increasingly
formulating information-seeking queries. Frequently Asked Question (FAQ)
retrieval aims to retrieve common question-answer pairs for a user query with
question intent. Integrating FAQ retrieval in product search can not only
empower users to make more informed purchase decisions, but also enhance user
retention through efficient post-purchase support. Determining when an FAQ
entry can satisfy a user's information need within product search, without
disrupting their shopping experience, represents an important challenge. We
propose an intent-aware FAQ retrieval system consisting of (1) an intent
classifier that predicts when a user's information need can be answered by an
FAQ; (2) a reformulation model that rewrites a query into a natural question.
Offline evaluation demonstrates that our approach improves Hit@1 by 13% on
retrieving ground-truth FAQs, while reducing latency by 95% compared to
baseline systems. These improvements are further validated by real user
feedback, where 71% of displayed FAQs on top of product search results received
explicit positive user feedback. Overall, our findings show promising
directions for integrating FAQ retrieval into product search at scale. | cs.CL | Generate-then-Retrieve: Intent-Aware FAQ Retrieval in Product Search |
2023-06-06T03:37:41Z | http://arxiv.org/pdf/2306.03377v2 | http://arxiv.org/abs/2306.03377v2 | Yukun Zhai, Xiaoqiang Zhang, Xiameng Qin, Sanyuan Zhao, Xingping Dong, Jianbing Shen | 2024-04-01T11:55:46Z | cs.CV, cs.CL | End-to-end text spotting is a vital computer vision task that aims to
integrate scene text detection and recognition into a unified framework.
Typical methods heavily rely on Region-of-Interest (RoI) operations to extract
local features and complex post-processing steps to produce final predictions.
To address these limitations, we propose TextFormer, a query-based end-to-end
text spotter with Transformer architecture. Specifically, using query embedding
per text instance, TextFormer builds upon an image encoder and a text decoder
to learn a joint semantic understanding for multi-task modeling. It allows for
mutual training and optimization of classification, segmentation, and
recognition branches, resulting in deeper feature sharing without sacrificing
flexibility or simplicity. Additionally, we design an Adaptive Global
aGgregation (AGG) module to transfer global features into sequential features
for reading arbitrarily-shaped texts, which overcomes the sub-optimization
problem of RoI operations. Furthermore, potential corpus information is
utilized from weak annotations to full labels through mixed supervision,
further improving text detection and end-to-end text spotting results.
Extensive experiments on various bilingual (i.e., English and Chinese)
benchmarks demonstrate the superiority of our method. Especially on TDA-ReCTS
dataset, TextFormer surpasses the state-of-the-art method in terms of 1-NED by
13.2%. | cs.CV | TextFormer: A Query-based End-to-End Text Spotter with Mixed Supervision |
2023-06-06T02:28:38Z | http://arxiv.org/pdf/2306.03361v3 | http://arxiv.org/abs/2306.03361v3 | Deuksin Kwon, Sunwoo Lee, Ki Hyun Kim, Seojin Lee, Taeyoon Kim, Eric Davis | 2023-07-03T22:44:12Z | cs.CL, cs.AI, I.2.1, I.2.7 | This paper presents a method for building a personalized open-domain dialogue
system to address the WWH (WHAT, WHEN, and HOW) problem for natural response
generation in a commercial setting, where personalized dialogue responses are
heavily interleaved with casual response turns. The proposed approach involves
weighted dataset blending, negative persona information augmentation methods,
and the design of personalized conversation datasets to address the challenges
of WWH in personalized, open-domain dialogue systems. Our work effectively
balances dialogue fluency and tendency to ground, while also introducing a
response-type label to improve the controllability and explainability of the
grounded responses. The combination of these methods leads to more fluent
conversations, as evidenced by subjective human evaluations as well as
objective evaluations. | cs.CL | WHAT, WHEN, and HOW to Ground: Designing User Persona-Aware Conversational Agents for Engaging Dialogue |
2023-06-06T02:13:27Z | http://arxiv.org/pdf/2306.03355v1 | http://arxiv.org/abs/2306.03355v1 | Zhen Yang, Tinglin Huang, Ming Ding, Yuxiao Dong, Rex Ying, Yukuo Cen, Yangliao Geng, Jie Tang | 2023-06-06T02:13:27Z | cs.LG, cs.CL, cs.CV | In-Batch contrastive learning is a state-of-the-art self-supervised method
that brings semantically-similar instances close while pushing dissimilar
instances apart within a mini-batch. Its key to success is the negative sharing
strategy, in which every instance serves as a negative for the others within
the mini-batch. Recent studies aim to improve performance by sampling hard
negatives \textit{within the current mini-batch}, whose quality is bounded by
the mini-batch itself. In this work, we propose to improve contrastive learning
by sampling mini-batches from the input data. We present
BatchSampler\footnote{The code is available at
\url{https://github.com/THUDM/BatchSampler}} to sample mini-batches of
hard-to-distinguish (i.e., hard and true negatives to each other) instances. To
make each mini-batch have fewer false negatives, we design the proximity graph
of randomly-selected instances. To form the mini-batch, we leverage random walk
with restart on the proximity graph to help sample hard-to-distinguish
instances. BatchSampler is a simple and general technique that can be directly
plugged into existing contrastive learning models in vision, language, and
graphs. Extensive experiments on datasets of three modalities show that
BatchSampler can consistently improve the performance of powerful contrastive
models, as shown by significant improvements of SimCLR on ImageNet-100, SimCSE
on STS (language), and GraphCL and MVGRL on graph datasets. | cs.LG | BatchSampler: Sampling Mini-Batches for Contrastive Learning in Vision, Language, and Graphs |
2023-06-06T01:56:44Z | http://arxiv.org/pdf/2306.03350v1 | http://arxiv.org/abs/2306.03350v1 | Chujie Zheng, Pei Ke, Zheng Zhang, Minlie Huang | 2023-06-06T01:56:44Z | cs.CL | It has always been an important yet challenging problem to control language
models to avoid generating texts with undesirable attributes, such as toxic
language and unnatural repetition. We introduce Click for controllable text
generation, which needs no modification to the model architecture and
facilitates out-of-the-box use of trained models. It employs a contrastive loss
on sequence likelihood, which fundamentally decreases the generation
probability of negative samples (i.e., generations with undesirable
attributes). It also adopts a novel likelihood ranking-based strategy to
construct contrastive samples from model generations. On the tasks of language
detoxification, sentiment steering, and repetition reduction, we show that
Click outperforms strong baselines of controllable text generation and
demonstrate the superiority of Click's sample construction strategy. | cs.CL | Click: Controllable Text Generation with Sequence Likelihood Contrastive Learning |
2023-06-06T01:26:53Z | http://arxiv.org/pdf/2306.03341v6 | http://arxiv.org/abs/2306.03341v6 | Kenneth Li, Oam Patel, Fernanda Viégas, Hanspeter Pfister, Martin Wattenberg | 2024-06-26T14:11:53Z | cs.LG, cs.AI, cs.CL | We introduce Inference-Time Intervention (ITI), a technique designed to
enhance the "truthfulness" of large language models (LLMs). ITI operates by
shifting model activations during inference, following a set of directions
across a limited number of attention heads. This intervention significantly
improves the performance of LLaMA models on the TruthfulQA benchmark. On an
instruction-finetuned LLaMA called Alpaca, ITI improves its truthfulness from
32.5% to 65.1%. We identify a tradeoff between truthfulness and helpfulness and
demonstrate how to balance it by tuning the intervention strength. ITI is
minimally invasive and computationally inexpensive. Moreover, the technique is
data efficient: while approaches like RLHF require extensive annotations, ITI
locates truthful directions using only few hundred examples. Our findings
suggest that LLMs may have an internal representation of the likelihood of
something being true, even as they produce falsehoods on the surface. | cs.LG | Inference-Time Intervention: Eliciting Truthful Answers from a Language Model |
2023-06-05T23:58:40Z | http://arxiv.org/pdf/2306.03316v1 | http://arxiv.org/abs/2306.03316v1 | Jiaqing Yuan, Michele Merler, Mihir Choudhury, Raju Pavuluri, Munindar P. Singh, Maja Vukovic | 2023-06-05T23:58:40Z | cs.CL | Entity standardization maps noisy mentions from free-form text to standard
entities in a knowledge base. The unique challenge of this task relative to
other entity-related tasks is the lack of surrounding context and numerous
variations in the surface form of the mentions, especially when it comes to
generalization across domains where labeled data is scarce. Previous research
mostly focuses on developing models either heavily relying on context, or
dedicated solely to a specific domain. In contrast, we propose CoSiNES, a
generic and adaptable framework with Contrastive Siamese Network for Entity
Standardization that effectively adapts a pretrained language model to capture
the syntax and semantics of the entities in a new domain.
We construct a new dataset in the technology domain, which contains 640
technical stack entities and 6,412 mentions collected from industrial content
management systems. We demonstrate that CoSiNES yields higher accuracy and
faster runtime than baselines derived from leading methods in this domain.
CoSiNES also achieves competitive performance in four standard datasets from
the chemistry, medicine, and biomedical domains, demonstrating its cross-domain
applicability. | cs.CL | CoSiNES: Contrastive Siamese Network for Entity Standardization |
2023-06-05T23:57:52Z | http://arxiv.org/pdf/2306.03315v1 | http://arxiv.org/abs/2306.03315v1 | Aditya Srikanth Veerubhotla, Lahari Poddar, Jun Yin, György Szarvas, Sharanya Eswaran | 2023-06-05T23:57:52Z | cs.CL, cs.AI | Self-rationalizing models that also generate a free-text explanation for
their predicted labels are an important tool to build trustworthy AI
applications. Since generating explanations for annotated labels is a laborious
and costly pro cess, recent models rely on large pretrained language models
(PLMs) as their backbone and few-shot learning. In this work we explore a
self-training approach leveraging both labeled and unlabeled data to further
improve few-shot models, under the assumption that neither human written
rationales nor annotated task labels are available at scale. We introduce a
novel dual-teacher learning framework, which learns two specialized teacher
models for task prediction and rationalization using self-training and distills
their knowledge into a multi-tasking student model that can jointly generate
the task label and rationale. Furthermore, we formulate a new loss function,
Masked Label Regularization (MLR) which promotes explanations to be strongly
conditioned on predicted labels. Evaluation on three public datasets
demonstrate that the proposed methods are effective in modeling task labels and
generating faithful rationales. | cs.CL | Few Shot Rationale Generation using Self-Training with Dual Teachers |
2023-06-05T23:55:09Z | http://arxiv.org/pdf/2306.03313v1 | http://arxiv.org/abs/2306.03313v1 | Lele Cao, Vilhelm von Ehrenheim, Astrid Berghult, Cecilia Henje, Richard Anselmo Stahl, Joar Wandborg, Sebastian Stan, Armin Catovic, Erik Ferm, Hannes Ingelhag | 2023-06-05T23:55:09Z | cs.CL, cs.AI, 68T50, 68T05, I.2.7; I.2.1 | The Private Equity (PE) firms operate investment funds by acquiring and
managing companies to achieve a high return upon selling. Many PE funds are
thematic, meaning investment professionals aim to identify trends by covering
as many industry sectors as possible, and picking promising companies within
these sectors. So, inferring sectors for companies is critical to the success
of thematic PE funds. In this work, we standardize the sector framework and
discuss the typical challenges; we then introduce our sector inference system
addressing these challenges. Specifically, our system is built on a
medium-sized generative language model, finetuned with a prompt + model tuning
procedure. The deployed model demonstrates a superior performance than the
common baselines. The system has been serving many PE professionals for over a
year, showing great scalability to data volume and adaptability to any change
in sector framework and/or annotation. | cs.CL | A Scalable and Adaptive System to Infer the Industry Sectors of Companies: Prompt + Model Tuning of Generative Language Models |
2023-06-05T21:38:30Z | http://arxiv.org/pdf/2306.03268v2 | http://arxiv.org/abs/2306.03268v2 | Manisha Mukherjee, Vincent J. Hellendoorn | 2024-01-24T07:53:30Z | cs.CL, cs.SE | Large pre-trained neural language models have brought immense progress to
both NLP and software engineering. Models in OpenAI's GPT series now dwarf
Google's BERT and Meta's RoBERTa, which previously set new benchmarks on a wide
range of NLP applications. These models are trained on massive corpora of
heterogeneous data from web crawls, which enables them to learn general
language patterns and semantic relationships. However, the largest models are
both expensive to train and deploy and are often closed-source, so we lack
access to their data and design decisions. We argue that this trend towards
large, general-purpose models should be complemented with single-purpose, more
modestly sized pre-trained models. In this work, we take StackOverflow (SO) as
a domain example in which large volumes of rich aligned code and text data is
available. We adopt standard practices for pre-training large language models,
including using a very large context size (2,048 tokens), batch size (0.5M
tokens) and training set (27B tokens), coupled with a powerful toolkit
(Megatron-LM), to train two models: SOBertBase, with 109M parameters, and
SOBertLarge with 762M parameters, at a budget of just $\$187$ and $\$800$ each.
We compare the performance of our models with both the previous SOTA model
trained on SO data exclusively as well general-purpose BERT models and OpenAI's
ChatGPT on four SO-specific downstream tasks - question quality prediction,
closed question prediction, named entity recognition and obsoletion prediction
(a new task we introduce). Not only do our models consistently outperform all
baselines, the smaller model is often sufficient for strong results. Both
models are released to the public. These results demonstrate that pre-training
both extensively and properly on in-domain data can yield a powerful and
affordable alternative to leveraging closed-source general-purpose models. | cs.CL | "Medium" LMs of Code in the Era of LLMs: Lessons From StackOverflow |
2023-06-05T21:33:04Z | http://arxiv.org/pdf/2306.03264v1 | http://arxiv.org/abs/2306.03264v1 | Sanjeev Kumar Karn, Rikhiya Ghosh, Kusuma P, Oladimeji Farri | 2023-06-05T21:33:04Z | cs.CL | Instruction-tuned generative Large language models (LLMs) like ChatGPT and
Bloomz possess excellent generalization abilities, but they face limitations in
understanding radiology reports, particularly in the task of generating the
IMPRESSIONS section from the FINDINGS section. They tend to generate either
verbose or incomplete IMPRESSIONS, mainly due to insufficient exposure to
medical text data during training. We present a system which leverages
large-scale medical text data for domain-adaptive pre-training of
instruction-tuned LLMs to enhance its medical knowledge and performance on
specific medical tasks. We show that this system performs better in a zero-shot
setting than a number of pretrain-and-finetune adaptation methods on the
IMPRESSIONS generation task, and ranks 1st among participating systems in Task
1B: Radiology Report Summarization at the BioNLP 2023 workshop. | cs.CL | shs-nlp at RadSum23: Domain-Adaptive Pre-training of Instruction-tuned LLMs for Radiology Report Impression Generation |
2023-06-05T20:51:44Z | http://arxiv.org/pdf/2306.03241v2 | http://arxiv.org/abs/2306.03241v2 | Sunny Sanyal, Atula Neerkaje, Jean Kaddour, Abhishek Kumar, Sujay Sanghavi | 2023-12-11T22:31:12Z | cs.LG, cs.AI, cs.CL | Training Large Language Models (LLMs) incurs significant cost; hence, any
strategy that accelerates model convergence is helpful. In this paper, we
investigate the ability of a simple idea checkpoint averaging along the
trajectory of a training run to improve both convergence and generalization
quite early on during training. Here we show that models trained with high
learning rates observe higher gains due to checkpoint averaging. Furthermore,
these gains are amplified when checkpoints are sampled with considerable
spacing in training steps. Our training recipe outperforms conventional
training and popular checkpoint averaging baselines such as exponential moving
average (EMA) and stochastic moving average (SWA). We evaluate our training
recipe by pre-training LLMs, where high learning rates are inherently preferred
due to extremely large batch sizes. Specifically, we pre-trained nanoGPT-2
models of varying sizes, small (125M), medium (335M), and large (770M)on the
OpenWebText dataset, comprised of 9B tokens. Additionally, we present results
for publicly available Pythia LLMs, ranging from 1B to 12B, which were trained
on the PILE-deduped dataset containing 207B tokens. | cs.LG | Early Weight Averaging meets High Learning Rates for LLM Pre-training |
2023-06-05T19:30:41Z | http://arxiv.org/pdf/2306.03208v1 | http://arxiv.org/abs/2306.03208v1 | Jean-Michel Attendu, Jean-Philippe Corbeil | 2023-06-05T19:30:41Z | cs.CL, cs.AI | Finetuning large language models inflates the costs of NLU applications and
remains the bottleneck of development cycles. Recent works in computer vision
use data pruning to reduce training time. Pruned data selection with static
methods is based on a score calculated for each training example prior to
finetuning, which involves important computational overhead. Moreover, the
score may not necessarily be representative of sample importance throughout the
entire training duration. We propose to address these issues with a refined
version of dynamic data pruning, a curriculum which periodically scores and
discards unimportant examples during finetuning. Our method leverages an EL2N
metric that we extend to the joint intent and slot classification task, and an
initial finetuning phase on the full train set. Our results on the GLUE
benchmark and four joint NLU datasets show a better time-accuracy trade-off
compared to static methods. Our method preserves full accuracy while training
on 50% of the data points and reduces computational times by up to 41%. If we
tolerate instead a minor drop of accuracy of 1%, we can prune 80% of the
training examples for a reduction in finetuning time reaching 66%. | cs.CL | NLU on Data Diets: Dynamic Data Subset Selection for NLP Classification Tasks |
2023-06-05T19:23:34Z | http://arxiv.org/pdf/2306.03203v1 | http://arxiv.org/abs/2306.03203v1 | Hantian Ding, Varun Kumar, Yuchen Tian, Zijian Wang, Rob Kwiatkowski, Xiaopeng Li, Murali Krishna Ramanathan, Baishakhi Ray, Parminder Bhatia, Sudipta Sengupta, Dan Roth, Bing Xiang | 2023-06-05T19:23:34Z | cs.CL, cs.SE | Large language models trained on code have shown great potential to increase
productivity of software developers. Several execution-based benchmarks have
been proposed to evaluate functional correctness of model-generated code on
simple programming problems. Nevertheless, it is expensive to perform the same
evaluation on complex real-world projects considering the execution cost. On
the contrary, static analysis tools such as linters, which can detect errors
without running the program, haven't been well explored for evaluating code
generation models. In this work, we propose a static evaluation framework to
quantify static errors in Python code completions, by leveraging Abstract
Syntax Trees. Compared with execution-based evaluation, our method is not only
more efficient, but also applicable to code in the wild. For experiments, we
collect code context from open source repos to generate one million function
bodies using public models. Our static analysis reveals that Undefined Name and
Unused Variable are the most common errors among others made by language
models. Through extensive studies, we also show the impact of sampling
temperature, model size, and context on static errors in code completions. | cs.CL | A Static Evaluation of Code Completion by Large Language Models |
2023-06-05T19:16:37Z | http://arxiv.org/pdf/2306.03197v1 | http://arxiv.org/abs/2306.03197v1 | Martin Schroder | 2023-06-05T19:16:37Z | cs.AI, cs.CL | Recent advancements in the field of large language models have made it
possible to use language models for advanced reasoning. In this paper we
leverage this ability for designing complex project plans based only on knowing
the current state and the desired state. Two approaches are demonstrated - a
scrum based approach and a shortcut plan approach. The scrum based approach
executes an automated process of requirements gathering, user story mapping,
feature identification, task decomposition and finally generates questions and
search terms for seeking out domain specific information to assist with task
completion. The shortcut approach looks at most recent snapshot of the current
and desired state and generates the next most reasonable task to do in order to
get to the desired state as quickly as possible. In this paper we automate
everything using a novel concept of "Language Programs". These are programs
written in natural language designed to process input data through the language
model. Guidance language is used for all LLM programs. All demo source code for
this paper is available at https://github.com/autoscrum/autoscrum | cs.AI | AutoScrum: Automating Project Planning Using Large Language Models |
2023-06-05T19:00:25Z | http://arxiv.org/pdf/2306.03189v1 | http://arxiv.org/abs/2306.03189v1 | Margot Madina, Itziar Gonzalez-Dios, Melanie Siegel | 2023-06-05T19:00:25Z | cs.CL | Easy-to-Read Language (E2R) is a controlled language variant that makes any
written text more accessible through the use of clear, direct and simple
language. It is mainly aimed at people with cognitive or intellectual
disabilities, among other target users. Plain Language (PL), on the other hand,
is a variant of a given language, which aims to promote the use of simple
language to communicate information. German counts with Leichte Sprache (LS),
its version of E2R, and Einfache Sprache (ES), its version of PL. In recent
years, important developments have been conducted in the field of LS. This
paper offers an updated overview of the existing Natural Language Processing
(NLP) tools and resources for LS. Besides, it also aims to set out the
situation with regard to LS and ES in Germany. | cs.CL | Easy-to-Read in Germany: A Survey on its Current State and Available Resources |
2023-06-05T18:22:23Z | http://arxiv.org/pdf/2306.03168v1 | http://arxiv.org/abs/2306.03168v1 | Si Wu, David A. Smith | 2023-06-05T18:22:23Z | cs.CL, cs.CV | Although psycholinguists and psychologists have long studied the tendency of
linguistic strings to evoke mental images in hearers or readers, most
computational studies have applied this concept of imageability only to
isolated words. Using recent developments in text-to-image generation models,
such as DALLE mini, we propose computational methods that use generated images
to measure the imageability of both single English words and connected text. We
sample text prompts for image generation from three corpora: human-generated
image captions, news article sentences, and poem lines. We subject these
prompts to different deformances to examine the model's ability to detect
changes in imageability caused by compositional change. We find high
correlation between the proposed computational measures of imageability and
human judgments of individual words. We also find the proposed measures more
consistently respond to changes in compositionality than baseline approaches.
We discuss possible effects of model training and implications for the study of
compositionality in text-to-image models. | cs.CL | Composition and Deformance: Measuring Imageability with a Text-to-Image Model |
2023-06-05T18:20:27Z | http://arxiv.org/pdf/2306.03166v1 | http://arxiv.org/abs/2306.03166v1 | Yibin Lei, Liang Ding, Yu Cao, Changtong Zan, Andrew Yates, Dacheng Tao | 2023-06-05T18:20:27Z | cs.IR, cs.CL | Dense retrievers have achieved impressive performance, but their demand for
abundant training data limits their application scenarios. Contrastive
pre-training, which constructs pseudo-positive examples from unlabeled data,
has shown great potential to solve this problem. However, the pseudo-positive
examples crafted by data augmentations can be irrelevant. To this end, we
propose relevance-aware contrastive learning. It takes the intermediate-trained
model itself as an imperfect oracle to estimate the relevance of positive pairs
and adaptively weighs the contrastive loss of different pairs according to the
estimated relevance. Our method consistently improves the SOTA unsupervised
Contriever model on the BEIR and open-domain QA retrieval benchmarks. Further
exploration shows that our method can not only beat BM25 after further
pre-training on the target corpus but also serves as a good few-shot learner.
Our code is publicly available at https://github.com/Yibin-Lei/ReContriever. | cs.IR | Unsupervised Dense Retrieval with Relevance-Aware Contrastive Pre-Training |
2023-06-05T17:59:41Z | http://arxiv.org/pdf/2306.03091v2 | http://arxiv.org/abs/2306.03091v2 | Tianyang Liu, Canwen Xu, Julian McAuley | 2023-10-04T01:13:49Z | cs.CL, cs.AI, cs.SE | Large Language Models (LLMs) have greatly advanced code auto-completion
systems, with a potential for substantial productivity enhancements for
developers. However, current benchmarks mainly focus on single-file tasks,
leaving an assessment gap for more complex, real-world, multi-file programming
scenarios. To fill this gap, we introduce RepoBench, a new benchmark
specifically designed for evaluating repository-level code auto-completion
systems. RepoBench supports both Python and Java and consists of three
interconnected evaluation tasks: RepoBench-R (Retrieval), RepoBench-C (Code
Completion), and RepoBench-P (Pipeline). Each task respectively measures the
system's ability to retrieve the most relevant code snippets from other files
as cross-file context, predict the next line of code with cross-file and
in-file context, and handle complex tasks that require a combination of both
retrieval and next-line prediction. RepoBench aims to facilitate a more
complete comparison of performance and encouraging continuous improvement in
auto-completion systems. RepoBench is publicly available at
https://github.com/Leolty/repobench. | cs.CL | RepoBench: Benchmarking Repository-Level Code Auto-Completion Systems |
2023-06-05T17:59:21Z | http://arxiv.org/pdf/2306.03090v1 | http://arxiv.org/abs/2306.03090v1 | Rose E. Wang, Dorottya Demszky | 2023-06-05T17:59:21Z | cs.CL, cs.AI | Coaching, which involves classroom observation and expert feedback, is a
widespread and fundamental part of teacher training. However, the majority of
teachers do not have access to consistent, high quality coaching due to limited
resources and access to expertise. We explore whether generative AI could
become a cost-effective complement to expert feedback by serving as an
automated teacher coach. In doing so, we propose three teacher coaching tasks
for generative AI: (A) scoring transcript segments based on classroom
observation instruments, (B) identifying highlights and missed opportunities
for good instructional strategies, and (C) providing actionable suggestions for
eliciting more student reasoning. We recruit expert math teachers to evaluate
the zero-shot performance of ChatGPT on each of these tasks for elementary math
classroom transcripts. Our results reveal that ChatGPT generates responses that
are relevant to improving instruction, but they are often not novel or
insightful. For example, 82% of the model's suggestions point to places in the
transcript where the teacher is already implementing that suggestion. Our work
highlights the challenges of producing insightful, novel and truthful feedback
for teachers while paving the way for future research to address these
obstacles and improve the capacity of generative AI to coach teachers. | cs.CL | Is ChatGPT a Good Teacher Coach? Measuring Zero-Shot Performance For Scoring and Providing Actionable Insights on Classroom Instruction |
2023-06-05T17:55:05Z | http://arxiv.org/pdf/2306.03081v2 | http://arxiv.org/abs/2306.03081v2 | Alexander K. Lew, Tan Zhi-Xuan, Gabriel Grand, Vikash K. Mansinghka | 2023-11-26T21:40:00Z | cs.AI, cs.CL, cs.PL, stat.CO | Even after fine-tuning and reinforcement learning, large language models
(LLMs) can be difficult, if not impossible, to control reliably with prompts
alone. We propose a new inference-time approach to enforcing syntactic and
semantic constraints on the outputs of LLMs, called sequential Monte Carlo
(SMC) steering. The key idea is to specify language generation tasks as
posterior inference problems in a class of discrete probabilistic sequence
models, and replace standard decoding with sequential Monte Carlo inference.
For a computational cost similar to that of beam search, SMC can steer LLMs to
solve diverse tasks, including infilling, generation under syntactic
constraints, and prompt intersection. To facilitate experimentation with SMC
steering, we present a probabilistic programming library, LLaMPPL
(https://github.com/probcomp/hfppl), for concisely specifying new generation
tasks as language model probabilistic programs, and automating steering of
LLaMA-family Transformers. | cs.AI | Sequential Monte Carlo Steering of Large Language Models using Probabilistic Programs |
2023-06-05T17:53:41Z | http://arxiv.org/pdf/2306.03079v1 | http://arxiv.org/abs/2306.03079v1 | Daria Boratyn, Damian Brzyski, Beata Kosowska-Gąstoł, Jan Rybicki, Wojciech Słomczyński, Dariusz Stolicki | 2023-06-05T17:53:41Z | cs.CL, 91F10 (Primary) 68T50 (Secondary), J.4; I.2.7 | Mapping political party systems to metric policy spaces is one of the major
methodological problems in political science. At present, in most political
science project this task is performed by domain experts relying on purely
qualitative assessments, with all the attendant problems of subjectivity and
labor intensiveness. We consider how advances in natural language processing,
including large transformer-based language models, can be applied to solve that
issue. We apply a number of texts similarity measures to party political
programs, analyze how they correlate with each other, and -- in the absence of
a satisfactory benchmark -- evaluate them against other measures, including
those based on expert surveys, voting records, electoral patterns, and
candidate networks. Finally, we consider the prospects of relying on those
methods to correct, supplement, and eventually replace expert judgments. | cs.CL | Machine Learning and Statistical Approaches to Measuring Similarity of Political Parties |
2023-06-05T17:53:28Z | http://arxiv.org/pdf/2306.03078v1 | http://arxiv.org/abs/2306.03078v1 | Tim Dettmers, Ruslan Svirschevski, Vage Egiazarian, Denis Kuznedelev, Elias Frantar, Saleh Ashkboos, Alexander Borzunov, Torsten Hoefler, Dan Alistarh | 2023-06-05T17:53:28Z | cs.CL, cs.LG | Recent advances in large language model (LLM) pretraining have led to
high-quality LLMs with impressive abilities. By compressing such LLMs via
quantization to 3-4 bits per parameter, they can fit into memory-limited
devices such as laptops and mobile phones, enabling personalized use. However,
quantization down to 3-4 bits per parameter usually leads to moderate-to-high
accuracy losses, especially for smaller models in the 1-10B parameter range,
which are well-suited for edge deployments. To address this accuracy issue, we
introduce the Sparse-Quantized Representation (SpQR), a new compressed format
and quantization technique which enables for the first time near-lossless
compression of LLMs across model scales, while reaching similar compression
levels to previous methods. SpQR works by identifying and isolating outlier
weights, which cause particularly-large quantization errors, and storing them
in higher precision, while compressing all other weights to 3-4 bits, and
achieves relative accuracy losses of less than 1% in perplexity for
highly-accurate LLaMA and Falcon LLMs. This makes it possible to run 33B
parameter LLM on a single 24 GB consumer GPU without any performance
degradation at 15% speedup thus making powerful LLMs available to consumer
without any downsides. SpQR comes with efficient algorithms for both encoding
weights into its format, as well as decoding them efficiently at runtime.
Specifically, we provide an efficient GPU inference algorithm for SpQR which
yields faster inference than 16-bit baselines at similar accuracy, while
enabling memory compression gains of more than 4x. | cs.CL | SpQR: A Sparse-Quantized Representation for Near-Lossless LLM Weight Compression |
2023-06-05T17:43:53Z | http://arxiv.org/pdf/2306.03067v1 | http://arxiv.org/abs/2306.03067v1 | Yujia Xie, Xun Wang, Si-Qing Chen, Wayne Xiong, Pengcheng He | 2023-06-05T17:43:53Z | cs.CL, cs.AI | Summarizing lengthy documents is a common and essential task in our daily
lives. Although recent advancements in neural summarization models can assist
in crafting general-purpose summaries, human writers often have specific
requirements that call for a more customized approach. To address this need, we
introduce REVISE (Refinement and Editing via Iterative Summarization
Enhancement), an innovative framework designed to facilitate iterative editing
and refinement of draft summaries by human writers. Within our framework,
writers can effortlessly modify unsatisfactory segments at any location or
length and provide optional starting phrases -- our system will generate
coherent alternatives that seamlessly integrate with the existing summary. At
its core, REVISE incorporates a modified fill-in-the-middle model with the
encoder-decoder architecture while developing novel evaluation metrics tailored
for the summarization task. In essence, our framework empowers users to create
high-quality, personalized summaries by effectively harnessing both human
expertise and AI capabilities, ultimately transforming the summarization
process into a truly collaborative and adaptive experience. | cs.CL | Interactive Editing for Text Summarization |
2023-06-05T17:32:35Z | http://arxiv.org/pdf/2306.03061v3 | http://arxiv.org/abs/2306.03061v3 | Afra Amini, Li Du, Ryan Cotterell | 2024-06-06T09:30:19Z | cs.CL, cs.AI | Gradient-based sampling algorithms have demonstrated their effectiveness in
text generation, especially in the context of controlled text generation.
However, there exists a lack of theoretically grounded and principled
approaches for this task. In this paper, we take an important step toward
building a principled approach for sampling from language models with
gradient-based methods. We use discrete distributions given by language models
to define densities and develop an algorithm based on Hamiltonian Monte Carlo
to sample from them. We name our gradient-based technique Structured Voronoi
Sampling (SVS). In an experimental setup where the reference distribution is
known, we show that the empirical distribution of SVS samples is closer to the
reference distribution compared to alternative sampling schemes. Furthermore,
in a controlled generation task, SVS is able to generate fluent and diverse
samples while following the control targets significantly better than other
methods. | cs.CL | Structured Voronoi Sampling |
2023-06-05T17:27:48Z | http://arxiv.org/pdf/2306.03055v1 | http://arxiv.org/abs/2306.03055v1 | Ryo Sekizawa, Hitomi Yanaka | 2023-06-05T17:27:48Z | cs.CL | Using Japanese honorifics is challenging because it requires not only
knowledge of the grammatical rules but also contextual information, such as
social relationships. It remains unclear whether pre-trained large language
models (LLMs) can flexibly handle Japanese honorifics like humans. To analyze
this, we introduce an honorific conversion task that considers social
relationships among people mentioned in a conversation. We construct a Japanese
honorifics dataset from problem templates of various sentence structures to
investigate the syntactic generalization capacity of GPT-3, one of the leading
LLMs, on this task under two settings: fine-tuning and prompt learning. Our
results showed that the fine-tuned GPT-3 performed better in a context-aware
honorific conversion task than the prompt-based one. The fine-tuned model
demonstrated overall syntactic generalizability towards compound honorific
sentences, except when tested with the data involving direct speech. | cs.CL | Analyzing Syntactic Generalization Capacity of Pre-trained Language Models on Japanese Honorific Conversion |
2023-06-05T17:22:54Z | http://arxiv.org/pdf/2306.06077v3 | http://arxiv.org/abs/2306.06077v3 | Michael Ogezi, Bradley Hauer, Grzegorz Kondrak | 2024-04-02T16:19:22Z | cs.CV, cs.AI, cs.CL | Language-vision models like CLIP have made significant strides in vision
tasks, such as zero-shot image classification (ZSIC). However, generating
specific and expressive visual descriptions remains challenging; descriptions
produced by current methods are often ambiguous and lacking in granularity. To
tackle these issues, we propose V-GLOSS: Visual Glosses, a novel method built
upon two key ideas. The first is Semantic Prompting, which conditions a
language model on structured semantic knowledge. The second is a new
contrastive algorithm that elicits fine-grained distinctions between similar
concepts. With both ideas, we demonstrate that V-GLOSS improves visual
descriptions and achieves strong results in the zero-shot setting on general
and fine-grained image-classification datasets, including ImageNet, STL-10,
FGVC Aircraft, and Flowers 102. Moreover, these descriptive capabilities
contribute to enhancing image-generation performance. Finally, we introduce a
quality-tested silver dataset with descriptions generated with V-GLOSS for all
ImageNet classes. | cs.CV | Semantically-Prompted Language Models Improve Visual Descriptions |
2023-06-05T16:48:41Z | http://arxiv.org/pdf/2306.03030v3 | http://arxiv.org/abs/2306.03030v3 | Junling Liu, Peilin Zhou, Yining Hua, Dading Chong, Zhongyu Tian, Andrew Liu, Helin Wang, Chenyu You, Zhenhua Guo, Lei Zhu, Michael Lingzhi Li | 2023-10-23T02:55:08Z | cs.CL | Recent advancements in large language models (LLMs) have transformed the
field of question answering (QA). However, evaluating LLMs in the medical field
is challenging due to the lack of standardized and comprehensive datasets. To
address this gap, we introduce CMExam, sourced from the Chinese National
Medical Licensing Examination. CMExam consists of 60K+ multiple-choice
questions for standardized and objective evaluations, as well as solution
explanations for model reasoning evaluation in an open-ended manner. For
in-depth analyses of LLMs, we invited medical professionals to label five
additional question-wise annotations, including disease groups, clinical
departments, medical disciplines, areas of competency, and question difficulty
levels. Alongside the dataset, we further conducted thorough experiments with
representative LLMs and QA algorithms on CMExam. The results show that GPT-4
had the best accuracy of 61.6% and a weighted F1 score of 0.617. These results
highlight a great disparity when compared to human accuracy, which stood at
71.6%. For explanation tasks, while LLMs could generate relevant reasoning and
demonstrate improved performance after finetuning, they fall short of a desired
standard, indicating ample room for improvement. To the best of our knowledge,
CMExam is the first Chinese medical exam dataset to provide comprehensive
medical annotations. The experiments and findings of LLM evaluation also
provide valuable insights into the challenges and potential solutions in
developing Chinese medical QA systems and LLM evaluation pipelines. The dataset
and relevant code are available at https://github.com/williamliujl/CMExam. | cs.CL | Benchmarking Large Language Models on CMExam -- A Comprehensive Chinese Medical Exam Dataset |
2023-06-05T16:44:27Z | http://arxiv.org/pdf/2306.03024v1 | http://arxiv.org/abs/2306.03024v1 | Laura Cabello, Jiaang Li, Ilias Chalkidis | 2023-06-05T16:44:27Z | cs.CL | The recently released ChatGPT model demonstrates unprecedented capabilities
in zero-shot question-answering. In this work, we probe ChatGPT for its
conversational understanding and introduce a conversational framework
(protocol) that can be adopted in future studies. The Pok\'emon universe serves
as an ideal testing ground for auditing ChatGPT's reasoning capabilities due to
its closed world assumption. After bringing ChatGPT's background knowledge (on
the Pok\'emon universe) to light, we test its reasoning process when using
these concepts in battle scenarios. We then evaluate its ability to acquire new
knowledge and include it in its reasoning process. Our ultimate goal is to
assess ChatGPT's ability to generalize, combine features, and to acquire and
reason over newly introduced knowledge from human feedback. We find that
ChatGPT has prior knowledge of the Pokemon universe, which can reason upon in
battle scenarios to a great extent, even when new information is introduced.
The model performs better with collaborative feedback and if there is an
initial phase of information retrieval, but also hallucinates occasionally and
is susceptible to adversarial attacks. | cs.CL | PokemonChat: Auditing ChatGPT for Pokémon Universe Knowledge |
2023-06-05T15:53:15Z | http://arxiv.org/pdf/2306.02982v2 | http://arxiv.org/abs/2306.02982v2 | Qianqian Dong, Zhiying Huang, Qiao Tian, Chen Xu, Tom Ko, Yunlong Zhao, Siyuan Feng, Tang Li, Kexin Wang, Xuxin Cheng, Fengpeng Yue, Ye Bai, Xi Chen, Lu Lu, Zejun Ma, Yuping Wang, Mingxuan Wang, Yuxuan Wang | 2023-06-13T15:15:17Z | cs.CL, eess.AS | We propose PolyVoice, a language model-based framework for speech-to-speech
translation (S2ST) system. Our framework consists of two language models: a
translation language model and a speech synthesis language model. We use
discretized speech units, which are generated in a fully unsupervised way, and
thus our framework can be used for unwritten languages. For the speech
synthesis part, we adopt the existing VALL-E X approach and build a unit-based
audio language model. This grants our framework the ability to preserve the
voice characteristics and the speaking style of the original speech. We examine
our system on Chinese $\rightarrow$ English and English $\rightarrow$ Spanish
pairs. Experimental results show that our system can generate speech with high
translation quality and audio quality. Speech samples are available at
https://speechtranslation.github.io/polyvoice. | cs.CL | PolyVoice: Language Models for Speech to Speech Translation |
2023-06-05T15:51:58Z | http://arxiv.org/pdf/2306.02980v1 | http://arxiv.org/abs/2306.02980v1 | Myeongjun Jang, Bodhisattwa Prasad Majumder, Julian McAuley, Thomas Lukasiewicz, Oana-Maria Camburu | 2023-06-05T15:51:58Z | cs.CL, cs.AI | While recent works have been considerably improving the quality of the
natural language explanations (NLEs) generated by a model to justify its
predictions, there is very limited research in detecting and alleviating
inconsistencies among generated NLEs. In this work, we leverage external
knowledge bases to significantly improve on an existing adversarial attack for
detecting inconsistent NLEs. We apply our attack to high-performing NLE models
and show that models with higher NLE quality do not necessarily generate fewer
inconsistencies. Moreover, we propose an off-the-shelf mitigation method to
alleviate inconsistencies by grounding the model into external background
knowledge. Our method decreases the inconsistencies of previous high-performing
NLE models as detected by our attack. | cs.CL | KNOW How to Make Up Your Mind! Adversarially Detecting and Alleviating Inconsistencies in Natural Language Explanations |
2023-06-05T15:50:57Z | http://arxiv.org/pdf/2306.02978v1 | http://arxiv.org/abs/2306.02978v1 | Damián Furman, Pablo Torres, José A. Rodríguez, Diego Letzen, Vanina Martínez, Laura Alonso Alemany | 2023-06-05T15:50:57Z | cs.CL, cs.AI | With the increasing diversity of use cases of large language models, a more
informative treatment of texts seems necessary. An argumentative analysis could
foster a more reasoned usage of chatbots, text completion mechanisms or other
applications. However, it is unclear which aspects of argumentation can be
reliably identified and integrated in language models. In this paper, we
present an empirical assessment of the reliability with which different
argumentative aspects can be automatically identified in hate speech in social
media. We have enriched the Hateval corpus (Basile et al. 2019) with a manual
annotation of some argumentative components, adapted from Wagemans (2016)'s
Periodic Table of Arguments. We show that some components can be identified
with reasonable reliability. For those that present a high error ratio, we
analyze the patterns of disagreement between expert annotators and errors in
automatic procedures, and we propose adaptations of those categories that can
be more reliably reproduced. | cs.CL | Which Argumentative Aspects of Hate Speech in Social Media can be reliably identified? |
2023-06-05T15:23:55Z | http://arxiv.org/pdf/2306.02955v1 | http://arxiv.org/abs/2306.02955v1 | Hoyun Song, Jisu Shin, Huije Lee, Jong C. Park | 2023-06-05T15:23:55Z | cs.CL, cs.LG | Social media is one of the most highly sought resources for analyzing
characteristics of the language by its users. In particular, many researchers
utilized various linguistic features of mental health problems from social
media. However, existing approaches to detecting mental disorders face critical
challenges, such as the scarcity of high-quality data or the trade-off between
addressing the complexity of models and presenting interpretable results
grounded in expert domain knowledge. To address these challenges, we design a
simple but flexible model that preserves domain-based interpretability. We
propose a novel approach that captures the semantic meanings directly from the
text and compares them to symptom-related descriptions. Experimental results
demonstrate that our model outperforms relevant baselines on various mental
disorder detection tasks. Our detailed analysis shows that the proposed model
is effective at leveraging domain knowledge, transferable to other mental
disorders, and providing interpretable detection results. | cs.CL | A Simple and Flexible Modeling for Mental Disorder Detection by Learning from Clinical Questionnaires |
2023-06-05T14:36:31Z | http://arxiv.org/pdf/2306.02923v2 | http://arxiv.org/abs/2306.02923v2 | Xiaoming Shi, Zeming Liu, Chuan Wang, Haitao Leng, Kui Xue, Xiaofan Zhang, Shaoting Zhang | 2023-06-14T02:56:06Z | cs.CL | Most medical dialogue systems assume that patients have clear goals (medicine
querying, surgical operation querying, etc.) before medical consultation.
However, in many real scenarios, due to the lack of medical knowledge, it is
usually difficult for patients to determine clear goals with all necessary
slots. In this paper, we identify this challenge as how to construct medical
consultation dialogue systems to help patients clarify their goals. To mitigate
this challenge, we propose a novel task and create a human-to-human mixed-type
medical consultation dialogue corpus, termed MidMed, covering five dialogue
types: task-oriented dialogue for diagnosis, recommendation, knowledge-grounded
dialogue, QA, and chitchat. MidMed covers four departments
(otorhinolaryngology, ophthalmology, skin, and digestive system), with 8,175
dialogues. Furthermore, we build baselines on MidMed and propose an
instruction-guiding medical dialogue generation framework, termed InsMed, to
address this task. Experimental results show the effectiveness of InsMed. | cs.CL | MidMed: Towards Mixed-Type Dialogues for Medical Consultation |
2023-06-05T14:32:41Z | http://arxiv.org/pdf/2306.02920v1 | http://arxiv.org/abs/2306.02920v1 | Miyu Oba, Tatsuki Kuribayashi, Hiroki Ouchi, Taro Watanabe | 2023-06-05T14:32:41Z | cs.CL | With the success of neural language models (LMs), their language acquisition
has gained much attention. This work sheds light on the second language (L2)
acquisition of LMs, while previous work has typically explored their first
language (L1) acquisition. Specifically, we trained bilingual LMs with a
scenario similar to human L2 acquisition and analyzed their cross-lingual
transfer from linguistic perspectives. Our exploratory experiments demonstrated
that the L1 pretraining accelerated their linguistic generalization in L2, and
language transfer configurations (e.g., the L1 choice, and presence of parallel
texts) substantially affected their generalizations. These clarify their
(non-)human-like L2 acquisition in particular aspects. | cs.CL | Second Language Acquisition of Neural Language Models |
2023-06-05T14:12:46Z | http://arxiv.org/pdf/2306.02907v1 | http://arxiv.org/abs/2306.02907v1 | Shuyang Jiang, Yuhao Wang, Yu Wang | 2023-06-05T14:12:46Z | cs.CL, cs.SE | Large language models (LLMs) have already revolutionized code generation,
after being pretrained on publicly available code data. However, while various
methods have been proposed to augment LLMs with retrieved knowledge and enhance
the quality of code generation, the performance of these retrieval-based
methods is limited by the strength of the retrievers used. In addition, while
LLMs show great emergent ability, they still struggle to produce the correct
code in one turn. To address these challenges, we propose a novel two-step
pipeline, called \autoknow, that leverages LLMs as both knowledge providers and
self-reflective programmers. Unlike retrieval-based methods, \autoknow~obtains
the knowledge from input prompts and generates intermediate code based on the
generated knowledge. After that, \autoknow~asks LLM to act as an expert
programmer to perform debugging for the generated code. This is achieved by
receiving the error message from the interpreter, without requiring special
test cases for correctness verification. We evaluate \autoknow~on three code
generation datasets, including DS-1000 for data science code, HumanEval for
software engineering code, and TransCoder for C++-to-Python translation. Our
empirical experiments show that \autoknow~outperforms strong baselines by a
significant margin on all datasets. We also conduct exhaustive analytical
experiments to validate the effectiveness of the two stages of \autoknow, and
find that both are superior to other prompting-based methods. Further
scalability analysis demonstrates that \autoknow~can be adapted to other more
advanced models, such as GPT-4, and bring consistent efficacy improvement. | cs.CL | SelfEvolve: A Code Evolution Framework via Large Language Models |
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.