Towards Chapter-to-Chapter Context-Aware Literary
Translation via Large Language Models

Linghao Jin & Li An & Xuezhe Ma
Information Sciences Institute
University of Southern California
{linghaoj,lan72605,xuezhema}@usc.edu
Abstract

Discourse phenomena in existing document-level translation datasets are sparse, which has been a fundamental obstacle in the development of context-aware machine translation models. Moreover, most existing document-level corpora and context-aware machine translation methods rely on an unrealistic assumption on sentence-level alignments. To mitigate these issues, we first curate a novel dataset of Chinese-English literature, which consists of 160 books with intricate discourse structures. Then, we propose a more pragmatic and challenging setting for context-aware translation, termed chapter-to-chapter (Ch2Ch) translation, and investigate the performance of commonly-used machine translation models under this setting. Furthermore, we introduce a potential approach of finetuning large language models (LLMs) within the domain of Ch2Ch literary translation, yielding impressive improvements over baselines. Through our comprehensive analysis, we unveil that literary translation under the Ch2Ch setting is challenging in nature, with respect to both model learning methods and translation decoding algorithms.

1 Introduction

Despite the efforts on developing context-aware machine learning systems to meaningfully exploit inter-sentential information, recent work has investigated the fundamental obstacles in existing document-level translation datasets and context-aware machine translation models (Jin et al., 2023). First, existing datasets lack the necessary contextual information and/or discourse phenomena for meaningful document-level translation (Lupo et al., 2022). Second, existing predominant context-aware translation methods assume that sentence-level alignments are available during training, which does not accurately represent real-world translation scenarios (Thai et al., 2022; Jin et al., 2023).

To remedy the issues, recent work has pivoted to literary translation and proposed a more realistic paragraph-to-paragraph setting, given that literary texts typically contain complex discourse structures that mandate a document-level frame of reference. Thai et al. (2022) released Par3, a paragraph-level translation dataset sourced from recently-published 118 novels in 19 languages (about 6 novels per language on average). Jin et al. (2023) curated Para2Para, a small-scale dataset consisting of 10,545 parallel paragraphs across six novels. However, these datasets are either in small scale or the reference translations are automatically generated from machine translation systems (e.g. Google Translate (Wu et al., 2016) and fine-tuned GPT-3 (Brown et al., 2020)). In addition, there still exist some serious limitations in the paragraph-to-paragraph translation setting, including limited contextual information and equivocal paragraph splits in literary texts.

Large language models (LLMs) with decoder-only Transformer architectures have demonstrated outstanding performance as sentence-level translation systems (Vilar et al., 2023; Jiao et al., 2023; Kocmi & Federmann, 2023; Zhang et al., 2023; Yang et al., 2023). In the aspect of context-aware translation, recent studies have employed decoder-only LLMs to translate entire paragraphs using few-shot in-context learning methods, yielding impressive translation quality (Karpinska & Iyyer, 2023). However, how to finetune LLMs to process context-aware translation for literary texts in a more realistic and challenging scenario remains under-explored.

In this paper, we propose a more pragmatic and challenging setting for context-aware translation, named chapter-to-chapter (Ch2Ch), associated with a carefully curated dataset of Chinese-English literature. The dataset consists of 160 literary books, together with professional translations in Chinese. Then we investigate the performance of commonly-used machine translation models under the proposed setting and dataset. In addition, we investigate the efficacy of applying LLMs in context-aware chapter-to-chapter literary translation and highlight several key challenges that impede the progress. Our main contributions are outlined as follows:

  • We propose a more realistic setting for literary translation: chapter-to-chapter(Ch2Ch) translation, wherein a document is translated at the granularity of chapters. To support it, we release a chapter-aligned Chinese-English dataset (JAM), comprising 5,373 parallel chapters extracted from 160 novels, to catalyze future research endeavors.

  • Through comprehensive analysis, we unveil the challenges in chapter-level translation, including long-context model training and decoding strategies.

  • With empirical experiments, we evaluate the performance of recent trending LLMs on the JAM dataset and propose an effective fine-tuning procedure tailored for LLMs to generate coherent translations of literary novels.

Refer to caption
Figure 1: An example of of Ch2Ch translation. Sentence Misalignment: Red parts are where a source sentence is separated into multiple sentences in the corresponding translation; blue parts are added by translators and do not have a corresponding source segment; violet parts are deleted by translators in translation.

2 Preliminary Background

2.1 Context-aware Neural Machine Translation

Sentence-aligned Translation

In the sentence-aligned setting of context-aware machine translation, we assume that the source and target sentences in a parallel document are well-aligned. Formally, given a document D𝐷Ditalic_D comprising a set of source sentences 𝑿={𝒙1,𝒙2,,𝒙d}𝑿subscript𝒙1subscript𝒙2subscript𝒙𝑑\bm{X}=\{\bm{x}_{1},\bm{x}_{2},...,\bm{x}_{d}\}bold_italic_X = { bold_italic_x start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT , bold_italic_x start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT , … , bold_italic_x start_POSTSUBSCRIPT italic_d end_POSTSUBSCRIPT }, there are the same number of sentences 𝒀={𝒚1,𝒚2,,𝒚d}𝒀subscript𝒚1subscript𝒚2subscript𝒚𝑑\bm{Y}=\{\bm{y}_{1},\bm{y}_{2},...,\bm{y}_{d}\}bold_italic_Y = { bold_italic_y start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT , bold_italic_y start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT , … , bold_italic_y start_POSTSUBSCRIPT italic_d end_POSTSUBSCRIPT } in the target side, which are aligned with sentences in 𝑿𝑿\bm{X}bold_italic_X by the indices. The context-aware neural machine translation (NMT) model computes the probability of translating the source sentence 𝒙isubscript𝒙𝑖\bm{x}_{i}bold_italic_x start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT conditioned on the context Cisubscript𝐶𝑖C_{i}italic_C start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT, wherein 0id0𝑖𝑑0\leq i\leq d0 ≤ italic_i ≤ italic_d:

PSentAlign(𝒚i|𝒙i,𝑪i,θ)=j=1NP(yij|yi<j,𝒙i,Ci;θ).subscript𝑃SentAlignconditionalsubscript𝒚𝑖subscript𝒙𝑖subscript𝑪𝑖𝜃subscriptsuperscriptproduct𝑁𝑗1𝑃conditionalsuperscriptsubscript𝑦𝑖𝑗superscriptsubscript𝑦𝑖absent𝑗subscript𝒙𝑖subscript𝐶𝑖𝜃P_{\textrm{SentAlign}}(\bm{y}_{i}|\bm{x}_{i},\bm{C}_{i},\theta)=\prod^{N}_{j=1% }P(y_{i}^{j}|y_{i}^{<j},\bm{x}_{i},C_{i};\theta).\vspace{-1mm}italic_P start_POSTSUBSCRIPT SentAlign end_POSTSUBSCRIPT ( bold_italic_y start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT | bold_italic_x start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT , bold_italic_C start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT , italic_θ ) = ∏ start_POSTSUPERSCRIPT italic_N end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_j = 1 end_POSTSUBSCRIPT italic_P ( italic_y start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_j end_POSTSUPERSCRIPT | italic_y start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT start_POSTSUPERSCRIPT < italic_j end_POSTSUPERSCRIPT , bold_italic_x start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT , italic_C start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT ; italic_θ ) . (1)

