(Translated by https://www.hiragana.jp/)
Advancing Translation Preference Modeling with RLHF: A Step Towards Cost-Effective Solution

HTML conversions sometimes display errors due to content that did not convert correctly from the source. This paper uses the following packages that are not yet supported by the HTML conversion tool. Feedback on these issues are not necessary; they are known and are being worked on.

  • failed: mdwlist

Authors: achieve the best HTML results from your LaTeX submissions by following these best practices.

License: arXiv.org perpetual non-exclusive license
arXiv:2402.11525v3 [cs.CL] 27 Feb 2024

Advancing Translation Preference Modeling with RLHF: A Step Towards Cost-Effective Solution

Nuo Xu11{}^{1}start_FLOATSUPERSCRIPT 1 end_FLOATSUPERSCRIPT111Equal Contributions. ,  Jun Zhao11{}^{1}start_FLOATSUPERSCRIPT 1 end_FLOATSUPERSCRIPT111Equal Contributions.222Corresponding authors. ,  Can Zu11{}^{1}start_FLOATSUPERSCRIPT 1 end_FLOATSUPERSCRIPT,   Sixian Li11{}^{1}start_FLOATSUPERSCRIPT 1 end_FLOATSUPERSCRIPT,  Lu Chen11{}^{1}start_FLOATSUPERSCRIPT 1 end_FLOATSUPERSCRIPT,  Zhihao Zhang11{}^{1}start_FLOATSUPERSCRIPT 1 end_FLOATSUPERSCRIPT,  Rui Zheng11{}^{1}start_FLOATSUPERSCRIPT 1 end_FLOATSUPERSCRIPT,
  Shihan Dou11{}^{1}start_FLOATSUPERSCRIPT 1 end_FLOATSUPERSCRIPT,  Wenjuan Qin33{}^{3}start_FLOATSUPERSCRIPT 3 end_FLOATSUPERSCRIPT, Tao Gui22{}^{2}start_FLOATSUPERSCRIPT 2 end_FLOATSUPERSCRIPT222Corresponding authors. ,  Qi Zhang11{}^{1}start_FLOATSUPERSCRIPT 1 end_FLOATSUPERSCRIPT222Corresponding authors. ,  Xuanjing Huang11{}^{1}start_FLOATSUPERSCRIPT 1 end_FLOATSUPERSCRIPT
11{}^{1}start_FLOATSUPERSCRIPT 1 end_FLOATSUPERSCRIPT
School of Computer Science, Fudan University
22{}^{2}start_FLOATSUPERSCRIPT 2 end_FLOATSUPERSCRIPTInstitute of Modern Languages and Linguistics, Fudan University
33{}^{3}start_FLOATSUPERSCRIPT 3 end_FLOATSUPERSCRIPT College of Foreign Languages and Literature, Fudan University
xun22@m.fudan.edu.cn,{zhaoj19,qz,tgui}@fudan.edu.cn
Abstract

Faithfulness, expressiveness, and elegance is the constant pursuit in machine translation. However, traditional metrics like BLEU do not strictly align with human preference of translation quality. In this paper, we explore leveraging reinforcement learning with human feedback (RLHF) to improve translation quality. It is non-trivial to collect a large high-quality dataset of human comparisons between translations, especially for low-resource languages. To address this issue, we propose a cost-effective preference learning strategy, optimizing reward models by distinguishing between human and machine translations. In this manner, the reward model learns the deficiencies of machine translation compared to human and guides subsequent improvements in machine translation. Experimental results demonstrate that RLHF can effectively enhance translation quality and this improvement benefits other translation directions not trained with RLHF. Further analysis indicates that the model’s language capabilities play a crucial role in preference learning. A reward model with strong language capabilities can more sensitively learn the subtle differences in translation quality and align better with real human translation preferences.

1 Introduction

As a crucial technology facilitating communication between disparate languages and cultures, machine translation has long garnered significant attention from both academia and industry Yang et al. (2020). Recently, the emergence of large language models (LLMs) has propelled the field to new frontiers Yang et al. (2023); Zhu et al. (2023); Jiao et al. (2023b); Hendy et al. (2023). Pre-training on massive monolingual datasets has alleviated the reliance on extensive parallel corpora while enhancing translation quality Xu et al. (2024).

To enhance the translation capabilities of models, much of the research works have adopted one of two optimization objectives: one is through supervised fine-tuning of translation models to maximize the log probability of human translations Yang et al. (2023); Xu et al. (2024); the other is through the techniques like reinforcement learning, directly optimizing the similarity score (e.g., BLEU score Papineni et al. (2002)) between model outputs and human translations Ranzato et al. (2016); Wu et al. (2018); Wieting et al. (2019). Although both approaches have generally performed well, the objectives they optimize for are not fully aligned with human’s preferences for translation faithfulness, expressiveness and elegance Rei et al. (2020); Stiennon et al. (2020).

Fortunately, reinforcement learning from human feedback (RLHF) has been shown to be effective in aligning model behavior with human societal values Ouyang et al. (2022); Bai et al. (2022). This process integrates reward modeling, where human annotators rank different responses from models based on their preferences, and then normalizes model behavior through a reinforcement learning (RL) phase. However, it is non-trivial to collect a large high-quality preference dataset. Firstly, preference data often comes with noise and ambiguity, as there is low consistency among different human annotators Wang et al. (2024). More importantly, preference data annotation for translation tasks places higher demands on annotators’ linguistic capabilities, a challenge particularly pronounced in low-resource languages.

This paper explores improving translation quality through RLHF and proposes a cost-effective preference learning strategy. We avoid the need to construct expensive preference datasets and instead leverage the inductive bias that high-quality human translations are superior to machine-generated translations. The reward model learns human translation preferences by comparing the quality difference between the two, and subsequently guides the improvement of machine translation quality. To collect such high-quality human translations, we align books with multilingual versions. Our motivation for choosing books as the data source is as follows: 1) the original text is authored by writers and the target language is translated by professional translators, ensuring the quality of both texts; 2) compared to web text, book text typically contains more complex language structures, which is particularly beneficial for learning translation preferences; 3) aligning book text does not require as high a level of linguistic capabilities from annotators and can be assisted with external tools Wang et al. (2023). The experimental results indicate that the reward model effectively learns human translation preferences, and the translation quality of the model is significantly improved.