where Cisubscript𝐶𝑖C_{i}italic_C start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT are contextual sentences surrounding 𝒙isubscript𝒙𝑖\bm{x}_{i}bold_italic_x start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT and/or 𝒚isubscript𝒚𝑖\bm{y}_{i}bold_italic_y start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT. As illustrated in Figure 1, sentence-aligned translation does not accurately represent real-world translation scenarios.

Paragraph-to-Paragraph Translation

To get rid of the assumption of sentence-level alignments and leverage richer contextual information, recent work (Thai et al., 2022; Jin et al., 2023) proposed a paradigm shift towards paragraph-to-paragraph (Para2Para) translation to relax the alignment assumption from sentence-level to paragraph-level. Concretely, a document D𝐷Ditalic_D contains a set of aligned parallel paragraphs, 𝑿={𝑿1,𝑿2,,𝑿d}𝑿subscript𝑿1subscript𝑿2subscript𝑿𝑑\bm{X}=\{\bm{X}_{1},\bm{X}_{2},...,\bm{X}_{d}\}bold_italic_X = { bold_italic_X start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT , bold_italic_X start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT , … , bold_italic_X start_POSTSUBSCRIPT italic_d end_POSTSUBSCRIPT } and 𝒀={𝒀1,𝒀2,,𝒀d}𝒀subscript𝒀1subscript𝒀2subscript𝒀𝑑\bm{Y}=\{\bm{Y}_{1},\bm{Y}_{2},...,\bm{Y}_{d}\}bold_italic_Y = { bold_italic_Y start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT , bold_italic_Y start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT , … , bold_italic_Y start_POSTSUBSCRIPT italic_d end_POSTSUBSCRIPT }. Each pair of aligned paragraphs 𝑿isubscript𝑿𝑖\bm{X}_{i}bold_italic_X start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT and 𝒀isubscript𝒀𝑖\bm{Y}_{i}bold_italic_Y start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT do not necessarily contain the same number of sentences:

PPara2Para(𝒀i|𝑿i,θ)=j=1NP(Yij|Yi<j,𝑿i;θ)subscript𝑃Para2Paraconditionalsubscript𝒀𝑖subscript𝑿𝑖𝜃subscriptsuperscriptproduct𝑁𝑗1𝑃conditionalsuperscriptsubscript𝑌𝑖𝑗superscriptsubscript𝑌𝑖absent𝑗subscript𝑿𝑖𝜃P_{\textrm{Para2Para}}(\bm{Y}_{i}|\bm{X}_{i},\theta)=\prod^{N}_{j=1}P(Y_{i}^{j% }|Y_{i}^{<j},\bm{X}_{i};\theta)italic_P start_POSTSUBSCRIPT Para2Para end_POSTSUBSCRIPT ( bold_italic_Y start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT | bold_italic_X start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT , italic_θ ) = ∏ start_POSTSUPERSCRIPT italic_N end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_j = 1 end_POSTSUBSCRIPT italic_P ( italic_Y start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_j end_POSTSUPERSCRIPT | italic_Y start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT start_POSTSUPERSCRIPT < italic_j end_POSTSUPERSCRIPT , bold_italic_X start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT ; italic_θ ) (2)

where Yi<jsuperscriptsubscript𝑌𝑖absent𝑗Y_{i}^{<j}italic_Y start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT start_POSTSUPERSCRIPT < italic_j end_POSTSUPERSCRIPT are the all previously translated tokens in a paragraph. However, in literary texts the splits of paragraphs are equivocal, which limited the application of Para2Para translation to real-world scenario.

2.2 Datasets

Most commonly used corpora, including IWSLT-17 (Cettolo et al., 2012), NewsCom (Tiedemann, 2012), Europarl (Koehn, 2005), and OpenSubtitles (Lison et al., 2018) are sourced from news articles or parliamentary proceedings. Until recently, some document-level parallel corpora of literary texts have been released. Jiang et al. (2023) curated Bilingual Web Books (BWB), a sentence-aligned corpus that retains document-level information. BWB contains 9.6 million sentence pairs sourced from Chinese web novels and their corresponding English translations. However, BWB still follows the sentence-level alignment constrains. To support Para2Para translation, Thai et al. (2022) introduced Par3, a paragraph-aligned corpus obtained through both human and automatic translators, containing multilingual non-English novels and their English translations. Another paragraph-aligned corpus, introduced by Al Ghussin et al. (2023), consists of parallel paragraphs extracted from Paracrawl (Bañón et al., 2020) using automatic sentence alignments. This corpus includes data crawled from the Internet spanning various domains.

2.3 Translation with Large Language Models

LLMs are not explicitly trained on parallel data for translation, yet they possess a profound understanding of languages and can produce coherent text, serving as a valuable foundation for translation tasks (Li et al., 2024). Particularly for resource-rich languages, colossal models with decoder-only architecture, such as GPT-4 (OpenAI et al., 2024), have approached or even exceeded traditional encoder-decoder models on sentence-level benchmarks and can generate more coherent and human-like translations drawing upon their extensive comprehension of both languages (Robinson et al., 2023; Hendy et al., 2023). Xu et al. (2023a) proposed a two-stage procedure to finetune Llama2-7b (Touvron et al., 2023) with a small amount of sentence-level parallel data and obtained impressive improvements over standard sentence-level NMT baselines without LLMs.

3 JAM: Chapter-Aligned Literary Translation Dataset

Source Target
“To think what we have been brought to!” Kutuzov cried suddenly, in a voice full of feeling, Prince Andrey’s story evidently bringing vividly before him the position of Russia.

“Wait a bit; wait a bit!” he added, with a vindictive look in his face, and apparently unwilling to continue a conversation that stirred him too deeply, he said:

“I sent for you to keep you with me.”
{CJK}UTF8gbsn “弄到什么地步……到什么地步!”库图佐夫突然说,他声音激动,显然,从安德烈公爵的叙述中,他清楚地想象到俄国目前的处境。“给我一段时间,给我一段时间!”他脸上带着愤怒的表情又说,很明显,他不愿继续这个使他激动的话题,他说:“我叫你来,是想让你留在我身边。”
“We must, if everyone wants to; there is no help for it … But, mark my words, my dear boy! The strongest of all warriors are these two—time and patience. They do it all, and our wise counsellors n’entendent pas de cette oreille, voilà le mal. Some say ay, and some say no. What’s one to do?” he asked, evidently expecting a reply. “Come, what would you have me do?” he repeated, and his eyes twinkled with a profound, shrewd expression. “I’ll tell you what to do,” he said, since Prince Andrey did not answer. “I’ll tell you what to do. Dans le doute, mon cher”—he paused—“abstiens-toi.” He articulated deliberately the French saying. {CJK}UTF8gbsn “打一仗是可以的,如果大家都愿意的话,没有什么可说的……可是要知道,亲爱的朋友:没有比忍耐和时间这两个战士更强的了,这两位什么都能办成。可是顾问们不肯听这个,困难就在这里。一些人要这样,另一些又不这样。怎么办呢?”他问,显然在等着回答。

“你说说看,我怎么办?”他重复着,眼睛显得深沉、睿智。

“我告诉你怎么办。如果你犹豫不决,亲爱的,”他停了一下,“那你先干别的。”他慢条斯理地一字一句地说。
Table 1: Examples of paragraph misalignment. Each line represents an individual paragraph in the original text.

3.1 Chapter-to-Chapter Translation

In literary texts, the lengths of paragraphs vary and the splits of paragraphs are equivocal, particularly when dialogues are involved. For instance, in novels, dialogue lines are often presented as separate paragraphs, making it challenging to ensure accurate translations without access to the preceding context. As illustrated by the two examples shown in Table 1, there are instances where multiple paragraphs from the source side are merged into one paragraph on the target side, and vice versa.

To address this issue, we propose chapter-to-chapter (Ch2Ch) translation, a pragmatic and challenging setting, by extending context-aware translation to chapter-level. Comparing to paragraph-level alignments, chapter-level alignments provide the model with more comprehensive context from both the source and target texts. This richer context theoretically offers greater potential for improvements and helps mitigate issues such as tense mismatches, particularly in languages like Chinese that lack explicit tense markers (Sun et al., 2020).

To conduct experiments and facilitate future research endeavours on Ch2Ch translation, we curate a chapter-aligned dataset of English-Chinese literature, named JAM, which comprises 160 English classic novels alongside professional Chinese translations. In professional literary translation, translators often leverage contexts to enhance the fluency and readability of the translation. To this end, translations may not strictly adhere to sentence alignment111In 50 sampled paragraphs from JAM there are 18 paragraphs with sentence mis-alignments., and some typical sentence misalignment types are listed below, an example is shown in Figure 1 illustrates:

Insert : new sentence(s) is added by translators and does not have a corresponding source segment.

Delete : a source sentence(s) is deleted by translators in translation.

Split : a source sentence is separated into multiple sentences in the corresponding translation.

As such, chapter-to-chapter(Ch2Ch) translation is challenging in nature, given that chapters typically are lengthy and contain complex discourse structure. Detailed experimental results and analysis are provided in Section 5.1.

3.2 Data Construction and Quality Control

Chap. #
Sentence #
(En/Zh)
Word #
(En/Zh)
Train 4484 451.4K / 577.5K 8.6M / 9.8M
Valid 546 52.5K / 68.1K 1.0M / 1.1M
Test 343 44.5K / 55.2K 814.9K / 955.9K
Total 5373 548.5K / 700.9K 10.4M / 11.9M
Table 2: JAM Corpus Statistics.

We collect 160 bilingual literary books across different genres from the Internet, and format data by manually correcting chapter-level alignment222We select literary works with chapter breaks, then manually check the alignments of first and last paragraphs for each chapter.. Subsequently, we perform standard data cleaning steps (e.g. punctuation normalization) and filter the chapter pairs with a sequence length ratio >3.0absent3.0>3.0> 3.0. The refined dataset contains a total of 5373 aligned chapters. The statistics of this dataset are shown in  Table 2 333English sentences are split by white space; Chinese sentences are segmented using the open-sourced Jieba package., and detailed corpus information is in Appendix A.1. The dataset is split into train, valid, and test sets. We randomly select 18 books as the test set. The remaining corpus of 5030 chapters from 142 books was then split into an 80% training set and a 20% validation set.

4 Experimental Setup

4.1 Baselines

To examine the inherent capacity of the model in the translation task, we perform a benchmarking analysis against two baseline categories:

Encoder-Decoder Architecture

We use the Transformer (Vaswani et al., 2017) base version, which consists of 6 encoder layers, 6 decoder layers, a model dimension of 512, and an FFN hidden dimension of 2048.

Decoder-only Architecture

Compared to the prevalent encoder-decoder architecture, the decoder-only framework is often simpler in architecture and computationally efficient (Fu et al., 2023). In the Ch2Ch translation task, we train the decoder-only model using sequences where each source chapter is concatenated with its corresponding target chapter, demarcated by a <SEP> token, and ended with an <EOS> token:

<SRC Chapter> <SEP> <TGT Chapter> <EOS>

The model architecture is shown in Figure 2.

Refer to caption
Figure 2: Decoder-only architecture.

Motivated by Zhang et al. (2018), we experiment with training a baseline model on the JAM dataset from scratch, as well as incorporating pre-trained baselines, in which the model is first trained on the sentence-level WMT22 Zhabsent\xrightarrow{}start_ARROW start_OVERACCENT end_OVERACCENT → end_ARROWEn dataset (Kocmi et al., 2022), before further fine-tuning on the JAM dataset.

Refer to caption
Figure 3: Prompt template for LLMs.

Zero-shot Evaluation

Recent work has showcased the proficiency of LLMs in sentence-level translation. To further probe the ability of LLMs in translating literary, we randomly sample 63 chapters from JAM test set and conduct a zero-shot evaluation on the sampled instances to compare with the following models:

NLLB-200-3.3b (Team et al., 2022): an encoder-decoder LLM, with 3.3b parameters.

Llama2-7b (Touvron et al., 2023): a generative text model with 7b parameters.

ALMA-7B (Xu et al., 2023a): finetuned on 5 language pairs from Llama2-7b for translation.

GPT-4 (OpenAI et al., 2024): a pre-trained large-scale multi-modal model.

Building upon the approach proposed by Xu et al. (2023a), we prepend a fixed prompt (see Figure 3) to each chapter.

Finetuning

We select ALMA-7b to finetune on JAM because of its impressive gains in translation tasks compared to other LLMs; its fine-tuning process is divided into two phrases: first, ALMA-7B-Stage1 finetuned Llama2-7b exclusively on monolingual data; then, the second stage ALMA-7B-Stage2 is subsequently finetuned on parallel data. Specifically, we finetune ALMA-7B-Stage1 on JAM to investigate whether pretraining with sentence-level parallel data is beneficial prior to fine-tuning on chapter-level data. We use causal language modeling (CLM) loss for finetuning and restrict loss computation only to the target tokens.

4.2 Handling Long Chapters in Training and Decoding

As some chapters exceed the maximal context length of some models, we equally segment those chapters into chunks, ensuring that each chunk contains less than 2048 tokens in both Zh and En sides. Data and pre-processing details are in Appendix B.1.

During decoding, we also pack the maximum number of sentences into blocks within 2048 tokens. The model does not know how many sentences to generate in advance and decoding stops when <EOS> is predicted. As illustrated in Figure 2, <EOS> in our experiments is used to indicate the end of translation, not the end of a sentence.

4.3 Post-processing & Evaluation

Before evaluation, we employ a sliding window with a length of 10 words, calculating the hash value of the substring within the window. As we slide the window, if the hash value of the current substring matches any previously seen hash value, we compare the actual substrings to confirm the repetition and then trim accordingly444Most repetitions exhibit a self-reinforcement effect, continuously repeating the same sentences or phrases. Therefore, once a repetition is detected, we remove all subsequent words.. After cleaning, the blocks belonging to the same chapter are merged back together for evaluation at the chapter level.

For all tasks, we report both sentence-level (e.g., BLEU (Papineni et al., 2002) and COMET (Rei et al., 2020)) and document-level automatic metrics in evaluation. In particular, we analyze the translation quality of LLMs related to specific discourse phenomena such as pronoun ellipsis, named entity coreference by BlonDe score (Jiang et al., 2022).

5 Experimental Result and Analysis

In this section, we report results of our experiments and conduct thorough empirical analysis over a range of model architectures, datasets and decoding strategies.

5.1 Chapter-to-Chapter Machine Translation Task is Challenging in Nature.