The main contributions of this paper are as follows: 1) We explore the use of RLHF to improve machine translation quality and propose a cost-effective preference learning strategy that avoids the need for expensive preference data construction; 2) Our experimental results demonstrate that RLHF can improve translation quality, and this improvement can be transferred to target languages not trained with RLHF; 3) Further analysis shows that reward models with strong language capabilities can more sensitively learn differences in translation quality and have stronger resistance to noise in the data.

2 Related works

2.1 Reinforcement Learning from Human Feedback

In recent years, research applying RLHF techniques to tasks involving LLMs has significantly increased  (Ouyang et al., 2022; Touvron et al., 2023b), aiming to align the behavior of these models more closely with human preferences. For instance, Stiennon et al. (2020) employ this technique to enhance the quality of summaries, while Bai et al. (2022) utilize it to enable the model to generate responses that are more harmless and useful.

These technique follows a systematic approach: firstly, collect task-specific human preference data. Then, use this data to train a reward model, which acts as a proxy for human preferences. During reinforcement learning, this reward model provides signals to guide model training. However, collecting human preference data is non-trivial, time-consuming, and labor-intensive, often requiring high demands on annotators and plagued by inconsistencies in annotation standards among them. Bai et al. (2022); Casper et al. (2023); Wang et al. (2024)

2.2 Human-like Alignment in Translation

Achieving human-level machine translation has long been a research goal, receiving ongoing attention.  Hassan et al. (2018); Wu et al. (2016); Läubli et al. (2018) Recent years, some studies have focused on improving the quality of machine translation through human feedback and alignment techniques.  Kreutzer et al. (2018) gather implicit task-based feedback, enhancing individual word translations and automatic evaluation measures.  Jiao et al. (2023a) employs contrastive instruction and error-guided instruction to align LLMs with human feedback.  He et al. (2024) attempt to leverage the quality estimation model as the reward model to predict human preference feedback.

Considering the methods above, the scarcity of human-preference data in translation has long been a bottleneck. Our approach differs, creatively utilizing meticulously translated human data as readily available preference data.

3 Improving Translation with RLHF

Refer to caption
Figure 1: An Overview of Modeling Translation Preferences using RLHF; To achieve cost-effective preference learning, we optimize the reward model in the second step by contrasting the deficiencies of SFT model translations with human expert translations, thus avoiding the expensive labeling of preference data.

To build a translation model that aligns with human translation preferences, we start with a generic pre-trained language model πpresuperscript𝜋pre\pi^{\text{pre}}italic_π start_POSTSUPERSCRIPT pre end_POSTSUPERSCRIPT (such as LLaMA Touvron et al. (2023a)), and follow the pipeline of the following three steps: 1) Supervised fine-tuning of πpresuperscript𝜋pre\pi^{\text{pre}}italic_π start_POSTSUPERSCRIPT pre end_POSTSUPERSCRIPT on parallel corpora yields a model πsftsuperscript𝜋sft\pi^{\text{sft}}italic_π start_POSTSUPERSCRIPT sft end_POSTSUPERSCRIPT with basic translation capabilities; 2) Training a reward model r𝑟ritalic_r on preference dataset 𝒟rmsubscript𝒟rm\mathcal{D}_{\text{rm}}caligraphic_D start_POSTSUBSCRIPT rm end_POSTSUBSCRIPT, which assigns high reward scores to translations that adhere to human preference; 3) Utilizing r𝑟ritalic_r as a proxy for human preferences, enhancing the translation quality of the model through reinforcement learning.

3.1 Supervised Fine-tuning to Acquire Basic Translation Capabilities

Given a parallel corpus 𝒟sft={(x(i),y(i))}i=1,..,n\mathcal{D}_{\text{sft}}=\{(x^{(i)},y^{(i)})\}_{i=1,..,n}caligraphic_D start_POSTSUBSCRIPT sft end_POSTSUBSCRIPT = { ( italic_x start_POSTSUPERSCRIPT ( italic_i ) end_POSTSUPERSCRIPT , italic_y start_POSTSUPERSCRIPT ( italic_i ) end_POSTSUPERSCRIPT ) } start_POSTSUBSCRIPT italic_i = 1 , . . , italic_n end_POSTSUBSCRIPT, where xisubscript𝑥𝑖x_{i}italic_x start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT represents the source-language text and yisubscript𝑦𝑖y_{i}italic_y start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT represents the corresponding reference translation, we utilize a fixed prompt template \mathcal{I}caligraphic_I and construct the training data as follows:

=absent\mathcal{I}=caligraphic_I =“Translate this from [SRC] to [TGT]:

[SRC]: <x𝑥xitalic_x> [TGT]: <y𝑦yitalic_y>”

where, ’SRC’ and ’TGT’ respectively represent the names of the source language and the target language. The translation model πsftsuperscript𝜋sft\pi^{\text{sft}}italic_π start_POSTSUPERSCRIPT sft end_POSTSUPERSCRIPT is optimized via the negative log-likelihood loss on parallel corpus 𝒟sftsuperscript𝒟sft\mathcal{D}^{\text{sft}}caligraphic_D start_POSTSUPERSCRIPT sft end_POSTSUPERSCRIPT as follows:

NLL=𝔼(x,y)𝒟sftlogπsft(y|x,),subscript𝑁𝐿𝐿subscript𝔼similar-to𝑥𝑦superscript𝒟sftsuperscript𝜋sftconditional𝑦𝑥\mathcal{L}_{NLL}=-\mathbb{E}_{(x,y)\sim\mathcal{D}^{\text{sft}}}\log\pi^{% \text{sft}}(y|x,\mathcal{I}),caligraphic_L start_POSTSUBSCRIPT italic_N italic_L italic_L end_POSTSUBSCRIPT = - blackboard_E start_POSTSUBSCRIPT ( italic_x , italic_y ) ∼ caligraphic_D start_POSTSUPERSCRIPT sft end_POSTSUPERSCRIPT end_POSTSUBSCRIPT roman_log italic_π start_POSTSUPERSCRIPT sft end_POSTSUPERSCRIPT ( italic_y | italic_x , caligraphic_I ) , (1)

The translation model πsftsuperscript𝜋sft\pi^{\text{sft}}italic_π start_POSTSUPERSCRIPT sft end_POSTSUPERSCRIPT acquired basic translation capabilities by maximizing the probability of reference translations.

3.2 Modeling Translation Preferences