Motivated by Zhang et al. (2018), we experiment with training a baseline model on the JAM dataset from scratch, as well as incorporating a two-stage training procedure, in which the model is first trained on the sentence-level WMT22 Zhabsent\xrightarrow{}start_ARROW start_OVERACCENT end_OVERACCENT → end_ARROWEn dataset (Kocmi et al., 2022), before further fine-tuning on the JAM dataset.

As illustrates in Table 3, Encoder-Decoder and Decoder-only Transformer models trained from scratch on JAM significantly under-perform the models trained with the 2-stage procedure. The significant performance gap demonstrates the challenging nature of Ch2Ch (e.g., 1.87 and 1.09 on BLEU), i.e., the inherent difficulty of training on chapter-level, long-sequence data. Translation models that trained with the 2-stage procedure to leverage the sentence-level WMT22 exhibit a notable improvement, attesting the difficulty of the Ch2Ch translation task.

Model WMT22 JAM BLEU BlonDe COMET
all pron. entity tense d.m.
Encoder-Decoder 1.87 8.70 49.23 19.22 42.30 17.21 0.4128
Decoder-only 1.09 7.23 47.46 20.77 40.40 16.54 0.4187
Encoder-Decoder 14.38 31.08 89.78 11.36 86.88 81.96 0.6617
Decoder-only 13.35 30.06 84.28 14.59 80.23 76.81 0.6377
ALMA-7B-Stage1 15.70 33.46 74.28 30.62 70.11 71.72 0.7806
ALMA-7B-Stage2 16.80 35.05 78.35 32.37 73.3 73.29 0.7812
Table 3: Automatic metric results on JAM test set. Note here chapters are segmented by maximum 2048 tokens. ALMA-7B-Stage1 is only fine-tuned on monolingual data. ALMA-7B-Stage2 fine-tunes ALMA-7B-Stage1 on high-quality parallel data. () denotes no fine-tuning on corresponding dataset; () denotes fine-tuning. Bold denotes best performance.
Refer to caption
Figure 4: Left: Repetition start position in each sentence; Right: Repetition distribution across various context length

5.2 Effective Fine-tuning and Decoding Strategy

Does sentence-level fine-tuning help?

We next investigate the prerequisite of sentence-level fine-tuning prior to the training on JAM dataset by comparing ALMA-7B-Stage1 and ALMA-7B-Stage2 respectively, with the latter has been fine-tuned on sentence-level parallel datasets. Table 3 indicates that such sentence-level fine-tuning improves BLEU from 15.7 to 16.8 and BlonDe from 33.46 to 35.05, suggesting that fine-tuning at sentence-level contributes positively to the accuracy of literary translation. In contrast, the improvement on COMET is marginal, possibly attributable to COMET’s focus on assessing the coherence and fluency of the generated translations. These qualities might already be sufficiently robust in an LLM.

Repetition Problem in Translation Decoding

Deutsch et al. (2023) founds that translation does not degrade as the sequence becomes longer. However, according to our results, this is not universally the case; the effectiveness of translation diminishes as the context becomes really lengthy. To investigate the insights, we examine the translations of JAM test set on the fine-tuned ALMA-7B-Stage2 model and observe a notable pattern of undesirable repetitions—either phrases or entire sentences—emerges within the generated translations.

Refer to caption
Figure 5: Comparison between finetuned ALMA-7B on JAM, with versus w/o post-repetition removal processing.

Specifically, 36.7% of the translations within our test set exhibit some form of repetition. As illustrates in Figure 4, repetition occurs predominantly located within the first half of the translations555Detailed Blonde scores across different categories are presented in Appendix B.5. Furthermore, sentences exceeding 1000 tokens are more likely to generate repetitive words, phrases or sentences666We also conduct repetition analysis for all zero-shot generations across various architectures in Appendix B.4. This observation is consistent with earlier studies indicating text generation with LLMs often results in consecutive sentence-level repetitions, attributed to the use of maximization-based decoding algorithms.(Holtzman et al., 2020; Xu et al., 2023b). The detailed analysis by Xu et al. (2022) sheds light on the underlying causes: these models have an inherent tendency to repeat previous sentences, and they tend to overestimate the probability of repeated sequences. This repetition problem is particularly evident in long-context translation, where increasing the chunk length amplifies the risk of the model falling into repetitive loops.

To further evaluate the model’s translation ability, we implement post-processing to eliminate repetitions in the generations. According to Figure 5, this approach enhances translation quality significantly across all metrics. This leads to a potential direction of future work to develop advanced decoding algorithms to avoid repetitions in translation.

Ft. Decoding BLEU BlonDe COMET
Greedy 3.7 11.81 0.6012
Beam-5 2.7 9.09 0.5433
Greedy 14.0 31.26 0.7806
Beam-5 16.8 35.05 0.7812
+ rp 19.1 37.25 0.8028
Table 4: Comparison of decoding strategies across different evaluation metrics of ALMA-7B performance. () No fine-tuning on JAM dataset; () denotes fine-tuning. rp denotes repetition penalty=1.18

Comparison of Decoding Strategies

By default, beam search is employed for all models, with beam size 5. However, upon training certain LLMs on the Ch2Ch task, we observe sub-optimal performance with beam search. We investigate the performance of two decoding strategy: greedy decoding and beam search decoding through a fine-grained analysis on the JAM test set. Table 4 presents the experimental results. Greedy decoding poses as a weak methodology and its presence has not been found to substantially boost translation performance compared with Beam search.

5.3 How Do Large Language Models Perform on Literary Translation?

In order to evaluate the capacity of LLMs on Ch2Ch translation , we perform zero-shot evaluation on the JAM dataset across different models. To further analyze performance variations across different context lengths, we segment chapters into at most 512, 1024, and 2048 tokens, respectively. The results are presented in Figure 6.

GPT-4 outperforms all other models across both sentence-level and document-level metrics. Rather, translation models with less parameters, such as NLLB-3.3b and ALMA-7B-Stage2, struggle in the Ch2Ch task, i.e., performance drop dramatically especially when the sequence become longer than 1024 tokens. One reason as to why ALMA-7B-Stage2 faces challenges in translating long sentences is that it has been finetuned exclusively on short parallel sequences. This may impair its capability to handle long-sequence translation and fully exploit the advantages of chapter-level translation. However, we observe notable improvements after fine-tuning ALMA-7B on our chapter-level dataset JAM even in the most challenging setting where the context extends up to 2048 tokens, as shown in Table 3.

Despite LLMs such as Llama2 being theoretically capable of handling contexts of up to 4096 tokens, their performance in translation tasks over extensive contexts remains subpar. Before delving into more nuanced improvements in discourse-level translation, it is crucial to enhance the model’s capacity for high-quality long-context translation.

Refer to caption
Figure 6: Zero-shot performance on JAM data across LLMs. The chapter-level data are segmented into chunks containing at most 512, 1024, 2048 tokens. ACL = average chapter length in tokens; The ACL of sampled instances=1850.
Refer to caption
Figure 7: Comparison between sentence and 512 tokens segmentation.

Ch2Ch vs. Sentence Translation

The high-level objective of Ch2Ch translation is to leverage more training signals from chapter-level dataset. To test the effectiveness of this setting, we conduct an experiment to segment chapters into sentences for comparison. Concretely, we first split each chapter into separated sentences using the NLTK 777https://github.com/nltk/nltk package, then execute translation individually on each sentence with ALMA-7B. The translated sentences are concatenated back to calculate document-level evaluation metrics. Figure 7 indicates that ALMA-7B under the 512-tokens setting outperforms the sentence-segmented setting across all metrics, attesting the significance of Ch2Ch translation.

Decoder-only vs. Encoder-Decoder Architecture

Under the zero-shot setting (Figure 6), ALMA-7B-Stage2 continues to surpass encoder-decoder translation model NLLB-200-3.3B on BLEU scores. In terms of document-level evaluation metrics, ALMA-7B-Stage2 performs on par with, or even better than NLLB-200-3.3B on the most BlonDe metrics, e.g., pronnoun and discourse marker(d.m.). One potential explanation is that the backbone LLM Llama2-7b has a better context understanding and text generating ability. For example, discourse markers, e.g., however, on the other hand, are crucial for maintaining the coherence and cohesion of text, areas in which LLMs are trained. Furthermore, NLLB-200-3.3B tends to generate shorter text compared to other models. One hypothesis is that it is primarily trained on a sentence-aligned dataset, where the source and target sentences do not differ significantly in length.

After finetuning on JAM, though Encoder-Decoder perform slightly better than Decoder-only model, yet still under-perform ALMA models on most of the evaluation metrics (Table 3). The above results demonstrates the effectiveness of decoder-only models in handling complex literary translation. Particularly noteworthy is the fact that LLMs do not rely heavily on large amounts of parallel data and are inherently capable of translating long context sequences after finetuning.

6 Conclusion

While machine translation demonstrates strong sentence-level performance, it still falls short of human translation in effectively utilizing long-context information. In our paper, we show that Chapter-to-Chapter (Ch2Ch) translation is a viable approach for context-aware NMT, exemplified by our novel dataset, JAM. Chapter-level data, derived from professional translations, offers richer context signals and presents a more realistic scenario. Through detailed empirical experiments, we discover that LLMs are aptly suited for Ch2Ch translation following a two-step fine-tuning process: first at the sentence level, then at the chapter level. This procedure equips LLMs with a robust understanding of context, resulting in translations that are both coherent and context-aware. Nevertheless, challenges arise at the chapter level, notably the issue of repetition inheriting from LLMs’ long-context generation, signaling the need for improved decoding strategies in future research.