To accurately model human preferences, high-quality preference data is crucial. A common practice used for modeling human value preferences is to prompt the model to generate two different outputs (y1,y2)πsft(|x)(y1,y2)\sim\pi^{\text{sft}}(\cdot|x)( italic_y 1 , italic_y 2 ) ∼ italic_π start_POSTSUPERSCRIPT sft end_POSTSUPERSCRIPT ( ⋅ | italic_x ) in response to a query x𝑥xitalic_x and then require annotators to choose their preferred one, i.e., yw>ylsubscript𝑦𝑤subscript𝑦𝑙y_{w}>y_{l}italic_y start_POSTSUBSCRIPT italic_w end_POSTSUBSCRIPT > italic_y start_POSTSUBSCRIPT italic_l end_POSTSUBSCRIPT. ywsubscript𝑦𝑤y_{w}italic_y start_POSTSUBSCRIPT italic_w end_POSTSUBSCRIPT and ylsubscript𝑦𝑙y_{l}italic_y start_POSTSUBSCRIPT italic_l end_POSTSUBSCRIPT denote the chosen and rejected response, respectively. However, constructing a large preference dataset for translation tasks requires annotators who are experts/native speaker in the specific languages, which greatly increases the annotation cost. For low-resource languages, finding a sufficient number of qualified annotators may even be impractical.

Unlike the aforementioned approach, we instead leverage the induction bias of ‘high-quality human translation is superior to machine-generated translation’ to collect preference data at a lower cost. These high-quality human translations are sourced from book data. Our motivation for selecting this data source is as follows: 1) Books’ original texts and their translated versions are completed by authors and professional translators, ensuring high text quality; 2) Book corpora contain more complex language structures compared to web text, which is highly beneficial for preference learning; 3) Aligning book data requires less stringent language proficiency from annotators and can be aided by external tools.

We optimize our reward model r𝑟ritalic_r by contrasting the differences between high-quality human translation and machine translation:

(r)=𝔼(x,yw,yl)𝒟rm[logσ(r(x,yw)r(x,yl))],𝑟subscript𝔼similar-to𝑥subscript𝑦𝑤subscript𝑦𝑙subscript𝒟rmdelimited-[]𝑙𝑜𝑔𝜎𝑟𝑥subscript𝑦𝑤𝑟𝑥subscript𝑦𝑙\mathcal{L}(r)=-\mathbb{E}_{(x,y_{w},y_{l})\sim\mathcal{D}_{\text{rm}}}[log% \sigma(r(x,y_{w})-r(x,y_{l}))],caligraphic_L ( italic_r ) = - blackboard_E start_POSTSUBSCRIPT ( italic_x , italic_y start_POSTSUBSCRIPT italic_w end_POSTSUBSCRIPT , italic_y start_POSTSUBSCRIPT italic_l end_POSTSUBSCRIPT ) ∼ caligraphic_D start_POSTSUBSCRIPT rm end_POSTSUBSCRIPT end_POSTSUBSCRIPT [ italic_l italic_o italic_g italic_σ ( italic_r ( italic_x , italic_y start_POSTSUBSCRIPT italic_w end_POSTSUBSCRIPT ) - italic_r ( italic_x , italic_y start_POSTSUBSCRIPT italic_l end_POSTSUBSCRIPT ) ) ] , (2)

where x𝑥xitalic_x represents the source language sentence, while ywsubscript𝑦𝑤y_{w}italic_y start_POSTSUBSCRIPT italic_w end_POSTSUBSCRIPT and ylsubscript𝑦𝑙y_{l}italic_y start_POSTSUBSCRIPT italic_l end_POSTSUBSCRIPT respectively denote a high-quality human translation and a machine-generated translation, and 𝒟rm={(x(i),yw(i),yl(i))}i=1,..,N\mathcal{D}_{\text{rm}}=\{(x^{(i)},y^{(i)}_{w},y^{(i)}_{l})\}_{i=1,..,N}caligraphic_D start_POSTSUBSCRIPT rm end_POSTSUBSCRIPT = { ( italic_x start_POSTSUPERSCRIPT ( italic_i ) end_POSTSUPERSCRIPT , italic_y start_POSTSUPERSCRIPT ( italic_i ) end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_w end_POSTSUBSCRIPT , italic_y start_POSTSUPERSCRIPT ( italic_i ) end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_l end_POSTSUBSCRIPT ) } start_POSTSUBSCRIPT italic_i = 1 , . . , italic_N end_POSTSUBSCRIPT is the preference dataset.

3.3 Improving Translation via RL Fine-tuning

During the Reinforcement Learning (RL) phase, we employ the acquired reward function to furnish feedback to the language model. Specifically, we refine the policy model πrlsuperscript𝜋𝑟𝑙\pi^{rl}italic_π start_POSTSUPERSCRIPT italic_r italic_l end_POSTSUPERSCRIPT to optimize the following reward objective:

rtotal=r(x,y)ηKL(πrl(y|x)||πsft(y|x)),r_{total}=r(x,y)-\eta KL(\pi^{\text{rl}}(y|x)||\pi^{\text{sft}}(y|x)),italic_r start_POSTSUBSCRIPT italic_t italic_o italic_t italic_a italic_l end_POSTSUBSCRIPT = italic_r ( italic_x , italic_y ) - italic_η italic_K italic_L ( italic_π start_POSTSUPERSCRIPT rl end_POSTSUPERSCRIPT ( italic_y | italic_x ) | | italic_π start_POSTSUPERSCRIPT sft end_POSTSUPERSCRIPT ( italic_y | italic_x ) ) , (3)

where η𝜂\etaitalic_η represents a coefficient regulating the extent of the KL penalty. The KL divergence component serves two main purposes within this framework. Firstly, it functions as an entropy bonus, maintaining diversity in generation and averting the collapse into singular high-reward responses Jaques et al. (2019). Secondly, it ensures that the output of the RL policy remains within a distribution where the reward model accurately reflects the performance, thereby preventing significant deviations.

4 Experimental Setup

4.1 Training Data Collection

We collect and utilize translation training data from three different sources. The detailed information of these datasets can be found in table  1.

Name of the dataset Translation direction Granularity Training Samples
English-Chinese Books En \Leftrightarrow Zh paragraph-level 60,0006000060,00060 , 000
Yiyan Corpus En \Leftrightarrow Zh sentence-level 30,0003000030,00030 , 000
United Nations Parallel Corpus En \Rightarrow Zh/ Fr/ Es/ Ru/ Ar sentence-level 60,0006000060,00060 , 000
Table 1: Details of translation training data. In English-Chinese Books dataset and Yiyan Corpus dataset, we simultaneously use both directions of parallel corpora. In United Nations Parallel Corpus, we utilize approximately 60,0006000060,00060 , 000 samples from English to each language.
Refer to caption
Figure 2: The process of constructing the English-Chinese book dataset.

English-Chinese Books. In order to collect rich human expression habits in book translation data, we manually construct an English-Chinese parallel book corpus dataset. The construction process of this dataset, as shown in Figure  2, can be divided into three steps: Firstly, alignment at the book level. We manually collect Chinese and English versions of several books, ensuring high quality for both versions selected, with translations being provided by skilled professional translators. Next, alignment at the chapter level is performed for each book’s Chinese and English versions. We parse the data of the entire book into text format and then compare the number and content of chapters for consistency. Finally, we align Chinese and English paragraphs at the paragraph level for each chapter through manual comparison and adjustment.

Yiyan Corpus.***https://corpus.bfsu.edu.cn/info/1070/1631.htm To enhance the diversity of the data and strengthen the model’s robustness to inputs of different lengths, we incorporate the Yiyan corpus, an English-Chinese Parallel Corpus. Specifically, we utilize the academic and novel sections, consisting of parallel sentences translated by human translators at the sentence level.

United Nations Parallel Corpus (UN). Ziemski et al. (2016) For our multilingual experiments, we use the UN training set, which was also manually translated. This dataset includes parallel data in six languages: English, Chinese, French, Spanish, Russian, and Arabic. We conduct experiments on translation from English to the other five languages. We randomly sample from the extensive dataset, ensuring English sentences contain a minimum of 30 words to guarantee richer information.

In the experiment for bidirectional English-Chinese translation, we mix English-Chinese books data with Yiyan Corpus data. For the multilingual experiment, we utilize the UN dataset.

4.2 Model

  • Ultra-LLaMA2-7B: Base model of our experiments. A variant of LLaMA2-7B further-pretrained on over 200B200𝐵200B200 italic_B Chinese tokens.

  • LLaMA2-7B  Touvron et al. (2023b): A LLM trained primarily in English. In certain experiment, we use this model as the control.

4.3 Evaluation

4.3.1 Metrics

When evaluating the quality of translation results, we employed three evaluation methods: GPT-4 comparative evaluation  OpenAI (2023) and COMET metrics  Rei et al. (2020) and human evaluation.

Refer to caption
Figure 3: Comparison between preference optimized models and the SFT model on Task En\rightarrowZh. G and H represent GPT-4 and humans as evaluators, respectively.
Refer to caption
Figure 4: Comparison between preference optimized models and the SFT model on Task Zh\rightarrowEn. G and H represent GPT-4 and humans as evaluators, respectively.

GPT-4. Due to its exceptional general-purpose capabilities, the GPT-4 model has emerged as a pioneering approach for evaluating NLP tasks. We present the original text of a given sentence alongside translations from both the SFT and RLHF models, allowing GPT-4 to compare them simultaneously and select the superior translation. In the prompt used during the tests, we explicitly included multidimensional evaluation criteria, including flexibility, fidelity, and accuracy and so on. To mitigate the impact of comparison order, we interchanged the positions of both models’ outputs for each test, conducting two evaluations simultaneously. Refer to the Table  5 in appendix for the complete prompt.

COMET. COMET is a neural framework for training multilingual machine translation evaluation models. It has been shown to have high correlation with human assessment and has become an increasingly widely used metric for machine translation evaluation  Kocmi et al. (2021). We select the reference-free quality evaluation model wmt22-cometkiwi-da  Rei et al. (2022). We compare the translation abilities of two models (SFT and RLHF models) by evaluating the relative COMET scores of their translation results for the same translated data.

Human Evaluation. When evaluating bidirectional English-Chinese translation, we also incorporate human evaluation. Proficient bilingual native speakers conduct assessments to compare translation quality.

4.3.2 Test Sets

We utilize the WMT23 test sets  Kocmi et al. (2023) and the Flores-200 devtest sets  Costa-jussà et al. (2022) to assess the model’s performance. Note that WMT23 does not cover all directions for the multilingual experiment, but as we employ comparative reference-free evaluation, we only use English data from the WMT23 test sets as the source.

5 Results and Disscussions

5.1 Main Results

Faithfulness Input

The synthesis of the pharmaceutical compound acetylsalicylic acid, commonly known as aspirin, marked a significant advancement in modern medicine.

SFT

ālíndechéngbiaōzhìzhaóxiàndaìxuédezhòngyaòjìn

RLHF

xiānshuĭyángsuān

ālínzhèchóngyaòdechéngbiaōzhìzhaóxiàndaìxuédezhòngyaòjìn

Commentary

In the translation by RLHF, the term ‘xiānshuĭyángsuānzhèchóngyaò’ corresponds to ‘the pharmaceutical compound acetylsalicylic acid’ in the input text, while in the translation by SFT, this expression is missing, reflecting an improvement in translation faithfulness.

Expressiveness Input

After years of practice, running a marathon was a piece of cake for her.

SFT

jīngguòduōniándeliànduìlaíshuōpaŏsōngjiùxiàngchīdàngaōyàngjiăndān

RLHF

jīngguòduōniándeduànliànpaŏsōngduìlaíshuōshìxiaŏcaìdiéliaŏ

Commentary

In the SFT translation, ‘xiàngchīdàngaōyàngjiăndān’ is a literal translation of "a piece of cake" in the input text. In contrast, the translation in RLHF, ‘xiaŏcaìdié’, is a more authentic Chinese expression, vivid and expressive. This case reflecting an enhancement in the expressive power of the translation.

Elegance Input

As the crimson hues of dusk melded with the cerulean tapestry of the night sky, the poet pondered over verses that could encapsulate the ephemeral beauty of the twilight.

SFT

jiànglíntiānkōngzhōngdelánweíhuánghūndehóngdiaòzaìshīrénkaīshĭkaŏyòngshīlaízhuōzhèduănzàndemeĭhaŏ

RLHF

jiànnóngfeīhóngdehuīkōngdeqīnglánjiaōzhīshīréncŭnzhaóyòngshīlaízhuōzhèzhuănshùnshìdemeĭjĭng

Commentary

Both ‘zhuănshùnshì’ and ‘duănzàn’ can be used to convey the meaning of ‘ephemeral’ in the input text, but the former implies a sense of regret and sorrow for the fleeting nature of beautiful things, while the latter is a neutral term, simply describing temporal brevity. This example demonstrates an improvement in the elegance of the translation.

Table 2: An case study on modeling human translation preference through RLHF. The yellow background text reflects the improved translation quality of RLHF compared to SFT.