References

  • Al Ghussin et al. (2023) Yusser Al Ghussin, Jingyi Zhang, and Josef van Genabith. Exploring paracrawl for document-level neural machine translation. In Andreas Vlachos and Isabelle Augenstein (eds.), Proceedings of the 17th Conference of the European Chapter of the Association for Computational Linguistics, pp.  1304–1310, Dubrovnik, Croatia, May 2023. Association for Computational Linguistics. doi: 10.18653/v1/2023.eacl-main.94. URL https://aclanthology.org/2023.eacl-main.94.
  • Bañón et al. (2020) Marta Bañón, Pinzhen Chen, Barry Haddow, Kenneth Heafield, Hieu Hoang, Miquel Esplà-Gomis, Mikel L. Forcada, Amir Kamran, Faheem Kirefu, Philipp Koehn, Sergio Ortiz Rojas, Leopoldo Pla Sempere, Gema Ramírez-Sánchez, Elsa Sarrías, Marek Strelec, Brian Thompson, William Waites, Dion Wiggins, and Jaume Zaragoza. ParaCrawl: Web-scale acquisition of parallel corpora. In Proceedings of the 58th Annual Meeting of the Association for Computational Linguistics, pp.  4555–4567, Online, July 2020. Association for Computational Linguistics. doi: 10.18653/v1/2020.acl-main.417. URL https://aclanthology.org/2020.acl-main.417.
  • Brown et al. (2020) Tom B. Brown, Benjamin Mann, Nick Ryder, Melanie Subbiah, Jared Kaplan, Prafulla Dhariwal, Arvind Neelakantan, Pranav Shyam, Girish Sastry, Amanda Askell, Sandhini Agarwal, Ariel Herbert-Voss, Gretchen Krueger, Tom Henighan, Rewon Child, Aditya Ramesh, Daniel M. Ziegler, Jeffrey Wu, Clemens Winter, Christopher Hesse, Mark Chen, Eric Sigler, Mateusz Litwin, Scott Gray, Benjamin Chess, Jack Clark, Christopher Berner, Sam McCandlish, Alec Radford, Ilya Sutskever, and Dario Amodei. Language models are few-shot learners, 2020.
  • Cettolo et al. (2012) Mauro Cettolo, Christian Girardi, and Marcello Federico. WIT3: Web inventory of transcribed and translated talks. In Mauro Cettolo, Marcello Federico, Lucia Specia, and Andy Way (eds.), Proceedings of the 16th Annual Conference of the European Association for Machine Translation, pp.  261–268, Trento, Italy, May 28–30 2012. European Association for Machine Translation. URL https://aclanthology.org/2012.eamt-1.60.
  • Deutsch et al. (2023) Daniel Deutsch, Juraj Juraska, Mara Finkelstein, and Markus Freitag. Training and meta-evaluating machine translation evaluation metrics at the paragraph level, 2023.
  • Fernandes et al. (2021) Patrick Fernandes, Kayo Yin, Graham Neubig, and André F. T. Martins. Measuring and increasing context usage in context-aware machine translation. In Chengqing Zong, Fei Xia, Wenjie Li, and Roberto Navigli (eds.), Proceedings of the 59th Annual Meeting of the Association for Computational Linguistics and the 11th International Joint Conference on Natural Language Processing (Volume 1: Long Papers), pp.  6467–6478, Online, August 2021. Association for Computational Linguistics. doi: 10.18653/v1/2021.acl-long.505. URL https://aclanthology.org/2021.acl-long.505.
  • Fu et al. (2023) Zihao Fu, Wai Lam, Qian Yu, Anthony Man-Cho So, Shengding Hu, Zhiyuan Liu, and Nigel Collier. Decoder-only or encoder-decoder? interpreting language model as a regularized encoder-decoder, 2023.
  • Hendy et al. (2023) Amr Hendy, Mohamed Abdelrehim, Amr Sharaf, Vikas Raunak, Mohamed Gabr, Hitokazu Matsushita, Young Jin Kim, Mohamed Afify, and Hany Hassan Awadalla. How good are gpt models at machine translation? a comprehensive evaluation. arXiv preprint arXiv:2302.09210, 2023.
  • Holtzman et al. (2020) Ari Holtzman, Jan Buys, Li Du, Maxwell Forbes, and Yejin Choi. The curious case of neural text degeneration, 2020. URL https://arxiv.org/abs/1904.09751.
  • Jiang et al. (2022) Yuchen Eleanor Jiang, Tianyu Liu, Shuming Ma, Dongdong Zhang, Jian Yang, Haoyang Huang, Rico Sennrich, Ryan Cotterell, Mrinmaya Sachan, and Ming Zhou. Blonde: An automatic evaluation metric for document-level machine translation, 2022.
  • Jiang et al. (2023) Yuchen Eleanor Jiang, Tianyu Liu, Shuming Ma, Dongdong Zhang, Mrinmaya Sachan, and Ryan Cotterell. Discourse-centric evaluation of document-level machine translation with a new densely annotated parallel corpus of novels. In Anna Rogers, Jordan Boyd-Graber, and Naoaki Okazaki (eds.), Proceedings of the 61st Annual Meeting of the Association for Computational Linguistics (Volume 1: Long Papers), pp.  7853–7872, Toronto, Canada, July 2023. Association for Computational Linguistics. doi: 10.18653/v1/2023.acl-long.435. URL https://aclanthology.org/2023.acl-long.435.
  • Jiao et al. (2023) Wenxiang Jiao, Wenxuan Wang, Jen-tse Huang, Xing Wang, Shuming Shi, and Zhaopeng Tu. Is chatgpt a good translator? yes with gpt-4 as the engine. arXiv preprint arXiv:2301.08745, 2023.
  • Jin et al. (2023) Linghao Jin, Jacqueline He, Jonathan May, and Xuezhe Ma. Challenges in context-aware neural machine translation. In Houda Bouamor, Juan Pino, and Kalika Bali (eds.), Proceedings of the 2023 Conference on Empirical Methods in Natural Language Processing, pp.  15246–15263, Singapore, December 2023. Association for Computational Linguistics. doi: 10.18653/v1/2023.emnlp-main.943. URL https://aclanthology.org/2023.emnlp-main.943.
  • Karpinska & Iyyer (2023) Marzena Karpinska and Mohit Iyyer. Large language models effectively leverage document-level context for literary translation, but critical errors persist. In Philipp Koehn, Barry Haddow, Tom Kocmi, and Christof Monz (eds.), Proceedings of the Eighth Conference on Machine Translation, pp.  419–451, Singapore, December 2023. Association for Computational Linguistics. doi: 10.18653/v1/2023.wmt-1.41. URL https://aclanthology.org/2023.wmt-1.41.
  • Kocmi & Federmann (2023) Tom Kocmi and Christian Federmann. Large language models are state-of-the-art evaluators of translation quality, 2023.
  • Kocmi et al. (2022) Tom Kocmi, Rachel Bawden, Ondřej Bojar, Anton Dvorkovich, Christian Federmann, Mark Fishel, Thamme Gowda, Yvette Graham, Roman Grundkiewicz, Barry Haddow, Rebecca Knowles, Philipp Koehn, Christof Monz, Makoto Morishita, Masaaki Nagata, Toshiaki Nakazawa, Michal Novák, Martin Popel, and Maja Popović. Findings of the 2022 conference on machine translation (WMT22). In Philipp Koehn, Loïc Barrault, Ondřej Bojar, Fethi Bougares, Rajen Chatterjee, Marta R. Costa-jussà, Christian Federmann, Mark Fishel, Alexander Fraser, Markus Freitag, Yvette Graham, Roman Grundkiewicz, Paco Guzman, Barry Haddow, Matthias Huck, Antonio Jimeno Yepes, Tom Kocmi, André Martins, Makoto Morishita, Christof Monz, Masaaki Nagata, Toshiaki Nakazawa, Matteo Negri, Aurélie Névéol, Mariana Neves, Martin Popel, Marco Turchi, and Marcos Zampieri (eds.), Proceedings of the Seventh Conference on Machine Translation (WMT), pp.  1–45, Abu Dhabi, United Arab Emirates (Hybrid), December 2022. Association for Computational Linguistics. URL https://aclanthology.org/2022.wmt-1.1.
  • Koehn (2005) Philipp Koehn. Europarl: A parallel corpus for statistical machine translation. In Proceedings of Machine Translation Summit X: Papers, pp.  79–86, Phuket, Thailand, September 13-15 2005. URL https://aclanthology.org/2005.mtsummit-papers.11.
  • Kudo & Richardson (2018) Taku Kudo and John Richardson. Sentencepiece: A simple and language independent subword tokenizer and detokenizer for neural text processing, 2018.
  • Li et al. (2024) Jiahuan Li, Hao Zhou, Shujian Huang, Shanbo Cheng, and Jiajun Chen. Eliciting the translation ability of large language models via multilingual finetuning with translation instructions, 2024.
  • Lison et al. (2018) Pierre Lison, Jörg Tiedemann, and Milen Kouylekov. OpenSubtitles2018: Statistical rescoring of sentence alignments in large, noisy parallel corpora. In Nicoletta Calzolari, Khalid Choukri, Christopher Cieri, Thierry Declerck, Sara Goggi, Koiti Hasida, Hitoshi Isahara, Bente Maegaard, Joseph Mariani, Hélène Mazo, Asuncion Moreno, Jan Odijk, Stelios Piperidis, and Takenobu Tokunaga (eds.), Proceedings of the Eleventh International Conference on Language Resources and Evaluation (LREC 2018), Miyazaki, Japan, May 2018. European Language Resources Association (ELRA). URL https://aclanthology.org/L18-1275.
  • Lupo et al. (2022) Lorenzo Lupo, Marco Dinarelli, and Laurent Besacier. Divide and rule: Effective pre-training for context-aware multi-encoder translation models. In Smaranda Muresan, Preslav Nakov, and Aline Villavicencio (eds.), Proceedings of the 60th Annual Meeting of the Association for Computational Linguistics (Volume 1: Long Papers), pp.  4557–4572, Dublin, Ireland, May 2022. Association for Computational Linguistics. doi: 10.18653/v1/2022.acl-long.312. URL https://aclanthology.org/2022.acl-long.312.
  • OpenAI et al. (2024) OpenAI, Josh Achiam, Steven Adler, Sandhini Agarwal, Lama Ahmad, Ilge Akkaya, and et al. Gpt-4 technical report, 2024.
  • Papineni et al. (2002) Kishore Papineni, Salim Roukos, Todd Ward, and Wei-Jing Zhu. Bleu: a method for automatic evaluation of machine translation. In Proceedings of the 40th Annual Meeting of the Association for Computational Linguistics, pp.  311–318, Philadelphia, Pennsylvania, USA, July 2002. Association for Computational Linguistics. doi: 10.3115/1073083.1073135. URL https://aclanthology.org/P02-1040.
  • Rei et al. (2020) Ricardo Rei, Craig Stewart, Ana C Farinha, and Alon Lavie. COMET: A neural framework for MT evaluation. In Proceedings of the 2020 Conference on Empirical Methods in Natural Language Processing (EMNLP), pp.  2685–2702, Online, November 2020. Association for Computational Linguistics. doi: 10.18653/v1/2020.emnlp-main.213. URL https://aclanthology.org/2020.emnlp-main.213.
  • Robinson et al. (2023) Nathaniel Robinson, Perez Ogayo, David R. Mortensen, and Graham Neubig. ChatGPT MT: Competitive for high- (but not low-) resource languages. In Philipp Koehn, Barry Haddow, Tom Kocmi, and Christof Monz (eds.), Proceedings of the Eighth Conference on Machine Translation, pp.  392–418, Singapore, December 2023. Association for Computational Linguistics. doi: 10.18653/v1/2023.wmt-1.40. URL https://aclanthology.org/2023.wmt-1.40.
  • Sennrich et al. (2016) Rico Sennrich, Barry Haddow, and Alexandra Birch. Neural machine translation of rare words with subword units. In Katrin Erk and Noah A. Smith (eds.), Proceedings of the 54th Annual Meeting of the Association for Computational Linguistics (Volume 1: Long Papers), pp.  1715–1725, Berlin, Germany, August 2016. Association for Computational Linguistics. doi: 10.18653/v1/P16-1162. URL https://aclanthology.org/P16-1162.
  • Sun et al. (2020) Zewei Sun, Mingxuan Wang, Hao Zhou, Chengqi Zhao, Shujian Huang, Jiajun Chen, and Lei Li. Rethinking document-level neural machine translation. arXiv preprint arXiv:2010.08961, 2020.
  • Team et al. (2022) NLLB Team, Marta R. Costa-jussà, James Cross, Onur Çelebi, Maha Elbayad, Kenneth Heafield, Kevin Heffernan, Elahe Kalbassi, Janice Lam, Daniel Licht, Jean Maillard, Anna Sun, Skyler Wang, Guillaume Wenzek, Al Youngblood, Bapi Akula, Loic Barrault, Gabriel Mejia Gonzalez, Prangthip Hansanti, John Hoffman, Semarley Jarrett, Kaushik Ram Sadagopan, Dirk Rowe, Shannon Spruit, Chau Tran, Pierre Andrews, Necip Fazil Ayan, Shruti Bhosale, Sergey Edunov, Angela Fan, Cynthia Gao, Vedanuj Goswami, Francisco Guzmán, Philipp Koehn, Alexandre Mourachko, Christophe Ropers, Safiyyah Saleem, Holger Schwenk, and Jeff Wang. No language left behind: Scaling human-centered machine translation, 2022.
  • Thai et al. (2022) Katherine Thai, Marzena Karpinska, Kalpesh Krishna, Bill Ray, Moira Inghilleri, John Wieting, and Mohit Iyyer. Exploring document-level literary machine translation with parallel paragraphs from world literature. In Yoav Goldberg, Zornitsa Kozareva, and Yue Zhang (eds.), Proceedings of the 2022 Conference on Empirical Methods in Natural Language Processing, pp.  9882–9902, Abu Dhabi, United Arab Emirates, December 2022. Association for Computational Linguistics. doi: 10.18653/v1/2022.emnlp-main.672. URL https://aclanthology.org/2022.emnlp-main.672.
  • Tiedemann (2012) Jörg Tiedemann. Parallel data, tools and interfaces in OPUS. In Nicoletta Calzolari, Khalid Choukri, Thierry Declerck, Mehmet Uğur Doğan, Bente Maegaard, Joseph Mariani, Asuncion Moreno, Jan Odijk, and Stelios Piperidis (eds.), Proceedings of the Eighth International Conference on Language Resources and Evaluation (LREC’12), pp.  2214–2218, Istanbul, Turkey, May 2012. European Language Resources Association (ELRA). URL http://www.lrec-conf.org/proceedings/lrec2012/pdf/463_Paper.pdf.
  • Touvron et al. (2023) Hugo Touvron, Louis Martin, Kevin Stone, Peter Albert, Amjad Almahairi, Yasmine Babaei, Nikolay Bashlykov, Soumya Batra, Prajjwal Bhargava, Shruti Bhosale, Dan Bikel, Lukas Blecher, Cristian Canton Ferrer, Moya Chen, Guillem Cucurull, David Esiobu, Jude Fernandes, Jeremy Fu, Wenyin Fu, Brian Fuller, Cynthia Gao, Vedanuj Goswami, Naman Goyal, Anthony Hartshorn, Saghar Hosseini, Rui Hou, Hakan Inan, Marcin Kardas, Viktor Kerkez, Madian Khabsa, Isabel Kloumann, Artem Korenev, Punit Singh Koura, Marie-Anne Lachaux, Thibaut Lavril, Jenya Lee, Diana Liskovich, Yinghai Lu, Yuning Mao, Xavier Martinet, Todor Mihaylov, Pushkar Mishra, Igor Molybog, Yixin Nie, Andrew Poulton, Jeremy Reizenstein, Rashi Rungta, Kalyan Saladi, Alan Schelten, Ruan Silva, Eric Michael Smith, Ranjan Subramanian, Xiaoqing Ellen Tan, Binh Tang, Ross Taylor, Adina Williams, Jian Xiang Kuan, Puxin Xu, Zheng Yan, Iliyan Zarov, Yuchen Zhang, Angela Fan, Melanie Kambadur, Sharan Narang, Aurelien Rodriguez, Robert Stojnic, Sergey Edunov, and Thomas Scialom. Llama 2: Open foundation and fine-tuned chat models, 2023.
  • Vaswani et al. (2017) Ashish Vaswani, Noam Shazeer, Niki Parmar, Jakob Uszkoreit, Llion Jones, Aidan N. Gomez, Łukasz Kaiser, and Illia Polosukhin. Attention is all you need. In Proceedings of the 31st International Conference on Neural Information Processing Systems, NIPS’17, pp.  6000–6010, Red Hook, NY, USA, 2017. Curran Associates Inc. ISBN 9781510860964.
  • Vilar et al. (2023) David Vilar, Markus Freitag, Colin Cherry, Jiaming Luo, Viresh Ratnakar, and George Foster. Prompting palm for translation: Assessing strategies and performance, 2023.
  • Wu et al. (2016) Yonghui Wu, Mike Schuster, Z. Chen, Quoc V. Le, Mohammad Norouzi, Wolfgang Macherey, Maxim Krikun, Yuan Cao, Qin Gao, Klaus Macherey, Jeff Klingner, Apurva Shah, Melvin Johnson, Xiaobing Liu, Lukasz Kaiser, Stephan Gouws, Yoshikiyo Kato, Taku Kudo, Hideto Kazawa, Keith Stevens, George Kurian, Nishant Patil, Wei Wang, Cliff Young, Jason R. Smith, Jason Riesa, Alex Rudnick, Oriol Vinyals, Gregory S. Corrado, Macduff Hughes, and Jeffrey Dean. Google’s neural machine translation system: Bridging the gap between human and machine translation. ArXiv, abs/1609.08144, 2016.
  • Xu et al. (2023a) Haoran Xu, Young Jin Kim, Amr Sharaf, and Hany Hassan Awadalla. A paradigm shift in machine translation: Boosting translation performance of large language models. arXiv preprint arXiv:2309.11674, 2023a.
  • Xu et al. (2022) Jin Xu, Xiaojiang Liu, Jianhao Yan, Deng Cai, Huayang Li, and Jian Li. Learning to break the loop: Analyzing and mitigating repetitions for neural text generation, 2022. URL https://arxiv.org/abs/2206.02369.
  • Xu et al. (2023b) Nan Xu, Chunting Zhou, Asli Celikyilmaz, and Xuezhe Ma. Look-back decoding for open-ended text generation, 2023b. URL https://arxiv.org/abs/2305.13477.
  • Yang et al. (2023) Wen Yang, Chong Li, Jiajun Zhang, and Chengqing Zong. Bigtranslate: Augmenting large language models with multilingual translation capability over 100 languages, 2023.
  • Zhang et al. (2018) Jiacheng Zhang, Huanbo Luan, Maosong Sun, Feifei Zhai, Jingfang Xu, Min Zhang, and Yang Liu. Improving the transformer translation model with document-level context. In Ellen Riloff, David Chiang, Julia Hockenmaier, and Jun’ichi Tsujii (eds.), Proceedings of the 2018 Conference on Empirical Methods in Natural Language Processing, pp.  533–542, Brussels, Belgium, October-November 2018. Association for Computational Linguistics. doi: 10.18653/v1/D18-1049. URL https://aclanthology.org/D18-1049.
  • Zhang et al. (2023) Shaolei Zhang, Qingkai Fang, Zhuocheng Zhang, Zhengrui Ma, Yan Zhou, Langlin Huang, Mengyu Bu, Shangtong Gui, Yunji Chen, Xilin Chen, and Yang Feng. Bayling: Bridging cross-lingual alignment and instruction following through interactive translation for large language models, 2023.