Is it feasible to model translation preferences without explicit preference annotations?

This paper explores the feasibility of modeling human translation preferences in the absence of explicit preference annotations. By comparing the deficiencies of machine translation with human translation, the reward model learns human translation preferences, thus circumventing the need for costly preference data annotation. In this subsection, we empirically validate the effectiveness of this approach. Specifically, we use high-quality English-Chinese parallel corpora (refer to Section 4.1) as preferred data, while data generated by the SFT model (also fine-tuned using pre-heldout book data) serves as dispreferred data. From Figure 3 and 4, we observe that on the WMT23 and FLORES datasets, our preference-optimized model exhibits significantly improved win rates compared to the SFT model, regardless of whether the evaluator is GPT-4 or human. This indicates that with access to high-quality parallel corpora, even in the absence of explicit preference annotations, we can learn human translation preferences and improve the translation quality of the model. In Table 2, we demonstrate the quality improvement of translations after preference optimization through three cases.

Refer to caption
Figure 5: After replacing the base model in Figure 3 with LLaMA, compare the preference optimized model and the SFT model in the En\rightarrowZh translation direction.
Dataset Evaluator Results Translation Direction
En\rightarrowFr En\rightarrowEs En\rightarrowRu En\rightarrowZh En\rightarrowAr
WMT23 GPT-4 SFT Win 0.5100.510\bm{0.510}bold_0.510 0.4320.4320.4320.432 0.4620.4620.4620.462 0.3950.3950.3950.395 0.4470.4470.4470.447
RLHF Win 0.4300.4300.4300.430 0.4390.439\bm{0.439}bold_0.439 0.4900.490\bm{0.490}bold_0.490 0.5520.552\bm{0.552}bold_0.552 0.5340.534\bm{0.534}bold_0.534
Tie 0.0600.0600.0600.060 0.1290.1290.1290.129 0.0480.0480.0480.048 0.0530.0530.0530.053 0.0190.0190.0190.019
COMET SFT Win 0.4160.4160.4160.416 0.3860.3860.3860.386 0.4500.4500.4500.450 0.3260.3260.3260.326 0.4500.4500.4500.450
RLHF Win 0.5440.544\bm{0.544}bold_0.544 0.5060.506\bm{0.506}bold_0.506 0.5160.516\bm{0.516}bold_0.516 0.6340.634\bm{0.634}bold_0.634 0.5500.550\bm{0.550}bold_0.550
Tie 0.0400.0400.0400.040 0.1080.1080.1080.108 0.0340.0340.0340.034 0.0400.0400.0400.040 0.0000.0000.0000.000
FLORES GPT-4 SFT Win 0.4950.495\bm{0.495}bold_0.495 0.3780.3780.3780.378 0.4550.4550.4550.455 0.3470.3470.3470.347 0.4160.4160.4160.416
RLHF Win 0.4170.4170.4170.417 0.3960.396\bm{0.396}bold_0.396 0.4770.477\bm{0.477}bold_0.477 0.5870.587\bm{0.587}bold_0.587 0.5520.552\bm{0.552}bold_0.552
Tie 0.0880.0880.0880.088 0.2260.2260.2260.226 0.0680.0680.0680.068 0.0660.0660.0660.066 0.0320.0320.0320.032
COMET SFT Win 0.3980.3980.3980.398 0.3440.3440.3440.344 0.4240.4240.4240.424 0.3280.3280.3280.328 0.4480.4480.4480.448
RLHF Win 0.5360.536\bm{0.536}bold_0.536 0.4720.472\bm{0.472}bold_0.472 0.5260.526\bm{0.526}bold_0.526 0.6240.624\bm{0.624}bold_0.624 0.5520.552\bm{0.552}bold_0.552
Tie 0.0660.0660.0660.066 0.1840.1840.1840.184 0.0500.0500.0500.050 0.0480.0480.0480.048 0.0000.0000.0000.000
Table 3: Results of preference modeling in five translation directions on the UN dataset.

The language capability of reward model is crucial for preference learning.

In the previous part of the experiment, we utilize Ultra-LLaMA as the base model, which is a variant of LLaMA further-pretrained on over 200B200𝐵200B200 italic_B Chinese tokens. To investigate the impact of language capability differences on preference learning, we replace the base model with original LLaMA, which has a relatively weaker processing capability for Chinese. We construct the SFT model using the same experimental data and training scheme as in the previous section and further optimize it for human preferences. As observed from Figure 5, the win rate of the preference-optimized model significantly decreased in comparison with the SFT model, and it even lost to the SFT model in human evaluations. It is worth noting that the SFT model trained on original LLaMA inherently lacks translation capabilities compared to the SFT model based on Ultra-LLaMA, thus highlighting more pronounced differences in the quality of generated translations compared to human translations. Intuitively, this should decrease the learning difficulty of the reward model. However, the reward model constructed based on original LLaMA failed to effectively model human translation preferences. Therefore, we believe that the language capability of reward models plays an important role in preference learning.

Translation Direction Optimized by RLHF Evaluator Results Transferred Translation Direction
En\rightarrowFr En\rightarrowEs En\rightarrowRu En\rightarrowZh En\rightarrowAr
En\rightarrowZh GPT-4 SFT Win 0.4430.4430.4430.443 0.4480.4480.4480.448 0.4180.4180.4180.418 -- 0.3550.3550.3550.355
RLHF Win 0.5400.540\bm{0.540}bold_0.540 0.4930.493\bm{0.493}bold_0.493 0.5630.563\bm{0.563}bold_0.563 -- 0.5630.563\bm{0.563}bold_0.563
Tie 0.0180.0180.0180.018 0.0300.0300.0300.030 0.0200.0200.0200.020 -- 0.0830.0830.0830.083
COMET SFT Win 0.3900.3900.3900.390 0.4100.4100.4100.410 0.4750.4750.4750.475 -- 0.4200.4200.4200.420
RLHF Win 0.6100.610\bm{0.610}bold_0.610 0.5900.590\bm{0.590}bold_0.590 0.5250.525\bm{0.525}bold_0.525 -- 0.5800.580\bm{0.580}bold_0.580
Tie 0.0000.0000.0000.000 0.0000.0000.0000.000 0.0000.0000.0000.000 -- 0.0000.0000.0000.000
En\rightarrowAr GPT-4 SFT Win 0.4580.4580.4580.458 0.4650.465\bm{0.465}bold_0.465 0.4550.4550.4550.455 0.4850.485\bm{0.485}bold_0.485 --
RLHF Win 0.5100.510\bm{0.510}bold_0.510 0.4580.4580.4580.458 0.5330.533\bm{0.533}bold_0.533 0.4850.485\bm{0.485}bold_0.485 --
Tie 0.0330.0330.0330.033 0.0780.0780.0780.078 0.0130.0130.0130.013 0.0300.0300.0300.030 --
COMET SFT Win 0.4100.4100.4100.410 0.5050.505\bm{0.505}bold_0.505 0.4350.4350.4350.435 0.5800.580\bm{0.580}bold_0.580 --
RLHF Win 0.5900.590\bm{0.590}bold_0.590 0.4950.4950.4950.495 0.5650.565\bm{0.565}bold_0.565 0.4200.4200.4200.420 --
Tie 0.0000.0000.0000.000 0.0000.0000.0000.000 0.0000.0000.0000.000 0.0000.0000.0000.000 --
Table 4: Cross-lingual Transfer Results of Translation Preferences.