Appendix: Towards Chapter-to-Chapter Context-Aware Literary Translation via Large Language Models

Appendix A JAM Dataset

A.1 Corpus Information

Title Author Year #Chapts ACL (en/zh)
1984 George Orwell 1949 24 5.8K/10.2K
A Tale of Two Cities Charles Dickens 1859 44 4.3K/8.0K
Ancient Greek Myths / / 58 488.2/862.1
Don Quixote Miguel de Cervantes 1605 125 4.4K/6.9K
How The Steel Was Tempered Nikolai Ostrovsky 1934 18 11.7K/24.8K
Little Prince Antoine de Saint-Exupéry 1943 28 822.3/1.4K
Little Women Louisa May Alcott 1868 47 5.8K/10.7K
Lord of the Flies William Golding 1954 12 7.8K/16.8K
Oliver Twist Charles Dickens 1838 53 4.4K/8.7K
Robinson Crusoe Daniel Defoe 1719 8 20.9K/35.4K
The Adventures of Tom Sawyer Mark Twain 1876 35 3.1K/5.7K
The Giver Lois Lowry 1993 23 2.8K/5.3K
The Shawshank Redemption Stephen King 1982 35 1.6K/2.7K
Wuthering Heights Emily Brontë 1847 34 5.1K/9.3K
The Time Machine H. G. Wells 1895 13 3.4K/6.2K
Alice’s Adventures in Wonderland Lewis Carroll 1865 9 3.1K/5.7K
The Mysterious Island Jules Verne 1875 62 4.5K/8.2K
The Old Man and the Sea Ernest Hemingway 1952 6 5.0K/10.3K
Sophies World Jostein Gaarder 1991 35 6.8K/12.6K
Black Beauty Anna Sewell 1877 13 1.9K/3.0K
Table 5: Corpus information for 20 sample books. ACL = average chapter length in tokens.

Table 5 shows 20 sample books from the JAM dataset, in which the ACL column is obtained by using LlamaTokenizerFast.

Appendix B Implementation Details

B.1 Data

Data for baseline models is encoded and vectorized with byte-pair encoding Sennrich et al. (2016) using the SentencePiece (Kudo & Richardson, 2018) framework. We use a 32K joint vocabulary size for Zh\rightarrowEn. Full corpus statistics of WMT22 are in Table 6.

Dataset Lg. Pair Train Valid Test
WMT22 Zh\rightarrowEn 25134743 2002 2001
Table 6: Sentence counts across WMT22 datasets.

To segment JAM chapter-level dataset into chunks, we first decide the number of chunks to split in a chapter by ensuring that each chunk includes no more than 2048 English and Chinese tokens, then equally segment the chapter into the computed number of chunks. There is no overlap between chunks, and we keep a sentence a complete unit when we split chapters.

B.2 Baseline Traning

We train baseline models (Encoder-decoder and Decoder-only) on the fairseq framework . Following Vaswani et al. (2017); Fernandes et al. (2021), we use the Adam optimizer with β1=0.9subscript𝛽10.9\beta_{1}=0.9italic_β start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT = 0.9 and β2=0.98subscript𝛽20.98\beta_{2}=0.98italic_β start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT = 0.98, dropout set to 0.3, an inverse square root learning rate scheduler with an initial value of 104superscript10410^{-4}10 start_POSTSUPERSCRIPT - 4 end_POSTSUPERSCRIPT, and the warm-up step set to 4000. Here, we only train the Transformer base version, and the decoder-only model is also derived from the base Transformer base architecture. We keep the parameter size of both Encoder-decoder and Decoder-only architecture similar for fair comparison.

B.3 LLM Training

All models are trained with 8xA40 GPUs and DeepSpeed+ZeRO3. Following Xu et al. (2023a), we use Adam optimizer, weight decay set to 0.01, and the warm-upratio set to 0.01, an inverse square root learning rate scheduler with an initial value of 2×1052superscript1052\times 10^{-5}2 × 10 start_POSTSUPERSCRIPT - 5 end_POSTSUPERSCRIPT.

Model BLEU BlonDe COMET ACL
all pron. entity tense d.m.
512 tokens
NLLB-200-3.3b 6.90 26.37 63.26 23.96 63.53 61.59 0.7592 870
LLaMA2-7b 10.60 24.49 73.89 17.51 72.70 66.85 0.6990 1551
ALMA-7b 15.40 31.82 88.35 19.69 88.22 82.30 0.7914 1608
GPT-4 20.40 38.24 91.03 39.43 90.34 82.35 0.8324 1863
\hdashline 1024 tokens
NLLB-200-3.3b 3.20 18.32 47.37 17.17 46.15 44.29 0.6888 709
LLaMA2-7b 9.30 20.57 64.09 11.60 66.44 59.74 0.7025 1648
ALMA-7b 7.70 19.82 68.49 13.30 71.00 62.49 0.7017 2223
GPT-4 20.60 39.20 91.12 40.87 90.32 82.87 0.8347 1821
\hdashline 2048 tokens
NLLB-200-3.3b 2.50 9.48 41.62 7.37 50.66 25.98 0.5009 1254
LLaMA2-7b 6.40 14.40 49.45 8.63 53.66 39.69 0.6778 1780
ALMA-7b 2.70 9.09 42.27 6.35 47.98 27.77 0.5433 2382
GPT-4 20.70 39.35 91.39 41.81 91.39 83.67 0.8359 1765
Table 7: Zero-shot performance on JAM data across LLMs. The chapter-level data are segmented into chunks containing at most 512, 1024, 2048 tokens. ACL = average chapter length in tokens; The ACL of sampled instances=1850.

The zero-shot evaluation on JAM dataset across different chunk sizes are shown in subsection B.3.

Refer to caption
Figure 8: Repetition ratio in the generation results for different input context length

B.4 Repetition Analysis on Zero-shot Translations

As illustrated in Figure 8, repetition is not an issue for sentence-level translation. However, the repetition ratio significantly increases as the input context length increases from 512 to 1024. Furthermore, Figure 9 shows that as the input length increases, the repetition start position also occurs earlier.

Refer to caption
Figure 9: Repetition start position across different input lengths. Left: The word index of repetition, Right: The relative position of repetition.

B.5 Post-processing on Fine-tune Translations

Post-processing eliminate repeated words and phrases in generated translations. Table 8 shows a comprehensive automatic metric comparison between translations with post-processing versus. without post-processing.

Model WMT22 JAM Post-processing BLEU BlonDe COMET
all pron. entity tense d.m.
ALMA-7B-Stage1 15.70 33.46 74.28 30.62 70.11 71.72 0.7806
ALMA-7B-Stage2 16.80 35.05 78.35 32.37 73.3 73.29 0.7812
ALMA-7B-Stage1 21.6 39.54 86.43 35.43 84.52 82.98 0.7986
ALMA-7B-Stage2 23.8 42.75 90.75 39.83 88.86 85.16 0.8092
Table 8: Automatic metric result of ALMA-7B translations on JAM, with versus without post repetition removal processing. Bold denotes best performance.