5.2 The Impact of the Inherent Nature of Human Translation

Refer to caption
Figure 6: Quality Analysis of UN Datasets.

The book dataset used in the previous section has high textual quality, containing complex linguistic structures and grammar phenomena, and is diverse in its domain sources. In contrast, the UN originates from specific domains and lacks complex linguistic structures and rhetorical devices commonly found in governmental documents. In this section, we conduct multilingual experiments using the UN dataset to explore the influence of intrinsic properties of the data on preference learning.

For simple domain-specific parallel corpora, the quality of machine translations is comparable to human translations.

As shown in Figure 6 (left), using COMET as the evaluation metric, we find that the difference in quality between translations from the SFT model and human translations is minimal. Especially for French and Spanish, only 50%percent5050\%50 % and 54%percent5454\%54 % of human translations respectively outperform translations from the SFT model. This indicates that when parallel corpora do not contain complex linguistic sources or sentence structures, the SFT model can already achieve results comparable to human translations. Clearly, the induction bias of "human translations are superior to translations from the SFT model" is no longer valid for such datasets.

Similar translation quality increases the difficulty of preference learning.

To explore preference learning on the United Nations dataset, we first remove 50%percent5050\%50 % of the data with small differences in COMET scores, retaining data pairs with relatively clear preference tendencies. However, as shown in Figure 6 (right), in the directions of French and Spanish, nearly 50%percent5050\%50 % of SFT translations still outperform human translations. Therefore, we reannotate based on COMET scores to construct a preference dataset. As shown in Table 3, translation models optimized for preferences significantly outperform the SFT model in all five translation directions in terms of COMET scores. This is easily understood since our preference labels are derived from COMET scores. However, learned preferences may not necessarily be generalizable and aligned with human preferences. The evaluation results of GPT-4 in Table 3 indicate that in the English to Spanish and Russian directions, the preference-optimized model only has a slight advantage, and in the case of French, it even loses to the SFT model. This is mainly because the difference between SFT and human translations is minimal in French. In contrast, in the English to Arabic direction, the preference-optimized model consistently and significantly improves, mainly due to the distinct differences in preference data itself, making it easier for the reward model to learn generalizable translation preferences.

5.3 Transferability Analysis

With the powerful Chinese capabilities of the reward model and the notable quality disparities in Arabic preference data, translation models have achieved effective alignment with human preferences in both English-to-Chinese and English-to-Arabic directions. In this section, we explore through experiments whether learned translation preferences can be transferred across languages. As observed from Table 4, RLHF training solely on tasks in English-to-Chinese translation, the learned human preferences can effectively transfer to other languages and consistently improve performance. Similarly, when English-to-Arabic translation is used as the source task, improvements are also evident in tasks such as English-to-French and English-to-Russian translation. This indicates that aligning with and transferring from human preferences in other translation directions can be a viable strategy when the current translation direction lacks reward models with strong language capabilities or high-quality preference data.

6 Conclusions

This paper explores modeling translation preferences with RLHF to improve the quality of machine translation. We propose a cost-effective preference learning strategy, optimizing reward models by contrasting deficiencies in machine translation compared to human translation. Learning human preferences while avoiding expensive preference data annotation. Further analysis suggests that the language capability of the reward model and the nature of the data itself affect the effectiveness of preference learning. Additionally, learned preferences exhibit cross-lingual transfer phenomena. This may be beneficial for preference modeling in low-resource languages.

Limitations

Due to cost limitations, we only collected English-Chinese aligned book data as a substitute for preference data, without covering more translation directions. Additionally, our human evaluations were limited to English-Chinese translation, with GPT-4 used as a proxy for manual evaluations in other translation directions. In the future, we will attempt to align with human translation preferences in more languages, especially low-resource languages, and conduct comprehensive manual evaluations in more translation directions.

References

  • Bai et al. (2022) Yuntao Bai, Andy Jones, Kamal Ndousse, Amanda Askell, Anna Chen, Nova DasSarma, Dawn Drain, Stanislav Fort, Deep Ganguli, Tom Henighan, Nicholas Joseph, Saurav Kadavath, Jackson Kernion, Tom Conerly, Sheer El-Showk, Nelson Elhage, Zac Hatfield-Dodds, Danny Hernandez, Tristan Hume, Scott Johnston, Shauna Kravec, Liane Lovitt, Neel Nanda, Catherine Olsson, Dario Amodei, Tom Brown, Jack Clark, Sam McCandlish, Chris Olah, Ben Mann, and Jared Kaplan. 2022. Training a helpful and harmless assistant with reinforcement learning from human feedback.
  • Casper et al. (2023) Stephen Casper, Xander Davies, Claudia Shi, Thomas Krendl Gilbert, Jérémy Scheurer, Javier Rando, Rachel Freedman, Tomasz Korbak, David Lindner, Pedro Freire, Tony Wang, Samuel Marks, Charbel-Raphaël Ségerie, Micah Carroll, Andi Peng, Phillip J. K. Christoffersen, Mehul Damani, Stewart Slocum, Usman Anwar, Anand Siththaranjan, Max Nadeau, Eric J. Michaud, Jacob Pfau, Dmitrii Krasheninnikov, Xin Chen, Lauro Langosco, Peter Hase, Erdem Biyik, Anca D. Dragan, David Krueger, Dorsa Sadigh, and Dylan Hadfield-Menell. 2023. Open problems and fundamental limitations of reinforcement learning from human feedback. CoRR, abs/2307.15217.
  • Costa-jussà et al. (2022) Marta R. Costa-jussà, James Cross, Onur Çelebi, Maha Elbayad, Kenneth Heafield, Kevin Heffernan, Elahe Kalbassi, Janice Lam, Daniel Licht, Jean Maillard, Anna Y. Sun, Skyler Wang, Guillaume Wenzek, Al Youngblood, Bapi Akula, Loïc 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. 2022. No language left behind: Scaling human-centered machine translation. CoRR, abs/2207.04672.
  • Hassan et al. (2018) Hany Hassan, Anthony Aue, Chang Chen, Vishal Chowdhary, Jonathan Clark, Christian Federmann, Xuedong Huang, Marcin Junczys-Dowmunt, William Lewis, Mu Li, Shujie Liu, Tie-Yan Liu, Renqian Luo, Arul Menezes, Tao Qin, Frank Seide, Xu Tan, Fei Tian, Lijun Wu, Shuangzhi Wu, Yingce Xia, Dongdong Zhang, Zhirui Zhang, and Ming Zhou. 2018. Achieving human parity on automatic chinese to english news translation. CoRR, abs/1803.05567.
  • He et al. (2024) Zhiwei He, Xing Wang, Wenxiang Jiao, Zhuosheng Zhang, Rui Wang, Shuming Shi, and Zhaopeng Tu. 2024. Improving machine translation with human feedback: An exploration of quality estimation as a reward model. CoRR, abs/2401.12873.
  • 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. 2023. How good are gpt models at machine translation? a comprehensive evaluation.
  • Jaques et al. (2019) Natasha Jaques, Asma Ghandeharioun, Judy Hanwen Shen, Craig Ferguson, Àgata Lapedriza, Noah Jones, Shixiang Gu, and Rosalind W. Picard. 2019. Way off-policy batch deep reinforcement learning of implicit human preferences in dialog. CoRR, abs/1907.00456.
  • Jiao et al. (2023a) Wenxiang Jiao, Jen-tse Huang, Wenxuan Wang, Zhiwei He, Tian Liang, Xing Wang, Shuming Shi, and Zhaopeng Tu. 2023a. Parrot: Translating during chat using large language models tuned with human translation and feedback. In Findings of the Association for Computational Linguistics: EMNLP 2023, Singapore, December 6-10, 2023, pages 15009–15020. Association for Computational Linguistics.
  • Jiao et al. (2023b) Wenxiang Jiao, Wenxuan Wang, Jen tse Huang, Xing Wang, Shuming Shi, and Zhaopeng Tu. 2023b. Is chatgpt a good translator? yes with gpt-4 as the engine.
  • Kocmi et al. (2023) Tom Kocmi, Eleftherios Avramidis, Rachel Bawden, Ondrej Bojar, Anton Dvorkovich, Christian Federmann, Mark Fishel, Markus Freitag, Thamme Gowda, Roman Grundkiewicz, Barry Haddow, Philipp Koehn, Benjamin Marie, Christof Monz, Makoto Morishita, Kenton Murray, Makoto Nagata, Toshiaki Nakazawa, Martin Popel, Maja Popovic, and Mariya Shmatova. 2023. Findings of the 2023 conference on machine translation (WMT23): llms are here but not quite there yet. In Proceedings of the Eighth Conference on Machine Translation, WMT 2023, Singapore, December 6-7, 2023, pages 1–42. Association for Computational Linguistics.
  • Kocmi et al. (2021) Tom Kocmi, Christian Federmann, Roman Grundkiewicz, Marcin Junczys-Dowmunt, Hitokazu Matsushita, and Arul Menezes. 2021. To ship or not to ship: An extensive evaluation of automatic metrics for machine translation. In Proceedings of the Sixth Conference on Machine Translation, WMT@EMNLP 2021, Online Event, November 10-11, 2021, pages 478–494. Association for Computational Linguistics.
  • Kreutzer et al. (2018) Julia Kreutzer, Shahram Khadivi, Evgeny Matusov, and Stefan Riezler. 2018. Can neural machine translation be improved with user feedback? In Proceedings of the 2018 Conference of the North American Chapter of the Association for Computational Linguistics: Human Language Technologies, NAACL-HLT 2018, New Orleans, Louisiana, USA, June 1-6, 2018, Volume 3 (Industry Papers), pages 92–105. Association for Computational Linguistics.
  • Läubli et al. (2018) Samuel Läubli, Rico Sennrich, and Martin Volk. 2018. Has machine translation achieved human parity? A case for document-level evaluation. In Proceedings of the 2018 Conference on Empirical Methods in Natural Language Processing, Brussels, Belgium, October 31 - November 4, 2018, pages 4791–4796. Association for Computational Linguistics.
  • OpenAI (2023) OpenAI. 2023. GPT-4 technical report. CoRR, abs/2303.08774.
  • Ouyang et al. (2022) Long Ouyang, Jeff Wu, Xu Jiang, Diogo Almeida, Carroll L. Wainwright, Pamela Mishkin, Chong Zhang, Sandhini Agarwal, Katarina Slama, Alex Ray, John Schulman, Jacob Hilton, Fraser Kelton, Luke Miller, Maddie Simens, Amanda Askell, Peter Welinder, Paul Christiano, Jan Leike, and Ryan Lowe. 2022. Training language models to follow instructions with human feedback.
  • Papineni et al. (2002) Kishore Papineni, Salim Roukos, Todd Ward, and Wei-Jing Zhu. 2002. Bleu: a method for automatic evaluation of machine translation. In Proceedings of the 40th Annual Meeting on Association for Computational Linguistics, ACL ’02, page 311–318, USA. Association for Computational Linguistics.
  • Ranzato et al. (2016) Marc’Aurelio Ranzato, Sumit Chopra, Michael Auli, and Wojciech Zaremba. 2016. Sequence level training with recurrent neural networks.
  • Rei et al. (2020) Ricardo Rei, Craig Stewart, Ana C. Farinha, and Alon Lavie. 2020. COMET: A neural framework for MT evaluation. In Proceedings of the 2020 Conference on Empirical Methods in Natural Language Processing, EMNLP 2020, Online, November 16-20, 2020, pages 2685–2702. Association for Computational Linguistics.
  • Rei et al. (2022) Ricardo Rei, Marcos V. Treviso, Nuno Miguel Guerreiro, Chrysoula Zerva, Ana C. Farinha, Christine Maroti, José G. C. de Souza, Taisiya Glushkova, Duarte M. Alves, Luísa Coheur, Alon Lavie, and André F. T. Martins. 2022. Cometkiwi: Ist-unbabel 2022 submission for the quality estimation shared task. In Proceedings of the Seventh Conference on Machine Translation, WMT 2022, Abu Dhabi, United Arab Emirates (Hybrid), December 7-8, 2022, pages 634–645. Association for Computational Linguistics.
  • Stiennon et al. (2020) Nisan Stiennon, Long Ouyang, Jeff Wu, Daniel M. Ziegler, Ryan Lowe, Chelsea Voss, Alec Radford, Dario Amodei, and Paul F. Christiano. 2020. Learning to summarize from human feedback. CoRR, abs/2009.01325.
  • Touvron et al. (2023a) Hugo Touvron, Thibaut Lavril, Gautier Izacard, Xavier Martinet, Marie-Anne Lachaux, Timothée Lacroix, Baptiste Rozière, Naman Goyal, Eric Hambro, Faisal Azhar, Aurelien Rodriguez, Armand Joulin, Edouard Grave, and Guillaume Lample. 2023a. Llama: Open and efficient foundation language models.
  • Touvron et al. (2023b) 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, Aurélien Rodriguez, Robert Stojnic, Sergey Edunov, and Thomas Scialom. 2023b. Llama 2: Open foundation and fine-tuned chat models. CoRR, abs/2307.09288.
  • Wang et al. (2024) Binghai Wang, Rui Zheng, Lu Chen, Yan Liu, Shihan Dou, Caishuang Huang, Wei Shen, Senjie Jin, Enyu Zhou, Chenyu Shi, Songyang Gao, Nuo Xu, Yuhao Zhou, Xiaoran Fan, Zhiheng Xi, Jun Zhao, Xiao Wang, Tao Ji, Hang Yan, Lixing Shen, Zhan Chen, Tao Gui, Qi Zhang, Xipeng Qiu, Xuanjing Huang, Zuxuan Wu, and Yu-Gang Jiang. 2024. Secrets of rlhf in large language models part ii: Reward modeling.
  • Wang et al. (2023) Longyue Wang, Zefeng Du, DongHuai Liu, Deng Cai, Dian Yu, Haiyun Jiang, Yan Wang, Shuming Shi, and Zhaopeng Tu. 2023. Guofeng: A discourse-aware evaluation benchmark for language understanding, translation and generation.
  • Wieting et al. (2019) John Wieting, Taylor Berg-Kirkpatrick, Kevin Gimpel, and Graham Neubig. 2019. Beyond BLEU:training neural machine translation with semantic similarity. In Proceedings of the 57th Annual Meeting of the Association for Computational Linguistics, pages 4344–4355, Florence, Italy. Association for Computational Linguistics.
  • Wu et al. (2018) Lijun Wu, Fei Tian, Tao Qin, Jianhuang Lai, and Tie-Yan Liu. 2018. A study of reinforcement learning for neural machine translation. In Proceedings of the 2018 Conference on Empirical Methods in Natural Language Processing, pages 3612–3621, Brussels, Belgium. Association for Computational Linguistics.
  • Wu et al. (2016) Yonghui Wu, Mike Schuster, Zhifeng 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 Smith, Jason Riesa, Alex Rudnick, Oriol Vinyals, Greg Corrado, Macduff Hughes, and Jeffrey Dean. 2016. Google’s neural machine translation system: Bridging the gap between human and machine translation. CoRR, abs/1609.08144.
  • Xu et al. (2024) Haoran Xu, Young Jin Kim, Amr Sharaf, and Hany Hassan Awadalla. 2024. A paradigm shift in machine translation: Boosting translation performance of large language models.
  • Yang et al. (2020) Shuoheng Yang, Yuxin Wang, and Xiaowen Chu. 2020. A survey of deep learning techniques for neural machine translation.
  • Yang et al. (2023) Wen Yang, Chong Li, Jiajun Zhang, and Chengqing Zong. 2023. Bigtranslate: Augmenting large language models with multilingual translation capability over 100 languages.
  • Zhu et al. (2023) Wenhao Zhu, Hongyi Liu, Qingxiu Dong, Jingjing Xu, Shujian Huang, Lingpeng Kong, Jiajun Chen, and Lei Li. 2023. Multilingual machine translation with large language models: Empirical results and analysis.
  • Ziemski et al. (2016) Michal Ziemski, Marcin Junczys-Dowmunt, and Bruno Pouliquen. 2016. The united nations parallel corpus v1.0. In Proceedings of the Tenth International Conference on Language Resources and Evaluation LREC 2016, Portorož, Slovenia, May 23-28, 2016. European Language Resources Association (ELRA).

Appendix A Implementation Details

SFT stage. In the English-Chinese model, we use 1/3131/31 / 3 of the dataset, with a learning rate of 5e65𝑒65e-65 italic_e - 6, training for 2222 epochs; In the multilingual model, approximately 3/4343/43 / 4 of the training data is used for 1111 epoch, with a learning rate of 5e65𝑒65e-65 italic_e - 6.

RM training stage. The reward model is initialized with the previous stage’s SFT model. In the English-Chinese model, the remaining 2/3232/32 / 3 of the training data are used to form chosen-rejected pairs with the data generated by the SFT model; In the multilingual model, the remaining 1/4141/41 / 4 of the training data is utilized, and only the top 50%percent5050\%50 % of high-confidence data selected by the COMET model, is used to train the RM. Training continues with dynamic batch processing until early stopping criteria are met.

RL stage. For English-Chinese model, we reuse the inputs from the RM stage’s training data as queries, and for multilingual model, we use English monolingual book data obtained from web crawling as queries. We set the KL divergence penalty coefficient to 0.020.020.020.02, and trained until early stopping criteria were met.

You are a translation expert, and I need your help in impartially judging the quality of two translations. The judging criteria are as follows:

Flexibility of Translation: A good translation is not confined to the original form, and it should be smooth and clear. Poor-quality translations appear rigid and awkward, merely translating word-for-word according to the original form.

Fidelity of Translation: A good translation should faithfully reflect the content of the original text. It should not introduce content that does not exist in the original, nor should it omit content present in the original.

Accuracy and Elegance of Phrasing: In a good translation, phrases and wording should adhere to the conventions of the target language, and they should be as accurate and elegant as possible.

Next, I will provide you with the original text and two translations. Please let me know which one is better according to these criteria. Please give your judgment directly and do not output additional explanations.

Table 5: Prompt template for GPT4 evaluaiton.