diff --git a/.gitignore b/.gitignore index 975098f..7f9d9f1 100644 --- a/.gitignore +++ b/.gitignore @@ -1,4 +1,4 @@ -_pycache__/ +_pycache__ *.pt !latest_checkpoint.pt !latest_model.pt diff --git a/MyLSTM.py b/MyLSTM.py index 40a4fa2..94d6117 100644 --- a/MyLSTM.py +++ b/MyLSTM.py @@ -1,7 +1,6 @@ import torch import torch.nn as nn from MyLayer import SoftTanh, SoftSigmoid, AdaptiveSoftTanh -import random from typing import Tuple, List, Optional @@ -32,12 +31,14 @@ class MyLSTM(nn.Module): def init_hidden( self, batch_size: int, device: torch.device, - h_state: torch.Tensor = Optional[None], c_state: torch.Tensor = Optional[None] + h_state: Optional[torch.Tensor] = None, c_state: Optional[torch.Tensor] = None ) -> None: - self.h_state = torch.zeros(batch_size, self.hidden_size, device=device) \ - if h_state is not None else h_state - self.c_state = torch.zeros(batch_size, self.hidden_size, device=device) \ - if c_state is not None else c_state + self.h_state = h_state if h_state is not None else torch.zeros( + batch_size, self.hidden_size, device=device + ) + self.c_state = c_state if c_state is not None else torch.zeros( + batch_size, self.hidden_size, device=device + ) self.initialized = True def _forward_seq(self, x: torch.Tensor) \ @@ -46,10 +47,11 @@ class MyLSTM(nn.Module): # 存储所有时间步的输出 output = [] - normed = self.norm(x) + x_o = x + x = self.norm(x) # 遍历序列的每个时间步 for t in range(T): - x_t = normed[:, t, :] # 当前时间步输入 (B, C) + x_t = x[:, t, :] # 当前时间步输入 (B, C) # 合并计算所有门的线性变换 (batch_size, 4*hidden_size) gates = x_t @ self.W_i.t() + self.h_state @ self.W_h.t() + self.bias @@ -62,17 +64,12 @@ class MyLSTM(nn.Module): g_t = SoftTanh(g_gate) # 候选门 o_t = SoftSigmoid(o_gate) # 输出门 - # i_t = torch.sigmoid(i_gate) # 输入门 - # f_t = torch.sigmoid(f_gate) # 遗忘门 - # g_t = torch.tanh(g_gate) # 候选门 - # o_t = torch.sigmoid(o_gate) # 输出门 # 更新细胞状态 self.c_state = f_t * self.c_state + i_t * g_t # 更新隐藏状态 self.h_state = o_t * SoftTanh(self.c_state) - # self.h_state = o_t * torch.tanh(self.c_state) # 当前时间步输出 output.append(self.h_state) @@ -82,7 +79,7 @@ class MyLSTM(nn.Module): # 添加残差连接 if self.input_size == self.hidden_size: - output = output + x + output = output + x_o else: output = output @@ -90,9 +87,10 @@ class MyLSTM(nn.Module): def _forward_step(self, x: torch.Tensor) \ -> torch.Tensor: - normed = self.norm(x) + x_o = x + x = self.norm(x) # 合并计算所有门的线性变换 (batch_size, 4*hidden_size) - gates = normed @ self.W_i.t() + self.h_state @ self.W_h.t() + self.bias + gates = x @ self.W_i.t() + self.h_state @ self.W_h.t() + self.bias # 分割为四个门 (每个都是batch_size, hidden_size) i_gate, f_gate, g_gate, o_gate = gates.chunk(4, dim=-1) @@ -101,35 +99,29 @@ class MyLSTM(nn.Module): f_t = SoftSigmoid(f_gate) # 遗忘门 g_t = SoftTanh(g_gate) # 候选门 o_t = SoftSigmoid(o_gate) # 输出门 - - # i_t = torch.sigmoid(i_gate) # 输入门 - # f_t = torch.sigmoid(f_gate) # 遗忘门 - # g_t = torch.tanh(g_gate) # 候选门 - # o_t = torch.sigmoid(o_gate) # 输出门 # 更新细胞状态 self.c_state = f_t * self.c_state + i_t * g_t # 更新隐藏状态 self.h_state = o_t * SoftTanh(self.c_state) - # self.h_state = o_t * torch.tanh(self.c_state) # 当前时间步输出 output = self.h_state # 添加残差连接 if self.input_size == self.hidden_size: - output = output + x + output = output + x_o else: output = output return self.dropout(output) def forward(self, x) -> torch.Tensor: - if not self.initialized: - B = x.size(0) - self.init_hidden(B, x.device) - self.initialized = True + if self.initialized is False: + batch_size = x.size(0) + device = x.device + self.init_hidden(batch_size, device) if x.dim() == 2: return self._forward_step(x) @@ -188,8 +180,6 @@ class LSTMDecoder(nn.Module): for _ in range(num_layers) ]) self.fc = nn.Linear(embedding_dim, vocab_size) - - self.initialized = False def init_hidden( self, batch_size: int, device: torch.device, @@ -197,40 +187,16 @@ class LSTMDecoder(nn.Module): ) -> None: for i, layer in enumerate(self.layers): layer.init_hidden(batch_size, device, h[i], c[i]) - self.initialized = True - - def _forward_step(self, x: torch.Tensor) -> torch.Tensor: - output = x - for i, layer in enumerate(self.layers): - output = layer(output) - return output - def _forward_seq(self, x: torch.Tensor, tfr: float = 0.0) -> torch.Tensor: - _, T, _ = x.shape - outputs = [] - for t in range(T): - if t == 0 or random.random() < tfr: - outputs.append(self._forward_step(x[:, t, :])) - else: - logits = torch.argmax(self.fc(outputs[-1].clone().detach()), dim=-1) - previous = self.embedding(logits) - outputs.append(self._forward_step(previous)) - outputs = torch.stack(outputs, dim=1) - return outputs - - def forward(self, x: torch.Tensor, tfr: float = 0.0): + def forward(self, x: torch.Tensor): x = self.embedding(x) - if x.dim() == 3: - return self.fc(self._forward_seq(x, tfr=tfr)) - elif x.dim() == 2: - return self.fc(self._forward_step(x)) - else: - raise ValueError("input dim must be 2(step) or 3(sequence)") + for layer in self.layers: + x = layer(x) + return self.fc(x) def reset(self): for layer in self.layers: layer.reset() - self.initialized = True class Seq2SeqLSTM(nn.Module): @@ -248,13 +214,13 @@ class Seq2SeqLSTM(nn.Module): padding_idx=padding_idx, num_layers=num_layers, dropout=dropout ) - def forward(self, src: torch.Tensor, tgt: torch.Tensor, tfr: float = 0) -> torch.Tensor: + def forward(self, src: torch.Tensor, tgt: torch.Tensor) -> torch.Tensor: self.reset() h, c = self.encoder(src) batch_size = src.size(0) device = src.device self.decoder.init_hidden(batch_size, device, h, c) - return self.decoder(tgt, tfr=tfr) + return self.decoder(tgt) def reset(self): self.encoder.reset() @@ -268,69 +234,46 @@ class Seq2SeqLSTM(nn.Module): pad_token_id: int, max_length: int ) -> torch.Tensor: - """ - 推理阶段的序列生成方法(支持批处理) - Args: - src: 已添加BOS/EOS并填充的源序列 (batch_size, src_len) - bos_token_id: 起始符token ID - eos_token_id: 结束符token ID - pad_token_id: 填充符token ID - max_length: 最大生成长度 - Returns: - 生成的序列 (batch_size, tgt_len) - """ - self.reset() batch_size = src.size(0) device = src.device - # 编码源序列 - h, c = self.encoder(src) - - # 初始化解码器状态 - self.decoder.init_hidden(batch_size, device, h, c) - - # 准备输出序列张量(全部初始化为pad_token_id) - sequences = torch.full( - (batch_size, max_length), - pad_token_id, - dtype=torch.long, - device=device - ) + # 初始化输出序列 (全部填充为pad_token_id) + output_seq = torch.full((batch_size, max_length), pad_token_id, dtype=torch.long, device=device) - # 初始输入为BOS - current_input = torch.full( - (batch_size,), - bos_token_id, - dtype=torch.long, - device=device - ) + # 初始化第一个解码输入为BOS标记 + decoder_input = torch.full((batch_size, 1), bos_token_id, dtype=torch.long, device=device) - # 标记序列是否已结束(初始全为False) + # 初始化已完成序列的掩码 finished = torch.zeros(batch_size, dtype=torch.bool, device=device) - # 自回归生成序列 - for t in range(max_length): - # 跳过已结束序列的计算 - if finished.all(): - break + # 编码源序列 + self.reset() + h, c = self.encoder(src) + self.decoder.init_hidden(batch_size, device, h, c) + + with torch.no_grad(): + for step in range(max_length): + # 执行单步解码 + logits = self.decoder(decoder_input) # (batch_size, 1, vocab_size) - # 获取当前时间步输出 - logits = self.decoder(current_input) # (batch_size, vocab_size) - next_tokens = logits.argmax(dim=-1) # 贪心选择 (batch_size,) - - # 更新未结束序列的输出 - sequences[~finished, t] = next_tokens[~finished] - - # 检测EOS标记 - eos_mask = (next_tokens == eos_token_id) - finished = finished | eos_mask # 更新结束标志 - - # 准备下一步输入:未结束序列用新token,已结束序列用PAD - current_input = torch.where( - ~finished, - next_tokens, - torch.full_like(next_tokens, pad_token_id) - ) + # 获取当前步的预测标记 + next_tokens = logits.argmax(dim=-1) # (batch_size, 1) + + # 将预测结果写入输出序列 + output_seq[:, step] = next_tokens.squeeze(1) + + # 更新已完成序列的掩码 + finished = finished | (next_tokens.squeeze(1) == eos_token_id) + + # 如果所有序列都已完成则提前终止 + if finished.all(): + break + + # 准备下一步的输入: + # 未完成序列使用预测标记,已完成序列使用pad_token_id + decoder_input = next_tokens.masked_fill( + finished.unsqueeze(1), + pad_token_id + ) - return sequences - + return output_seq diff --git a/TryBatch.py b/TryBatch.py index 47609c9..2cd8fca 100644 --- a/TryBatch.py +++ b/TryBatch.py @@ -36,11 +36,7 @@ def try_batch(config: dict, src_max: int, tgt_max: int, batch_size: int, max_bat # training loop for i in range(max_batch_iter): with autocast(config["device"], enabled=config["use_amp"]): - if i % 2 == 0: - tfr = random.random() - else: - tfr = 1 - output = model(srcs, tgts, tfr) + output = model(srcs, tgts) loss = nn.CrossEntropyLoss()( output.reshape(-1, output.size(-1)), labels.contiguous().view(-1) diff --git a/__pycache__/BucketManager.cpython-312.pyc b/__pycache__/BucketManager.cpython-312.pyc new file mode 100644 index 0000000..d5b935c Binary files /dev/null and b/__pycache__/BucketManager.cpython-312.pyc differ diff --git a/__pycache__/MyDataset.cpython-312.pyc b/__pycache__/MyDataset.cpython-312.pyc new file mode 100644 index 0000000..8a34377 Binary files /dev/null and b/__pycache__/MyDataset.cpython-312.pyc differ diff --git a/__pycache__/MyLSTM.cpython-312.pyc b/__pycache__/MyLSTM.cpython-312.pyc new file mode 100644 index 0000000..cca2a60 Binary files /dev/null and b/__pycache__/MyLSTM.cpython-312.pyc differ diff --git a/__pycache__/MyLayer.cpython-312.pyc b/__pycache__/MyLayer.cpython-312.pyc new file mode 100644 index 0000000..18dc677 Binary files /dev/null and b/__pycache__/MyLayer.cpython-312.pyc differ diff --git a/__pycache__/MyTokenizer.cpython-312.pyc b/__pycache__/MyTokenizer.cpython-312.pyc new file mode 100644 index 0000000..e227ec8 Binary files /dev/null and b/__pycache__/MyTokenizer.cpython-312.pyc differ diff --git a/__pycache__/TryBatch.cpython-312.pyc b/__pycache__/TryBatch.cpython-312.pyc new file mode 100644 index 0000000..bf70d93 Binary files /dev/null and b/__pycache__/TryBatch.cpython-312.pyc differ diff --git a/inference.py b/inference.py index 0a07bf1..f591cd0 100644 --- a/inference.py +++ b/inference.py @@ -141,7 +141,7 @@ def main(): device = torch.device("cuda" if torch.cuda.is_available() else "cpu") model = torch.load("model/checkpoints/latest_model.pt", map_location=device, weights_only=False) - # model = torch.load("model/checkpoints/model_009.pt", map_location=device, weights_only=False) + # model = torch.load("model/checkpoints/model_003.pt", map_location=device, weights_only=False) # model = torch.load("temp/latest_model.pt", map_location=device, weights_only=False) model.eval().to(device) diff --git a/model/checkpoints/latest_checkpoint.pt b/model/checkpoints/latest_checkpoint.pt deleted file mode 100644 index a4da440..0000000 --- a/model/checkpoints/latest_checkpoint.pt +++ /dev/null @@ -1,3 +0,0 @@ -version https://git-lfs.github.com/spec/v1 -oid sha256:d1e78a4b661b300d2cc55bdc9c9e4665d7e32e8dd0457c20c8761d86c040830e -size 654861162 diff --git a/model/checkpoints/latest_model.pt b/model/checkpoints/latest_model.pt deleted file mode 100644 index 74441b1..0000000 --- a/model/checkpoints/latest_model.pt +++ /dev/null @@ -1,3 +0,0 @@ -version https://git-lfs.github.com/spec/v1 -oid sha256:076451f3ef48ec505b33a40f58bc2d66ad9e37b60118e0587f3e6c99482c5b92 -size 411641634 diff --git a/results/translation_comparison.txt b/results/translation_comparison.txt index d057c07..de72fec 100644 --- a/results/translation_comparison.txt +++ b/results/translation_comparison.txt @@ -1,15888 +1,15888 @@ EN: Last week, the broadcast of period drama “Beauty Private Kitchen” was temporarily halted, and accidentally triggered heated debate about faked ratings of locally produced dramas. ZH_REF: 上周,古装剧《美人私房菜》临时停播,意外引发了关于国产剧收视率造假的热烈讨论。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,我们的工作是,从小的角度,为我们的目的而去,而不是在他们的面前,他们的意思是,“你的意思是,”“你的意思是,”“”“”“”“”“”“”“”“”。。。。。!。 EN: Civil rights group issues travel warning for Missouri ZH_REF: 民权团体针对密苏里州发出旅行警告 -ZH_HYP: 1.. +ZH_HYP: (a)(四)为使人的处境更加复杂,而在其他方面,他们也是为了逃避责任的,而不是为了使他们的利益而被人所受的影响,而是为了使他们的利益而被人所犯的危险(((((( EN: The National Association for the Advancement of Colored People has put out an alert for people of color traveling to Missouri because of the state's discriminatory policies and racist attacks. ZH_REF: 由于密苏里州的歧视性政策和种族主义袭击,美国有色人种促进协会 (NAACP) 向准备前往密苏里州出游的有色人群发出旅行警告。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是对中国人的影响,是为了让自己的利益而被人世,而不是为他们的人所做的,是为了让人感到厌倦,而不是在那里,还是要用功率来衡量 EN: "The NAACP Travel Advisory for the state of Missouri, effective through August 28th, 2017, calls for African American travelers, visitors and Missourians to pay special attention and exercise extreme caution when traveling throughout the state given the series of questionable, race-based incidents occurring statewide recently, and noted therein," the group's statement reads. ZH_REF: “2017 年 8 月 28 日生效的 NAACP 密苏里州旅行咨询中呼吁,因近期密苏里州发生了一系列可疑的种族性事件,所有非裔美籍旅行者、游客以及密苏里州人在密苏里州旅行时应特别注意并采取极其谨慎的态度,特此告知,”该团体的声明宣称。 -ZH_HYP: 1.. +ZH_HYP: "2008年,美国人的身份,是为了获得一个人的利益,也是为了避免了,他们的经历,是在发生的,而他们的经历都是如此,在那里,他们的处境最多,而且是最坏的..了的的的的 EN: A recent Missouri law making it harder for people to win discrimination lawsuits, as well as the state's law enforcement disproportionately targeting minorities prompted the group to issue the travel alert, the NAACP said. ZH_REF: NAACP 指出,最近通过的一项密苏里州法律使得人们更难赢得歧视诉讼,该州执法也一定程度上针对少数群体,这些现象促使该组织发布了旅行警告。 -ZH_HYP: 1.. +ZH_HYP: 5.a.................................................................... EN: "You have violations of civil rights that are happening to people. ZH_REF: 侵犯公民权利的行为正发生在人们身上。 -ZH_HYP: 1.. +ZH_HYP: "在任何情况下,都是为了使其成为一个不稳定的,而不是为了使其成为一种危险的手段,而在其他情况下,他们的身份是为了使他们的利益而受到损害,并将其作为一种最有效的方式来应对(a),,,, EN: They're being pulled over because of their skin color, they're being beaten up or killed," the president of the Missouri NAACP, Rod Chapel, told The Kansas City Star. ZH_REF: 他们因肤色被停车盘问,被殴打或被杀害,”密苏里州 NAACP 主席罗德·查培尔告诉堪萨斯城星报 (The Kansas City Star)。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,他们的性格是由他们的,是的,是的,是的,是的,是的,他们的是,他们的力量是在你的,是在那里,还是要把它的错误都给了的的的的的的 EN: "We are hearing complaints at a rate we haven't heard before." ZH_REF: “我们收到了许多投诉,数量前所未有。” -ZH_HYP: 1.. +ZH_HYP: “我们的理由是,”“是的,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。 EN: It is the first such warning that the organization has issued for a state in the US. ZH_REF: 这是该组织在美国针对某个州发布的第一个此类警告。 -ZH_HYP: 1.. +ZH_HYP: 这条理是指的,是一种,是在我们的时候,是,有的是,我们的人,是为了能承受的,而不是在那里,也是为了让人感到厌倦了,而不是为了给他的人带来了 EN: The group cited incidents such as racial slurs against black students at the University of Missouri and the death of Tory Sanders, 28, a black man from Tennessee. ZH_REF: 该组织援引了密苏里大学对黑人学生的种族诽谤以及 28 岁田纳西州黑人男性托利·桑德斯的死亡事件。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,有的是,有的是,他们的人,是为了不受贿而被人的,是在他们的中,是在哪里,也是为了保护自己的人,而不是在哪里,而是要用的,对你的人 EN: Sanders died under questionable circumstances earlier this year after he ran out of gas while traveling through the state, and was taken into custody by Missouri police without being accused of a crime. ZH_REF: 今年早些时候,桑德斯在可疑情况下死亡。他在密苏里州旅行时燃油耗尽,被密苏里州警方在无指控犯罪的情况下拘留。 -ZH_HYP: 1.. +ZH_HYP: 在美国,在这一阶段,他的处境是不可能的,因为他们是在被偷的,是为了得到的,而不是在他们的身边,而是在他的身边,是对的,而不是太多了。了了了了了了了了了了了了了了了了了 EN: The advisory also points to a recent report by the Missouri Attorney General's Office showing that black drivers in the state were 75 percent more likely to be pulled over than whites. ZH_REF: 咨询中还指出,密苏里州总检察长办公室最近的一份报告显示,“与白人相比,该州的黑人司机被停车盘查的可能性要高出 75%”。 -ZH_HYP: 1.. +ZH_HYP: 但是,在这方面,我们的态度是,对,你的反应是,在他的中,有的是,他们的人都是为了得到的,而不是在那里,他们的人都会被人所伤害的.了了了的的的的的的 EN: "The advisory is for people to be aware, and warn their families and friends and co-workers of what could happen in Missouri," Chapel said. ZH_REF: 查培尔说:“该份咨询是为了提高人们的意识,警告他们的家人、朋友和同事在密苏里州可能发生的情况。” -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: "People need to be ready, whether it's bringing bail money with them, or letting relatives know they are traveling through the state." ZH_REF: “人们需要做好准备,无论是携带保释金前往密苏里州,还是让亲属知道自己在州内旅行”。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,你的意思是,他们的意思是,在他们的时候,要去做,因为他们是在一起,还是要去做,因为你是个好人,也不需要 EN: Missouri recorded 100 hate crimes in 2015, according to the latest figures from the FBI's hate crime reporting program, ranking the state at 16th in the country in terms of the number of such violations. ZH_REF: 根据联邦调查局仇恨犯罪报告计划的最新数据,密苏里州在 2015 年记录了 100 起仇恨罪行;根据罪行量,该州在全国排名第 16 位。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,有的是,有的是,有的是,有的人在说谎,而不是在他们的身上,而不是在那里,它是在那里的,是的,是的,是的,是的。了了 EN: The travel warning is also a response to a new Missouri law that would make it more difficult to sue a business for housing or employment discrimination. ZH_REF: 旅行警告也是对密苏里州新法律的回应,该法律将使起诉住房或就业歧视企业变得更加困难。 -ZH_HYP: 1.. +ZH_HYP: (a)【句意】(b),这是个很有价值的东西,因为它是在为自己的,而不是为了给别人带来的,也是在他们的工作中,而不是在乎别人的时候,还是要对他们的要求进行了比较 EN: Previously, the American Civil Liberties Union (ACLU) had issued travel advisories for Texas and Arizona after the states passed immigration enforcement laws requiring local law enforcement to detain people on immigration violations which the ACLU said would increase racial profiling. ZH_REF: 此前,美国各州通过了移民执法法律,要求当地执法部门拘留移民违规人员,美国公民自由联盟 (ACLU) 表示此举会增加种族诉讼数量,并发布了针对德克萨斯州和亚利桑那州的旅行咨询。 -ZH_HYP: 1.. +ZH_HYP: 然而,在美国,一个人的秘密,是为了使他们的事业变得更容易,而不是为了逃避惩罚,而是为了保护他们的权利,而他们的人却被人所受的伤害.了了,,,,的的 EN: Travel warnings are usually issued by the State Department for other countries, but lately, advocacy groups have resorted to the measure in response to certain laws and trends inside the US. ZH_REF: 旅行警告通常是由美国政府针对其他国家发布的,但最近,咨询团体采取这一方式以应对美国境内的某些法律和趋势。 -ZH_HYP: 1.. +ZH_HYP: (a)对其他国家的法律也是如此,但在其他国家,也是为了避免这种情况,而我们的国家则是为了使其更有价值,而不是为了更多的,也是为了对其进行的,而不是对我们的制裁造成的损害。是了 EN: After experiencing the “golden era” of a soaring box office in 2015, the film market retreated into a cooling-off period in 2016. Whether box office takings could surpass last year’s total of RMB44.069 billion is questionable. ZH_REF: 经历2015年票房猛增的“黄金时代”后,2016年整体电影市场进入了冷静期,能否突破去年440.69亿元的总票房成绩都成为一个悬念。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的名字是:“从头到尾,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。。 EN: Data from the National Bureau of Statistics revealed that in October, prices of new and second-hand residential properties cooled, up 0.6% and 1.1% month-on-month, respectively. ZH_REF: 从国家统计局公布的数据看,10月,北京新房和二手房价格双双降温,环比仅上涨0.6%和1.1%。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,总的是,他们的性格,是一种不寻常的,是的,是的,是的,是的,是的,是的,是的,是的,是的,而不是在10年中的。了了 EN: Lupekscu, the current Chief Technology Officer of UEFA, made a technical report on the 2016 UEFA Euro and the last season of European Champions League at the meeting. ZH_REF: 现任欧足联首席技术官的卢佩斯库在本次大会上做了一份关于2016年欧锦赛以及上赛季欧冠联赛的技术报告。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的名字是,他们的才是,而不是在他们的中,是在欧洲的,而不是在一起,他是在说谎的,是的,是的,是的,是的。了了 EN: BBC claims that Beijing has become the most exciting city: making foreigners feel like “living in a new age” ZH_REF: BBC称北京成最激动人心城市:让老外感觉“生活在新时代” -ZH_HYP: 1.. +ZH_HYP: b.a................................................................ EN: Reference News Network reported on January 18 that the British media organization has noticed that Beijing is rapidly transforming into a glamorous modern city in spite of the fact that it is 3000 years old. ZH_REF: 参考消息网1月18日报道英媒称,北京或许有三千年的悠久历史,但它也在迅速变身为今天的现代魅力都市。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,我们的人在被发现了,他们的生活在了,而不是在他们的面前,他们的心智,是在美国的,它的表现为30%,而这也是在你的上司的的的的的的的的的的的的 EN: The Chinese capital is interconnected by amazingly high-speed Internet and has implemented cutting-edge technologies such as face recognition. It has invested heavily in artificial intelligence and has an unmatched capacity of internationalization. It is one of the most exciting cities for foreigners who are eager to explore the world. ZH_REF: 这座中国首都拥有速度高得惊人的互联网,有人脸识别软件等尖端技术,在人工智能方面投入了巨资并且拥有无可匹敌的国际化能量,它对富于探索精神的外国人而言是最激动人心的城市之一。 -ZH_HYP: 1.. +ZH_HYP: 这是个不公平的,是在我们的经历中,它是一种很有价值的,它是由它来的,它是由它来的,而不是在国际上,它是由谁来的,而不是在那里,它是最严重的 EN: According to a report on the BBC website on January 16, the German expatriate Clemens Sage said: 'If I can succeed there, I can succeed anywhere.' He quoted a song written by singer Frank Sinatra to praise New York City. ZH_REF: 据英国广播公司网站1月16日报道,德国侨民克莱门斯·塞希说:“如果我能在那儿成功,我以后在任何地方都能成功。”他引用的是歌手弗兰克·西纳特拉歌颂纽约市的歌词。 -ZH_HYP: 1.. +ZH_HYP: (1)【句意】(b)【句意】我们的意思是,你的意思是,我的意思是,你会被人拿去,因为他是在说谎的,你的意思是,你会有什么用功的办法来做 EN: Sage, who served as Creative Director of Traveler Archives, said: "If Sinatra lives today, he is likely to sing a song for Beijing." He said that living in this city will make you feel like “living in a new age”, which means that you can always keep up with the trends. ZH_REF: 在《旅行者档案》杂志担任创意总监的塞希说:“如果西纳特拉活到今天,他很可能会歌唱北京这样的城市。”他说,生活在这座城市会让你感觉“生活在新时代”,总是能跟上潮流。 -ZH_HYP: 1.. +ZH_HYP: (美):(),你的名声,是我们的,是的,你也可以在这里的,是你的,是的,你会在那里得到的,因为他的生活是在你的,而不是在那里,你会喜欢的 EN: Simon Norton, who originates from England had been living in Beijing in recent years, published an article on personal blog site 4Corners7Seas saying: “People generally have a feeling of being at the center of something grand. Although this feeling is hard to describe clearly, it is the reason why so many foreigners stay there for a long time. They want to see what it will become and hope to witness it. ” ZH_REF: 老家位于英格兰、但最近生活在北京的西蒙·诺顿在个人博客网站4Corners7Seas上发表文章说:“人们总体上有一种处于某种宏大事物中心的感觉,这种感觉很难说清楚,但它让许多外国人长久留在那里。他们想看看它会变成什么样,并且希望亲眼见证。” -ZH_HYP: 1.. +ZH_HYP: 在这个意义上,我的名字是,从句中,我们的生活方式是,他们的生活方式是,他们的生活方式,对,这是个很不礼貌的事,因为他是个很好的人,所以我们要知道的是,他们的意思是什么? EN: According to reports, the city's high-quality, high-speed Internet and technology-friendly environment make everyday life easier than ever before. ZH_REF: 报道称,这座城市优质高速的互联网和对技术友好的环境使日常生活比以往任何时候都更容易。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,我们的处境是,在你的身上,是为了使自己的利益而变得更容易,而不是在你的身边,那是你的,是的,是的,是的,是的,是的,是的,是的。 EN: Andy Peñafuerte, who originates from Manila and is currently the deputy editor-in-chief of the website Beijing Children, said: "Beijing is rapidly transforming into a cashless society. The Internet integrates the functions of traditional wallets into smart phones, making it easier for everyone to conduct various transactions." ZH_REF: 来自马尼拉、目前在“北京儿童”网站担任副总编的安迪·佩尼亚富埃尔特说:“北京正在迅速转变为一个无现金社会,互联网把传统钱包的功能整合到智能手机上,使每个人都能更容易地进行许多交易。” -ZH_HYP: 1.. +ZH_HYP: (美英):“这是个很好的例子,”“你的意思是,”“你的意思是,”“你的意思是,”“你的意思是,”“你的意思是,”“我们的人都会用的。””””””””” EN: According to reports, smart phones are just the beginning of Beijing's technical ambitions. Face recognition technology is being widely used across the city. Many mobile phone applications use this technology to facilitate bank transfers and payments, grant people access apartments and offices, and even use it to verify identity of the drivers providing car-hailing service. ZH_REF: 报道表示,但智能手机只是北京技术雄心的开始,面部识别软件已经十分普及,许多手机应用都使用这种技术来进行银行转账和支付、让人们进入公寓和办公室,甚至用它来核实网约车司机的身份。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的经历,是的,是的,他们的生活方式是,我们的经济是用的,而不是用它来的,它的意思是,它的使用是由很多的,而不是在那里,它的意思是的 EN: Beijing recently announced plans to invest 13.8 billion yuan in the construction of an artificial intelligence technology park. When it is completed, more than 400 companies will settle there. They will focus on the development of artificial intelligence technologies ranging from biometrics to self-driving cars. ZH_REF: 北京最近还宣布计划斥资138亿元人民币修建一个人工智能科技园,建成后将有逾400家企业在那里落户,它们将专注于开发从生物测定到自动驾驶汽车的各种人工智能技术。 -ZH_HYP: 1.. +ZH_HYP: 在中国,我们的目的是为了使自己的事业变得更有价值,而不是在经济上,而是在他们的时候,才会有更多的东西,而不是去掉那些东西,而是要在那里的,是的,是的,是的。 EN: Food plays a central role in China’s many major traditional festivals. Foreigners are enthusiastic about these festivals. The Spring Festival is the most important festival in both social and economic sense, and it is also one of the most enjoyable festivals for foreigners. ZH_REF: 食品也是中国历年诸多重大节日的核心,参加这些庆祝活动受到外国人的推崇,春节是最重要的社会和经济节日,也是外国人最容易参与的节日之一。 -ZH_HYP: 1.. +ZH_HYP: 在美国的一个主要的原因是,在做作业的时候,我们的生活也有很大的影响,而不是在其他的事物上,也是最重要的,因为它是在人的,是的,而不是在这里,也是最重要的 EN: Sage said: “It's a pleasure for me to help Chinese friends prepare for the New Year. It is equally important to clean the apartment and paste the red spring couplets with blessing words on the door. On New Year’s eve, all family members must gather together to have a good meal and stay until midnight, and finally to celebrate the New Year with fireworks. For foreigners, spending the night with friends and their family is indeed an opportunity for blending. ” ZH_REF: 塞希说:“我建议帮助中国朋友为过年做准备,打扫公寓和在家门贴上写有新年祝福语的红色春联同等重要,在除夕那一天,所有的家庭成员都要齐集一堂吃一顿丰盛的大餐,然后守岁到午夜,用绚丽响亮的焰火迎接新年。对外国人而言,与朋友和家人共度这个夜晚的确是一个融入的机会。” -ZH_HYP: 1.. +ZH_HYP: (美容)是,有的是,他们的新婚,为我们的家人提供了新的机会,他们的生活方式和他们的快乐,是在一起的,他们的服务是在一起的,他们的梦想成了好的,是的,是的。 EN: According to reports, a large number of foreigners are living in Beijing and the number is growing. However, the language barrier and the convenience of exchanges between the expatriates can easily become excuses for not fully integrating into the local culture. ZH_REF: 报道称,北京的外国人数量众多而且在不断增长,但中国的语言障碍以及侨民之间交流的便利很容易成为他们不完全融入当地文化的借口。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的性格,是我们的生活,而不是在他们的身边,他们的生活方式是,他们的语言是不可能的,而不是在那里,而是要去做,因为它是对的.的的的的的的的的的的的 EN: Sage said: 'Some foreigners have lived in China for many years, but they have little experience with their host country. If your initial attempt to interact with the Chinese is not successful, then it is easy for you to feel more comfortable with other foreigners. ZH_REF: 塞希说:“一些外国人已经在中国生活多年,但对他们的东道国几乎没有什么体验。如果你最初接触中国人的尝试不算成功,那么你很容易有还是与其他外国人相处更容易的感觉。 -ZH_HYP: 1.. +ZH_HYP: (美):(),我们的家是为了使他们的事业变得更容易,而不是在他们的身边,也是为了给他们带来的,而不是在他们的工作中,而是在你的身边,而不是在那里,你会被人所做的 EN: In these so-called 'foreign bubbles' ('Laowai bubble' refers to circles in which foreigners only mixed in with foreigners, without touching local people and local culture -- translator's note), foreigners mingle with each other in their own communities, eat in Western restaurants, and only make friends with foreigners. ZH_REF: ”在这些所谓的“老外泡泡”中(“老外泡泡”是指外国人只在外国人中间混,而不接触当地人和当地文化——译者注),外国人在自己的社区里抱团,在西方餐馆吃饭,并且朋友中只有外国人。 -ZH_HYP: 1.. +ZH_HYP: 在这种情况下,我们的人都是为了使他们的缘故,而不是为了让人感到羞耻,而他们是在国外,而不是在他们的地方,而是在他们的地方,和他们的联系,而不是在美国的。了了 EN: The easiest way to overcome problem is to learn a little bit of Mandarin – something easier than one might think. ZH_REF: 克服这一点最简单的办法就是学习一点普通话——这比人们可能想象的要简单。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Sage said: “One or two hours of private lessons in Chinese every week or learning entry-level radio dramas should suit everyone’s busy schedule.” ZH_REF: 塞希说:“每周上一两个小时的中文私教课或者学习入门级的广播剧应该会适合每个人的忙碌日程。” -ZH_HYP: 1.. +ZH_HYP: (美):(一),我们的产品是,从句中,我们可以用的,而不是在,也是在说谎的,是在说谎的,要有多的,要有多的时间来完成你的工作,而不是你的意思了 EN: Even learning a few classic phrases will help with shopping, ordering a meal in a restaurant, or chatting on a taxi. ZH_REF: 哪怕学几句经典的短句也会对购物、在餐馆订餐或是在出租车上闲聊有帮助。 -ZH_HYP: 1.. +ZH_HYP: (美)(美)(美),用力差,把它的东西放到一边,把它的东西弄得太多,因为它是在说谎的,是的,是的,是的,是的,是的,是的,是的。 EN: According to reports, persistent air pollution is also a fact of daily life, but the government has tried to curb pollution in recent years. ZH_REF: 报道称,顽固的空气污染也是日常生活中的一个事实,不过近年来的政府努力遏制了一些问题。 -ZH_HYP: 1.. +ZH_HYP: 4.5.在任何情况下,都是为了使其成为一种危险,而不是为了使其变得更加危险,而不是为了使其变得更加危险,而是要在一定程度上给我们带来了更多的影响的的的的的的的的的的的 EN: Residents emphasize that outdoor activities are very important in warm months when pollution is often light. It is important to consider those blue sky days as opportunities for rambling in ancient encryptors or exploring the popular Ritan Park. ZH_REF: 居民们强调,在污染往往较轻的温暖月份里到户外活动很重要,要把那些蓝天日当作在历史悠久的胡同里徜徉或是探索备受欢迎的日坛公园的机会。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(),我们的生活是很有好处的,因为它是在为你带来的,而不是在他们的时候,才会有更多的东西,而不是在你的身边,那是对的,你是在说谎的。 EN: Norton said: "Beijing is a Chinese city that one can find most things below the surface. You can find very good arts and music activities, indulgent nightlife, historical wonders, ultra-modern business districts and ancient hutong areas." ZH_REF: 诺顿说:“北京是能在表面以下发现最多东西的中国城市,你能发现很不错的艺术和音乐活动、纵情的夜生活、历史奇观、超现代的商业区和古老的胡同区。” -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: The report believed that the hindrance to growth in human capital as a result of aging has become increasingly apparent. This was particularly the case in the Northeast, where the annual average contribution of aging to human capital growth was -1.28%. ZH_REF: 报告认为,老龄化对人力资本增长的阻碍作用日益明显,尤其在东北地区,老龄化对人力资本增长的年均贡献率为-1.28%。 -ZH_HYP: 1.. +ZH_HYP: 4.这是对人类的影响,而不是从某种意义上说,它是在经历了巨大的损失的时候,它是在不断成长的,而不是在美国,它是由人类的,而不是在(2)的的的的的的的的的的的的的的的的的的的 EN: Pan Gongsheng said that the present of risk of cross-border capital flows can be controlled. The fundamental factors underpinning international balance of payments will still exist over the longer term. ZH_REF: 潘功胜指出,目前跨境资本流动风险可控,支撑国际收支平衡的根本性因素仍然长期存在。 -ZH_HYP: 1.. +ZH_HYP: 5.d.................................................................. EN: China News Service Beijing December 17 wire (Reporter: Gao Kai) Heritage makes the world resplendent - The opening ceremony of the 2016 International Summit for the Authentication, Restoration and Protection of Ancient Chinese Calligraphy and Painting was held at Renmin University of China on December 17. ZH_REF: 中新网北京12月17日电 (记者 高凯)世界因遗产而璀璨——2016中国古书画鉴定修复与保护国际高峰论坛于12月17日在中国人民大学开幕。 -ZH_HYP: 1.. +ZH_HYP: 在中国,我们的生活是一个伟大的例子,是的,是的,是的,是的,是的,是的,是的,是在国际上的,是为了赢得了100亿美元的胜利,而这是对中国的一个伟大的保护。 EN: In April this year, the European Commission accused Google of coercing mobile phone manufacturers into installing software such as the Google search engine and Chrome web browser, or they would not be allowed to use other Google applications. ZH_REF: 欧盟委员会今年4月指控谷歌强迫手机厂商预装谷歌搜索和Chrome浏览器等软件,否则便不允许其使用其他谷歌应用。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的错误,是,他们的名字是,他们的意思是,他们的意思是,他们的意思是,你的意思是,你会用的,因为它是用的,而不是用的,而是用的,的的 EN: The European Commission believed that this harmed consumer interests and hindered competition. ZH_REF: 欧盟委员会认为此举有损消费者的利益,并且阻碍了竞争。 -ZH_HYP: 1.. +ZH_HYP: (a)对不进行交易的影响是,在不影响的情况下,为其提供便利,使其成为贸易,而不是在其他国家,也是最危险的,因为它是在2005年12月31日之前的,的 EN: EU regulators initially requested that Google make a response prior to July 27. ZH_REF: 欧盟监管者最初要求谷歌在7月27日之前作出回应。 -ZH_HYP: 1.. +ZH_HYP: 4.a.(b)在不允许的情况下,对其进行了检查,以使其成为可能的,而不是在(d)项中,它是在其上的,而不是在(d)项中的,因为它是对的,的的 EN: If found guilty of violating antitrust rules, Google could face a maximum fine of 10% of its global turnover, or approximately US$7.4 billion. ZH_REF: 倘若反垄断罪名成立,谷歌最高面临其全球营收10%的罚款,约为74亿美元。 -ZH_HYP: 1.. +ZH_HYP: 如果有一个错误的证据,那就会被人的错乱,而不是在他们的身边,就会被打败了,而你的心就会被人所束缚,而你的心就会被人所束缚,而这是最糟糕的 EN: Google has not made immediate comment on this. ZH_REF: 谷歌尚未立刻对此置评。 -ZH_HYP: 1.. +ZH_HYP: 5.a............................................................... EN: Google also faced EU investigations over giving prominent placement to its own shopping services in search results. ZH_REF: 谷歌还因为在搜索结果中偏向自家购物服务而面临欧盟的调查。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的工作是,他们的缺点是,在那里,他们的力量是为了让自己的力量而去,而不是在那里,他们都是为了得到的,而不是在那里,是为了得到更多的知识的 EN: Zhang Yuning's stay-abroad is a real one. It can be said that his achievement of “jumping level” from the national youth to the national Olympics is by no means accidental, and his leap-forward growth is still surprising. ZH_REF: 张玉宁的留洋是实打实的,可以说他实现从国青到国奥的“跳级”并不是偶然的,而他飞跃成长的幅度依然令人惊讶。 -ZH_HYP: 1.. +ZH_HYP: 5.a.................................................................. EN: Understand through a picture: Bitcoin's legal status around the world ZH_REF: 一张图看懂:比特币在世界各地的法律地位 -ZH_HYP: 1.. +ZH_HYP: [译文]“是的,但我们的经历是,从表面上看,是在不可能的,也是为了让自己的力量而努力,而不是为了让别人的心智而来的,”的说了, EN: Abstract: A part from the price correction which is natural in speculation, the current round of digital currency tumble has also to do with the 'sworn enemy'—regulation. ZH_REF: 摘要:除了投机属性天然引发的价格回调,本轮数字货币惨跌也与“宿敌”——监管风险不无关系。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),是用不锈的,是用的,是在不可能的,也是在不需要的,因为它是在用的,而不是在(或)上的,是的,是的,是的,是的。 EN: From the visualized maps, the attitude of the eastern countries towards Bitcoin is more conservative than that of the West. Most countries in the world are still indecisive about the legitimacy of digital currencies, indicating that the “risk of the black swan” is still looming large. ZH_REF: 从可视化地图看,东方国家对比特币的态度比西方更为保守,占全球主体的国家仍在观望数字货币合法性,代表“黑天鹅风险”依旧很大。 -ZH_HYP: 1.. +ZH_HYP: 在这个过程中,我们的性格是很有价值的,因为它是一种不对的,而不是在它的中,它是最重要的,它是在不断成长的,它的意思是“对的,”“”的的的 EN: *This article is taken from Wallstreetcn (WeChat ID: wallstreetcn), editor Wang Mu. For more exciting information, visit wallstreetcn.com or download the Wallstreetcn APP. * ZH_REF: *本文来自华尔街见闻(微信ID:wallstreetcn),编辑王穆。更多精彩资讯请登陆wallstreetcn.com,或下载华尔街见闻APP。* -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),这条规则是由windows的,它是由weed(p)的,它的意思是:“你的意思是,”“你的意思是,”“”“”“”“”“”。。。 EN: As the authorities in major markets of Bitcoin -- such as China, South Korea and the European Union -- take decisive regulatory measures, the digital currency market dominated by Bitcoin has experienced major bloodshed this week. The price of Bitcoin has fallen below 10,000 dollar, recording the biggest one-day drop. ZH_REF: 随着中国、韩国和欧盟等比特币主要市场的监管风暴迭起,以比特币为首的全球数字货币本周以来惨遭血洗,比特币价格周二起跌破1万美元心理整数位,并创三年以来最大单日跌幅。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,我们的货币是由他们的,而不是在他们的中,是在欧洲,而不是在高处,而是在不断地积累起来,而你的代价是多少,这是在过去的每一个人中 EN: A part from the price correction which is natural in speculation, the current round of digital currency tumble has also to do with the 'sworn enemy'—regulation. ZH_REF: 除了投机属性天然引发的价格回调,本轮数字货币惨跌也与一直以来的“宿敌”——监管风险不无关系。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),这是不对的,因为它是在用的,而不是用它来的,而是用的,它的意思是:“你的意思是,”“是的,”说的了了了了的的的的的的的的的 EN: At this important juncture, HowMuch.net, a visualization big data website, produced a map showing the legitimacy of Bitcoin and regulation measure in place in countries around the world. ZH_REF: 在这个重要的关口,可视化大数据网站HowMuch.net制作了一份图谱,展现比特币在全球各国的合法性地位和受监管程度。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个大的错误,是,我们的目的是为了使自己的工作变得更加容易,而不是在他们的身上,而是在你的身边,在那里,和你的人都有多的关系,而不是你的意思了了 EN: As shown in the figure below, green represents the legal market for Bitcoin, and orange represents the neutral market. Although there is no place where Bitcoin is acknowledged a legal currency, there are no major restrictions on the use it. The pale pink represents the restricted market, i.e. the local government tries to the use of the digital currency pass by drawing a red line or taking regulatory measures. The deep pink represents countries where Bitcoin is declared as illegal. The gray represents countries that have not yet been rated. ZH_REF: 如下图所示,绿色代表比特币的合法市场;橘黄色代表中性市场,虽尚未公开合法化比特币地位,但也没有主要的使用限制;淡粉色代表受限制的市场,即当地政府尝试通过红线政策或监管来方法数字货币的使用;深粉色代表比特币被定义为非法的国家;灰色是尚未置评的国家。 -ZH_HYP: 1.. +ZH_HYP: 14.他的观点是,在这种情况下,人们开始做了一些不寻常的事,而这种方法也是“不”的,而在美国,它的意思是:“它的意思是,它的意思是:它的意思是不可能的。””” EN: (The above figure was drawn by the HowMuch.Net visualization team on January 15th) ZH_REF: (上图来自HowMuch.Net可视化团队在1月15日制图) -ZH_HYP: 1.. +ZH_HYP: (英译汉)()(一),是,我们的东西是在不可能的,而不是在他们的中,是在说谎的,是在说谎的,是在说谎的,是对的,而不是为了更多的,而不是什么? EN: The article points out that from the distribution of non-green color patches in the graph, it can be seen that the oriental countries in the traditional sense are more conservative towards Bitcoin than the West. ZH_REF: 文章指出,从图中非绿色的色块分布可以看出,传统意义上的东方国家对比特币的态度比西方更为保守。 -ZH_HYP: 1.. +ZH_HYP: 这条草案是指的,是在不可能的情况下,也是不可能的,因为它是一种在说谎的,而在他们的身上,它的意思是:“你的意思是什么?了了的的了”””””””””””””””””” EN: Russia is currently the largest country that defines Bitcoin as illegal. China is one of the largest restricted markets for Bitcoin. India is one of the largest countries that have not commented on Bitcoin and have not made relevant policies. ZH_REF: 俄罗斯是目前定义比特币为非法的最大国家,中国是比特币最大的受限市场之一,印度是对比特币尚不予置评、还没有出台相关政策的最大国家之一。 -ZH_HYP: 1.. +ZH_HYP: 在这个过程中,有一个大的错误,是的,是的,是的,是的,是的,是的,是的,是的,而不是在你的中,也是为了给他们带来的,而不是太多了。了了了了了了了了了了了了了了 EN: North America and Western Europe are the regions that have highest level of tolerance to Bitcoin i.e. where green patches are concentrated. ZH_REF: 北美和西欧是对比特币接受程度最高的地区,即绿色块的分布更为集中。 -ZH_HYP: 1.. +ZH_HYP: (一)(一)不一、二、三、四、五、四、五、一、三条、可持续的、在等方面,也可以用於是指针的,而不是在等字体上的,的的的的的的的的的的的 EN: The views of the countries in the Middle East and Latin America on Bitcoin are clearly divided, so, the distribution of color patches in these areas is more mixed. ZH_REF: 中东和拉丁美洲各国对比特币的看法呈现明显分化,上述地区的色块分布更为混杂。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,我们的态度是,对其他国家来说,是为了使他们的利益而变得更加危险,而不是在他们的身上,也是为了让他们的工作而感到厌倦,因为他们的意思是对的,而不是最坏的 EN: Among them, Iraq, Iran, Turkey and Brazil are all legitimate Bitcoin markets. Afghanistan, Pakistan, Saudi Arabia, Egypt, and Bolivia have some restrictions on the trading and use of Bitcoin. Most Latin American countries have not made any comments about Bitcoin. ZH_REF: 其中伊拉克、伊朗、土耳其、巴西都是合法的比特币市场,阿富汗、巴基斯坦、沙特、埃及、玻利维亚等对其交易和使用有一定程度的限制,更多的拉美国家对比特币还没有发声。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,我们的贸易,是为了使他们的利益而被人所包围,而不是在美国,他们是在亚洲,而不是在其他国家,也是如此,这是对中国的看法,而不是什么?的的的的的的的的的的的 EN: From the above data, it can be seen that of the 246 countries that have been rated, a total of 99 countries (or 40% of the total) haven't imposed any restrictions on the transactions and use of Bitcoin. They are represented by green and orange patches. ZH_REF: 综合上述数据可知,在全球受统计的246个国家中,共有99个国家(或占比40%)对比特币的交易和使用不施加限制,即绿色和橘黄色的地区。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的错误,即,他们的工作是,从没有的东西,是的,是的,是的,是的,也是不可能的,因为它是在(或)上的,是的,是的,是的。 EN: Seven countries (or 3%) are restricted markets (pale pink), 10 countries (or 4%) have defined Bitcoin as illegal (dark pink), and 130 countries (or 53) %) haven't given comments on digital currency (grey). ZH_REF: 有7个国家(或占比3%)是受限市场(淡粉色),有10个国家(或占比4%)定义比特币为非法(深粉色),有130个国家(或占比53%)还没有更多的对待数字货币信息(灰色)。 -ZH_HYP: 1.. +ZH_HYP: (a)(一)"不",",",",",",","(3)",或"(2)",而在其他情况下,则为(1);(c)有可能导致的(或)不包括在内的货物 EN: This shows that countries that account for the global majority (53%, more than half) are still indecisive about the legitimacy of digital currencies represented by Bitcoin. This means that the “black swan risk” is still very large for Bitcoin, because some of these countries may ultimately make legislation that restrict the use of digital currencies. ZH_REF: 这说明,占全球主体(53%,超过半数)的国家仍在观望以比特币为首的数字货币在境内的合法性,也代表了比特币的“黑天鹅风险”依旧很大,因为其中一部分国家最终可能会作出限制数字货币的立法决定。 -ZH_HYP: 1.. +ZH_HYP: 这类索赔的结果是,在这一过程中,我们的国家是不可能的,而不是最坏的,因为它们的数量在很大程度上是由于其原因而被认为是一种错误的,而这是对经济的影响的一个方面的问题 EN: The article believes that global regulators have not fully understood the digital currency as a new type of currency. This may be the main reason why most countries have not chosen a stance. ZH_REF: 文章认为,全球监管机构对数字货币这个新兴类别还没有完全理解,可能是大部分国家还没有作出表态的主要原因。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的错误,是,我们的不需要,是为了使他们的利益而变得更有可能,而不是在他们的身上,而是在那里,是为了给别人带来的,而不是太多了的的的的的的的的的的 EN: Although Bitcoin’s popularity has grown exponentially since last year, it does not necessarily mean that all countries are interested in it. It's probably that some countries are concerned that the local currency may be undermined by digital currencies or that digital currencies are used by criminal organizations. ZH_REF: 尽管比特币的“人气”自去年以来呈指数级增长,并不代表所有国家都感兴趣,可能有些国家担心当地法币因此受到威胁,或更担心数字货币被犯罪组织利用。 -ZH_HYP: 1.. +ZH_HYP: 虽然我们的态度是很有的,但它是在我们的,它的影响是,它的影响是不可能的,但在任何时候都是不可能的,因为它是对的,而不是在其他国家的数字上。了的的的的的 EN: Wallstreetcn has published an article summarizing the news related to regulation measures against Bitcoin across the world since last week, including: China starts to crackdown on online platforms and mobile APPs of over-the-counter exchanges; South Korea is still considering to close the digital currency exchanges; the European Union holds the view that Bitcoin has not yet been widely accepted and warns investors of the risk of “losing everything”. ZH_REF: 华尔街见闻曾撰文详细总结了上周以来针对比特币的国际监管新闻,包括中国开始打击场外类交易所的集中服务在线平台和移动App、韩国仍在考虑关闭数字货币交易所、欧盟认为比特币还没有被广泛接受并警告投资者“赔到血本无归”的风险等。 -ZH_HYP: 1.. +ZH_HYP: 86.《销售公约》是一个非常复杂的问题,它是以各种方式进行的,其中包括:“不”,也是“不稳定的,”“”,“”“”“”“”“”“”,“”“”,“”说!!!!!!!。。。 EN: Wallstreetcn Editor's selection: Reading News | 2018: Global Central Banks Are Ushering Digital Currency? One article points out that 2018 is destined to be the first year of digital currency for central banks across the world, viewing from the perspectives of supervision, acceptance/criticism and adoption. ZH_REF: 华尔街见闻主编精选《读要闻|2018:全球央妈开启数字货币元年?》曾提到,从监管、接受/批判、采纳的任一角度来看,2018年都将成为全球央行的数字货币元年。 -ZH_HYP: 1.. +ZH_HYP: (c)【句意】(a)【句意】我们的意思是,我们的意思是:“你的意思是,”“你的意思是,”“我的意思是,”“你的意思是,”“我们”的,了了了了了 EN: The act of questioning the legal status of Bitcoin by big countries such as Russia is actually meant to make way for the official issuance of digital currencies. ZH_REF: 俄罗斯等大国批评比特币合法性地位的做法,其实也是为了给官方发行数字货币让路。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是对我们的,是为了使自己的处境而变得更糟,因为他们是在为自己的,而不是在那里,才是为了给别人带来的,而不是为了给别人带来的,而不是太多了 EN: On January 8th, the Barcelona new aid Philippe Coutinho showed up for the first time in Camp Nou with his Barcelona shirt, the Xinhua News Agency reported in Madrid by reporter Xie Yuzhi. ZH_REF: 新华社马德里1月8日电(报道员谢宇智)巴塞罗那新援库蒂尼奥8日在诺坎普首次身披巴萨球衣亮相。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,他的名字是用的,是的,是的,是的,是的,是在说谎的,是在为自己的事而去的.的的的的的的的的的的的的的的的的的的的的的的的的 EN: Coutinho passed a physical examination of Barcelona early that morning and signed with Barcelona president Bartomeu a contract that will expire in the summer of 2023. ZH_REF: 库蒂尼奥当日上午通过了巴萨的体检,并与巴萨主席巴托梅乌在一份将于2023年夏天到期的合同上签了字。 -ZH_HYP: 1.. +ZH_HYP: (4)a:(一),这条路是由一个人在一起的,而不是在他们的面前,他们都是在一起,而不是在一起,而是在那里,是为了给别人留下的东西,的的的的的的的的的的的的的的的 EN: Then he appeared in the face of nearly 7,000 Camp Nou fans as a Barcelona player. ZH_REF: 随后他作为巴萨球员,在诺坎普近7000名球迷面前亮相。 -ZH_HYP: 1.. +ZH_HYP: 他的身材,是在大的,是,他们的是,他们的东西,都是为了得到的,而不是在他们的面前,他们的工作是为了得到的,而不是在那里,是为了给别人的,而不是太多了 EN: According to a Spanish media, Coutinho's transfer fee may amount to 160 million euros (1 euro≈ 1.77 Chinese yuan), being the highest paid player in the history of Barcelona and La Liga. ZH_REF: 据西班牙媒体透露,库蒂尼奥的转会费总额或达到1.6亿欧元(1欧元约合7.77元人民币),是巴萨俱乐部及西甲历史第一身价。 -ZH_HYP: 1.. +ZH_HYP: 在美国,有一个大的东西,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,而不是在美国,也是他的. EN: As Coutinho is still injured at the moment, he still need recuperate for nearly 20 days before ushering in his debut in the Barcelona shirt. ZH_REF: 由于眼下库蒂尼奥仍有伤在身,他还需休整近20日才能迎来自己身披巴萨球衣的处子秀。 -ZH_HYP: 1.. +ZH_HYP: (美)(一),在这方面,我们也会有什么东西,也不需要,因为他们是在说谎的,而在他的面前,我们就会有更多的东西,而不是在那里,是的,是的,是的。 EN: Is nothing sacred? ZH_REF: 还有什么神圣的东西? -ZH_HYP: 1.. +ZH_HYP: 5.a............................................................... EN: Now Trump's White House is targeting the Statue of Liberty ZH_REF: 现在特朗普的白宫正在瞄准自由女神像 -ZH_HYP: 1.. +ZH_HYP: (美英对照),是为了使自己的工作变得更容易,而不是为了让自己的心跳而去,因为他们是在说谎的,是在为别人而来的,是在我们的时候,要把它的意思和最坏的方法给你 EN: The surest mark of regime change is when they start attacking the statues. ZH_REF: 政权更迭最确定的标志是他们开始攻击雕像之时。 -ZH_HYP: 1.. +ZH_HYP: 5.4."无"的",是指为人,而又是在为他们提供的,而不是在他们的面前,为自己的力量而受苦,而不是为了使他们的力量而被人所受的影响((((( EN: Americans appreciate this as well as anyone - hence the carefully stage-manged toppling of Saddam Hussein in Firdos square in Baghdad in 2003. ZH_REF: 美国人和任何人一样都赞同这一点。 因此,2003 年巴格达天堂广场的萨达姆?侯赛因被精心策划地推倒了。 -ZH_HYP: 1.. +ZH_HYP: (美国作家):“我们的事,是为了使他们的事业变得更容易,而又是为了他们的,而不是在他们的时候,才会有更多的事,”他说,“你是在我的身边。了了了了了了了了??????。 EN: Stephen Miller, one of the key ideologues of the Trump regime, surely knew what he was doing when he took a symbolic axe to the Statue of Liberty in a heated argument with CNN's Jim Acosta over the president's proposals to drastically limit legal immigration. ZH_REF: 斯蒂芬?米勒 (Stephen Miller) 作为特朗普政府的关键智囊之一,在与美国有线电视新闻网 (CNN) 的吉姆?阿科斯塔 (Jim Acosta) 就总统关于严格限制合法移民的提议进行激烈争论时,他肯定知道自己对自由女神像砍出象征性的一斧会发生什么事情。 -ZH_HYP: 1.. +ZH_HYP: “”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”说!。。 EN: In fairness, Miller did not attack the statue itself. ZH_REF: 公平地说,米勒并没有攻击雕像本身。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(我的意思是,我的意思是,你的意思是,你的意思是,在我的时候,你都会有的,因为它是由你所做的)的的的的的的的的的的的的的的的的的的 EN: A horde of boat-trip owners and Liberty impersonators would have lynched him if he did. ZH_REF: 如果他这样做了,那么一群游船业主和自由主义的追随者一定会将他生吞活剥。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(他的意思是,我的意思是,你的意思是,在我的时候,都是为了使他们的力量而不受苦,因为你的意思是,我们要去的,是的) EN: But he did attack its meaning, and in particular the meaning ascribed to it when Emma Lazarus's famous poem was added to its base in 1903, 17 years after the monument itself was completed. ZH_REF: 但是他确实攻击了塑像的意义,尤其是在 1903 年埃玛?拉撒路的着名诗歌被刻在基座上时(这座纪念碑在此后17年方建成)而具有的意义。 -ZH_HYP: 1.. +ZH_HYP: 但是,在他的作品中,我们的性格是很有意义的,因为它是由它的,而不是在它的中,它的意思是:它是在1903年的,它的意思是“”了了的的的的的 EN: As Miller scolded Acosta: "I don't want to get off into a whole thing about history here, but the Statue of Liberty is ... a symbol of American liberty lighting the world. ZH_REF: 正如米勒斥责阿科斯塔所说:“我不想在这里谈论历史的全部事实,但自由女神像是美国自由照亮世界的象征......。 -ZH_HYP: 1.. +ZH_HYP: (美国)的意思是,“我们的东西”是“不”的,因为它是在“我”的时候,它是在说谎的,它的意思是:“我们的人,”,,,,的的的的的的的的的的的 EN: The poem that you're referring to, that was added later and is not part of the original Statue of Liberty." ZH_REF: 你所指的那首诗,那是后来又加上去的,不是原始自由女神像的一部分。” -ZH_HYP: 1.. +ZH_HYP: (英译汉).............................................................. EN: Miller is factually correct, but as he put it himself, this is not really about history. ZH_REF: 事实上,米勒是正确的,但是正如他自己所说的,这不是真正关于历史。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)()(),这是个好的东西,是的,是的,是的,是的,是的,是的,是的,是的,是对的,而不是在你的中,也是对的,而不是对你的意思 EN: It is about the contemporary resonance of Lazarus's startling words, the only ones in which a state has appeared to invite not just any old immigrants, but the poorest of the poor: "Your tired, your poor, / Your huddled masses yearning to breathe free, / The wretched refuse of your teeming shore." ZH_REF: 这涉及到拉撒路惊世之语的现代回音,唯一一个国家似乎不仅邀请任何老移民,而且还邀请穷人中最贫穷的人:“你的疲惫、你的穷困、或者你的挤作一团的民众渴望自由呼吸,/苦难的人拒绝你拥挤的海滩。” -ZH_HYP: 1.. +ZH_HYP: 这是个令人吃惊的,但在我们的时代,你的心都是如此,而你的心也是如此,它是你的,是你的,是你的,是你的,是你的,是不可能的,是你的 EN: There has never been a time when the "wretched refuse" has been more visible on our screens. ZH_REF: 不存在“苦难的人拒绝”在我们的屏幕变得更刺眼的一刻。 -ZH_HYP: 1.. +ZH_HYP: (一)(一)不,可被认为是不可能的,因为它是在被人用的,是在说谎的,是在说谎的,是为了使自己的力量而被人的(((((的的的的的 EN: Miller was not engaging in literary criticism - he was making it clear that these people are not welcome in Trump's USA. ZH_REF: 米勒并没有从事过文学评论工作,他清楚地表明,这些人在特朗普时代的美国不会受到欢迎。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: This conflict about the meaning of a statue is part of a wider political and cultural war: it is really a conflict about the meaning of America. ZH_REF: 这种关于雕像意义的冲突是更广泛的政治和文化战争的一部分:这实际上是与美国精神相冲突。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】我们的意思是,我们的生活是一个很好的,因为它是在为自己的,而不是在为自己的,而不是在乎别人的,是对的,而不是对你的反应了的的的的的的的的的 EN: Lazarus - and her friends who campaigned to place her words at the base after her death - knew very well that they were engaging in a highly political act. ZH_REF: 拉扎鲁斯 (Lazarus) ,以及她的、在她去世后举行活动将她的诗句铭刻在基座上的朋友们,很清楚他们正在参与的行为具有高度政治性。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)()(),这是个谜语,是在说谎的时候,他们都是为了得到的,而不是为了自己的利益而去,而不是为了给他们带来的,是在他们的中,是对的,而不是最重要的。 EN: The sculpture was intended to mark the connections between French and American republicanism by representing in a well-worn classical trope, the female embodiment of Liberty. ZH_REF: 该雕塑的目的是通过作为自由女神的女性化身的、古老的经典比喻来表达法国和美国共和主义之间的联系。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),是指甲,也是为了使人的缘故,而不是在他们的面前,为自己的行为而去,而不是为自己的事,也是为了让人感到羞耻的的的的的的的的的 EN: Lazarus changed that meaning: in her poem the female figure is no longer abstract - she has a voice. ZH_REF: 拉撒路改变了这个意思:在她的诗中,女性形象不再抽象,她要发声。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),是指甲,不在,也是不可能的,因为他们的意思是,他们的意思是,他们的意思是,你的意思是,它是由你的,是的,是的,是的,是的,是的。 EN: And she gives herself a very different name: Mother of Exiles. ZH_REF: 她给自己起了一个非常不同的名字:流放之母。 -ZH_HYP: 1.. +ZH_HYP: (4)a:(b),我们的,是的,是的,是为了使自己的利益而被人用,而不是在他们的身边,那是对的,是的,是的,是的,是的,是的,是的,是的。 EN: The marrying of the poem to the image is a brilliant feminist coup and a devastating attack on American nativism. ZH_REF: 这首诗与这幅画的结合是一场成功的女权主义政变,并且是对美国本土主义的毁灭性打击。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),是为了使人的,而不是为了使他们的缘故,而不是为他们的,而不是为他们的,是为了使他们的心智而变得更严重的了,而不是在我们的身边,那是对的,是对我们的 EN: And just as Lazarus changed the meaning of the statue, rightwingers have long wanted to change it back. ZH_REF: 就像拉撒路改变雕像的意义一样,右翼者一直想要把它改回原意。 -ZH_HYP: 1.. +ZH_HYP: 如果是一个不公平的,我们就会有一个错误的东西,因为它是在变的,而不是在我的上,而是要把它的东西给了,因为它是在不断地改变了的,而不是在上了,那是对的,对你来说是很有道理的 EN: The great loudmouth Rush Limbaugh, a kind of John the Baptist for the coming of Trump, argued in 2010 that Liberty is not inviting anyone in, but is rather an early neocon, taking the American flame out to the benighted world: "Lady Liberty is stepping forward. ZH_REF: 伟大的演讲者拉什?林博 (Rush Limbaugh) ,是特朗普来临时的一位施洗者,他在 2010 年认为,自由主义并不是邀请任何人,而他现在是一名早期的新保守主义者,将美国的智慧火焰带给愚昧的世界:“自由女神是勇往无前的。 -ZH_HYP: 1.. +ZH_HYP: 在这个时代,一个人的心都是这样的,而不是在为他们的,而不是为了让人感到羞耻,而是在他们的面前,为自己的服务,而不是在一起,而是要在黑暗中的。的的的 EN: She is meant to be carrying the torch of liberty from the United States to the rest of the world. ZH_REF: 她本意是将自由的火炬从美国带到世界的其他地方。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: The torch is not to light the way to the United States." ZH_REF: 火炬不是照亮美国的道路。” -ZH_HYP: 1.. +ZH_HYP: (4).............................................................. EN: Rather unusually, Limbaugh actually hit on something. ZH_REF: 不同寻常的是,林博实际上被一些东西所打动。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),是,也是为了把他们的东西弄得太多,而不在他们的身上,就会被人所束缚,因为你的心都是在了,而不是太多了了了了了了了的了了了了 EN: The meaning of the statue is entirely a matter of the angle of perception. ZH_REF: 雕像的意义完全取决于认知的角度。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为它是在被人所为之处所欲为的,而不是在他们的身边,那是对的,而不是为了给别人带来的,也是我们的最坏的 EN: Lazarus's great imaginative act was to see it as it would be seen by exhausted, wretched but hopeful people on the decks of ships after long and often dreadful journeys. ZH_REF: 拉撒路极富想象力的做法就是能够看到它。当疲惫的,可怜的但充满希望的人会在经过漫长而往往可怕的旅程后,可以在船甲板上看到它。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,一个人的性格是不可能的,因为他们的感情是由他们所控制的,而不是在他们的身边,他们的心都是在的,而不是在那里,它是在那里,它的意思是什么?了 EN: It is literally about seeing the world from the perspective of people seeking refuge and a chance to better their lives. ZH_REF: 从表面上看,这涉及到那些寻求庇护、有机会改善生活的人们看待世界的角度问题。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................. EN: Her statue speaks back to them the words of hope and welcome they need to hear. ZH_REF: 她的雕像向他们传达且需要他们听到的希望和欢迎的本意。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,他们的意思是,他们的意思是,我们的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: And of course, this is not the perspective Miller and Trump want ever to recognise. ZH_REF: 当然,这不是米勒和特朗普曾想要承认的观点。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)............................................................... EN: Their torch is meant not to light the way, but to inflame the hatreds that are their only source of power. ZH_REF: 他们火炬不是为了照亮道路,而是为了点燃他们唯一力量来源的仇恨。 -ZH_HYP: 1.. +ZH_HYP: (k)【句意】(我们)的是,我们的目的是为了使自己的心从表面上掉下来,而不是在乎,因为它是在为你所做的,而不是在别人身上,而是要用的,是什么意思? EN: In 2006, Sa Dingding, with her unique musical style, joined Universal Music Group, and became the first Chinese national to sign a contract with Universal Music Group’s headquarters in the UK. ZH_REF: 2006年,萨顶顶凭借独特的音乐风格加盟环球唱片,成为与环球英国总部签约的第一个中国人。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的名字,是,他们是在一起,是为了让自己变得更多的,而不是在一起,而是在中国,他们是在一起,是为了赢得了他们的才华,而不是在美国,也是最重要的。 EN: World Championships 2017: Neil Black praises Scottish members of Team GB ZH_REF: 2017 年世锦赛:尼尔?布莱克 (Neil Black) 高度表扬了英国国家队中的苏格兰队员 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Eilidh Doyle recalls a time when only two Scots made the GB team ZH_REF: 艾里德?多伊尔 (Eilidh Doyle) 回忆起当时英国国家队只有两名苏格兰人。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: UK Athletics' performance director Neil Black says the 16-strong Scottish contingent in the World Championships squad will make "a massive contribution to the team." ZH_REF: 英国田径协会执行主任尼尔?布莱克表示,世锦赛小组中的由 16 名强壮的苏格兰人组成的分队将对“国家队做出巨大贡献”。 -ZH_HYP: 1.. +ZH_HYP: (美国)(美)的事,是一个不对的,是在做梦,也是在说谎的,他们的意思是,“你的力量”,“你的心”,“你的意思”,“你的意思是什么?”说了 EN: A record number of Scottish athletes have been selected for London 2017, which starts on Friday. ZH_REF: 被挑选参加于周五开幕的 2017 年伦敦田径世锦赛的苏格兰田运动员数量创下历史之最。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),(2),是在用的,是用的,在他们的中,用的,把它的东西放到一边,而不是在上,是的,是的,是的,是的,是的。 EN: Black believes "there's something special evolving" in Scotland and UK athletics must learn from that. ZH_REF: 布莱克认为,“苏格兰正取得非同寻常的发展”,英国田径运动员必须从中学习。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为它是在用的,是在用的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: "We embrace it and we're trying to understand it and we'll push on that until we work it out," Black said. ZH_REF: “我们接受并设法理解这一点,而且我们会坚持下去直到我们取得成功 ”,布莱克说。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: "I speak to people in the Scottish Institute of Sport and they think it's something to do with what they've done. ZH_REF: “我找苏格兰体育学院的的人员谈话。他们认为这与他们的作为有关。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Scottish Athletics think it's something to do with what they've done. ZH_REF: 苏格兰田径运动员认为这与他们的作为有关。 -ZH_HYP: 1.. +ZH_HYP: (美)(一),(),我们的东西是用的,是用的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: British athletics: it's something to do with what they've done. ZH_REF: 英国田径协会认为这与他们的作为有关。 -ZH_HYP: 1.. +ZH_HYP: (美英对照):“我们的目的是,从它的角度来,对自己的影响,而不是在你的面前,把它放在一边,把它放在一边,还是要把它的意思弄得很好,”他说。的是了了了了 EN: And the guy on the corner street, too. ZH_REF: 就连街头人士也这么认为。 -ZH_HYP: 1.. +ZH_HYP: (美国)(美)(美),是为了使自己的事业变得更容易,也是为了让人感到羞耻,因为他们已经在了他们的身边,他们的工作是在一起,而不是在那里,你会被人的 EN: Whatever the combination of circumstances, it's absolutely brilliant." ZH_REF: 无论情况如何,这都是极其辉煌的。“ -ZH_HYP: 1.. +ZH_HYP: (英译汉)()(一),是,也是为了使自己的处境更加精致,而不是在他们的中,把它放在一边,把它放在一边,把它的东西弄得很好,因为它是最完美的,是的,是的。 EN: Several of the Scottish athletes are medal contenders, including Laura Muir and Andrew Butchart - who will race against Sir Mo Farah in the 5,000m, while Eilidh Doyle was voted by the squad to be team captain. ZH_REF: 多位苏格兰田径运动员是奖牌角逐者,包括劳拉?缪尔 (Laura Muir) 和安德鲁?布查特 (Andrew Butchart) ,他们将在 5,000 米与穆?法拉 (Mo Farah) 一比高低,而艾里德?多伊尔 (Eilidh Doyle) 则被小组选为队长。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,有的是,他们的名字,是为了让他们的,而不是在他们的中,他们的是,他们的人,是的,是的,是的,是的,是的,是的。了了 EN: "Eilidh is slightly modest. ZH_REF: “艾里德有点谦虚。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Her captain's speech was incredible," says Black. ZH_REF: 她的队长演讲真是令人难以置信 ”,布莱克说道。 -ZH_HYP: 1.. +ZH_HYP: 5.e................................................................ EN: "A number of athletes, whether they were Scottish or wherever they live or train, walked out of that room feeling hugely proud and really motivated. ZH_REF: “许多田径运动员员,无论他们是否为苏格兰人,或不论在何地生活或训练,走出房门都满怀自豪,干劲十足地走出房门。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),(或),(如:),我们的东西,都是在用的,因为他们的意思是,他们的意思是,要把它放在一边,还是要去的,要去的 EN: The passion and real feeling that Eilidh naturally put into it were great." ZH_REF: 艾里德自然投入的激情和真感情很不错。” -ZH_HYP: 1.. +ZH_HYP: (一)(一),是,也是为了使自己的心从表面上掉下来,而不是在他们的身边,在那里,是为了使他们的工作变得更高,而不是为了给别人带来的,也是对的,而不是最重要的 EN: The Commonwealth silver medallist, who will compete in the 400m hurdles at her fifth World Championships, says it's "incredible" 16 Scots are in the British team. ZH_REF: 这名将在其第五次世锦赛中参加 400 米跨栏比赛的英联邦银牌得主表示,英国国家队中有 16 名苏格兰人,这是“令不可思议的”。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,有的是,他们的生活,是为了得到的,而不是在他们的中,是在他们的,是在那里,而不是在那里,是的,是的,是的,是的。了了了 EN: Scotland's previous best total of athletes at the worlds was seven, achieved in 1983 and 2015. ZH_REF: 此前,参加世界大赛的苏格兰田径运动员人数最多为7人,也就是 1983 年和2015年取得的参赛人数。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的工作是由一个人组成的,而不是在他们的中,是在他们的中,是在说谎的,是在那里,它是由你的,而不是在那里,它是由你所产生的, EN: Middle-distance runner Muir is leading the way, having set five British and two European records in the past year. ZH_REF: 中跑选手缪尔是领军人物。在过去一年中创她下了五项英国记录和两项欧洲纪录。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),是在不间断的,因为它是在过去的,它的意思是,它是由“最”的,它的意思是“”“”“”“”“”“”“”“”。。。了了。。。。。。。 EN: She will go in the 1500m and the 5,000m. ZH_REF: 她将参加 1500 米和 5000 米项目比赛。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................ EN: Chris O'Hare, who runs in the 1500m, is another Scot to watch, following a great season that included victory at the British Team trials and the Anniversary Games. ZH_REF: 参加 1500 米项目比赛的克里斯?奥黑尔则是另一位值得关注的苏格兰选手,之前,她在赛季取得了很好的成绩,分别在英国国家对预选赛和奥运周年赛中获胜。 -ZH_HYP: 1.. +ZH_HYP: (美国)(这)是,我们的人,都是为了让他们的,而不是在他们的中,在那里,他们的工作是在一起,而不是在比赛中,还是要在比赛中获胜,而不是太多了 EN: Doyle remembers her first world championships, when the only other Scot in the team was Lee McConnell. ZH_REF: 多伊尔回想起她参加第一次世界锦标赛,当时队里唯一的另一名苏格兰人是李?麦康奈尔 (Lee McConnell) 。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】我的意思是,你是在做梦,也是为了让自己的人而感到厌倦,而不是在他们的面前,你会被人所为的,是的,是的,是的,是的,是的。 EN: The team captain says she's "hugely proud" of the fact so many of her compatriots have not only made the team, but, in some cases, will be challenging for medals and competing to make finals. ZH_REF: 队长说,令她深感自豪的是,她的这么多同胞不但加入团队中,而且在一些情况下,还将挑战奖牌,角逐进入决赛。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】我的意思是,我的意思是,他们的意思是,他们的意思是,他们的意思是,我也是为了让他们去做,而不是在那里,也是为了给别人带来的,而不是太多了 EN: "The special thing about being team captain is that it was voted for by the other members of the team, so that it was such a huge honour anyway but to know that your teammates have voted for you and chosen you made it extra-special for me," she added. ZH_REF: “成为国家队队长的特别之处在于它是由国家队的其他队员投票选出的。因此,知道你的队友投票选你去争取极为不寻常的成就,无论如何,对我来说,这都是很大的荣幸”,她补充道。 -ZH_HYP: 1.. +ZH_HYP: “我的意思是,”“是的,”“你的意思是,”“你的意思是,”“我想,你也会有什么机会来的,”他说,“你是为了我的,”他说。了了了了了了了了 EN: "Obviously, I'm very proud of all the Scots who've made the team. ZH_REF: “当然,我为所有的苏格兰队员感到非常自豪。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: It just shows how far we've come. ZH_REF: 这只是表明我们走了多远。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................. EN: And they're here as well-established athletes, athletes that are going to be looking to get on podiums. ZH_REF: 而且他们都是这里的老牌田径运动员,即将朝荣登领奖台的目的迈进的田径运动员。 -ZH_HYP: 1.. +ZH_HYP: (4).................................................................. EN: As for my captain's speech? ZH_REF: 我的队长致辞如何? -ZH_HYP: 1.. +ZH_HYP: (美英对照):“我们的”是,有的是,它的力量,是为了使自己的力量而被人世,而不是为你所带来的,而不是在那里,而是要把它的力量分给别人,然后才会有多的东西 EN: Yeah, I think it went well. ZH_REF: 嗯,我认为它非常棒。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: I just drew on the fact that we're very lucky in this situation in that we've got a home World Championships. ZH_REF: 我刚才参照这一事实,即在这种情况下,我们是非常幸运的,因为我们在主场举行世锦赛。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: So it's really just the importance of drawing on that home support and thriving on the fact that we're back at the Olympic Stadium. ZH_REF: 因此,我们借助主场支持,以及因回到奥林匹克体育场而得以壮大,这才真正重要。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)()(),我们的意思是,在我们的时候,都是为了让自己的心跳而去,而不是在他们的面前,让你的心惊肉跳起来,让我们的心智变得更有魅力的 EN: I'm getting a second chance to go out there and compete and it's just going to be such an amazing atmosphere out there." ZH_REF: 我将获得第二次机会参加比赛,而那里的氛围将妙不可言。” -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(我的意思是,我们的意思是,你的意思是,在我的意思)中,我们都不需要,因为它是在为你的,而不是在那里,也是为了给别人带来的 EN: In 2016, Huawei had total staff strength of 180,000, with wages amounting to RMB121.8 billion, up 21% year-on-year. ZH_REF: 2016年华为员工共18万,雇员费用高达1218亿,同比增长了21%。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,有的是,有的人在做,而不是在2001年,他们的人都有了,而这是在我们的上司,是的,是的,是的,是的,是的。了 EN: Blocking critics from Facebook: Don't run for public office, if you can't take heat from voters ZH_REF: 在脸书上屏蔽批评者:如果你不能忍受选民的责难,就不要竞选公职 -ZH_HYP: 1.. +ZH_HYP: (美英对照):“不需要”,因为它是在做的,是为了让自己的力量而被人的,而不是在他们的面前,你会被人所受的影响,而不是在他们的面前,你就会被人所受的影响了 EN: The father of our country knew something about bad press. ZH_REF: 我们的国父了解不良媒体的作风。 -ZH_HYP: 1.. +ZH_HYP: (美国)(这篇)是一个不容易的东西,因为它是在用的,是的,是的,是的,是的,是的,是的,是对的,而不是太多的,因为你的意思是对的,对我们来说是最重要的 EN: Americans loved George Washington, but it didn't take long for newspapers to start slamming him on everything from domestic policy to his political principles. ZH_REF: 美国人都爱华盛顿,但不久之后,各大报纸就开始猛烈抨击他的一切,从国内政策到政治原则,一个都不放过。 -ZH_HYP: 1.. +ZH_HYP: (美国)(美),这是个好的东西,也是为了让自己摆脱困境,而不是在他们的面前,为自己的事业而来的,而不是在那里,也是为了给别人带来的,而不是太多了 EN: He chafed at the criticism, sure. ZH_REF: 他对这些批评很恼火,毫无疑问。 -ZH_HYP: 1.. +ZH_HYP: 5.a............................................................... EN: But he did not silence his critics. ZH_REF: 但是他并没有把这些批评者噤声。 -ZH_HYP: 1.. +ZH_HYP: 但是,他的态度是,我们的态度是,我们的处境很不,因为他们的事都是为了得到的,而不是为了他们的利益而努力,而不是为了给我留下了更多的东西,那是对的,对的是,对我们来说是最重要的 EN: Because back in 1783, Washington said, "the freedom of Speech may be taken away - and, dumb & silent we may be led, like sheep, to the Slaughter." ZH_REF: 因为早在 1783 年,华盛顿就说过,“言论自由被剥夺——我们就会像羔羊一样在沉默和愚昧中被宰杀。” -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的名字是,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,也是对的,而不是为了给别人带来的,也是不可能的 EN: That brings me to Maryland Gov. Larry Hogan, who needs to work on being more like Washington. ZH_REF: 这让我想到了马里兰州的州长拉里·霍根,他需要向华盛顿学习。 -ZH_HYP: 1.. +ZH_HYP: (p)【句意】我的意思是,你是在去的,是为了让自己摆脱困境,而不是为了让自己的力量去做,而不是在那里,这是对的,而不是在别人身上的,是的,是的,是的。 EN: Hogan's staff has blocked and deleted the posts of at least 450 people who voiced their opinions on his official Facebook page. ZH_REF: 霍根的职员屏蔽并删除了至少 450 人的帖子,因为他们在他的脸书官方主页上发表自己的观点。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,你的意思是,他们的意思是,在他们的时候,你会有多大的,而不是在那里,也是为了得到的的的的的的的的的的的 EN: And the American Civil Liberties Union sued him for that earlier this week. ZH_REF: 美国公民自由联盟本周早些时候就此对他提起了诉讼。 -ZH_HYP: 1.. +ZH_HYP: (美国)(美),这也是一种错误的,因为它是在我们的,是为了让自己的力量而努力,而不是在他们的上司中来,而不是在那里,也是为了让人的力量而去的 EN: The governor's staff dismissed the lawsuit as frivolous, and the online commentary was rich with a "who cares?" backlash. ZH_REF: 该州长的职员认为此次诉讼十分草率,网上报道充斥着他们的强烈反抗:“谁在乎?” -ZH_HYP: 1.. +ZH_HYP: (k)【句意】(a)【句意】我们的意思是,他们的意思是,在我的生活中,我们都是为了得到的,而不是在那里,还是要把它的东西弄得太多了了了了了 EN: "It's only Facebook," plenty of folks said. ZH_REF: 很多人说“这只是脸书而已。” -ZH_HYP: 1.. +ZH_HYP: 5.a.............................................................. EN: But it matters. ZH_REF: 但,这很重要。 -ZH_HYP: 1.. +ZH_HYP: (4)如果有,就像在我们的后面,那是个不一样的,是在为自己的,而不是为了使他们的缘故,而不是在别人身上,而是要在别人的上方,才会有价值的,因为你的意思是什么? EN: And it especially matters when it's a guy like Hogan. ZH_REF: 这一点尤其重要,因为面对的是霍根这样的人。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................. EN: This is a Republican governor in an overwhelmingly Democratic state who is astonishingly popular. ZH_REF: 这是一位在一个民主占大多数的州担任州长的共和党人,而且他还出奇地受欢迎。 -ZH_HYP: 1.. +ZH_HYP: 5.a............................................................... EN: He has the second-highest approval rating of the nation's 50 governors. ZH_REF: 在全国 50 位州长中,他得到的好评位列第二。 -ZH_HYP: 1.. +ZH_HYP: 5.3."无"的"是指的是,它是由一个人所控制的,而不是在过去的,它的意思是,它的意思是:“我们的路要比别人的,”的 EN: Hogan is not a reactionary hothead. ZH_REF: 霍根并不是一个反动的急躁分子。 -ZH_HYP: 1.. +ZH_HYP: 5.a.............................................................. EN: He's shown a steady hand in leading his state and a stern adherence to principles. ZH_REF: 他平稳掌管马里兰州,严格遵守规则。 -ZH_HYP: 1.. +ZH_HYP: (英译汉).................................................................. EN: He's also been pretty deft at using Facebook as a primary means to connect with his constituents, playfully debuting his hairless head after chemo treatments on his page. ZH_REF: 他也非常善于将脸书作为和选民联络感情的主要方式,戏谑地在主页上首次展示他化疗后的秃头。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................ EN: So blocking people who come to the governor's page - which is a public forum, labeled as official and administered by staff members paid public tax dollars - is unnecessary and ultimately dangerous. ZH_REF: 所以屏蔽来到州长主页评论的人完全没有必要,最终也十分危险。这个主页是一个公共论坛,是由公众纳税供养的职员标榜的官方管理平台。 -ZH_HYP: 1.. +ZH_HYP: (a)【句意】(b)【句意】我们的意思是,它是由“人”的,而不是在别人身上,它是由谁来的,而不是在哪里,还是要把它给的,是的,是的,是的。了 EN: In an interview with The Washington Post, Hogan spokeswoman Amelia Chasse defended the governor's actions, arguing that blocking the comments was nothing more than moderating them. ZH_REF: 在《华盛顿邮报》的一次采访中,霍根的发言人阿米莉亚·沙斯为这位州长的行为辩护说,她认为屏蔽他们的评论不过是想让他们克制一点。 -ZH_HYP: 1.. +ZH_HYP: 在这一情况下,一个人的名字是,他们的处境太多了,而不是为了让他们的事变得更糟,因为他们的事也是在说谎的,而不是为了让人感到更多的东西,而是在他们的面前的的的的的的的的的的 EN: But it's too easy to use the image of trolls or spammers or hateful folks lashing out online. ZH_REF: 但是他们过分草率地将其描述为席卷网络的洪水猛兽或愤世嫉俗者。 -ZH_HYP: 1.. +ZH_HYP: 但是,在这个,我们的态度是,有的是,他们的缺点,是为了使自己的利益而被人的,而不是在他们的身边,或者是在你的,是的,是的,是的,是的,是的,是的。 EN: The Post talked to some of the real people blocked by Hogan. ZH_REF: 《华盛顿邮报》与被霍根屏蔽的人面对面交谈过。 -ZH_HYP: 1.. +ZH_HYP: (4)a:(一),我们的人,是为了使他们的缘故,而不是为了使他们的缘故,而不是为了使他们的工作变得更糟,而且是为了让人感到厌倦了,那是对的,对我们来说,是什么意思? EN: And they're just that - real people talking to their elected leaders: a teacher, a business owner and a pastor, not trolls. ZH_REF: 他们只不过是普通人在跟自己选出的领导对话:他们的身份是老师、小企业主和牧师,并不是什么洪水猛兽。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(我们)的意思是,我们的人在为自己的事业而感到羞耻,他们的事业是由他们所做的,而不是在那里,也是为了给别人带来的,而不是太多了 EN: They all said that their comments were respectful, thoughtful and not profane. ZH_REF: 他们纷纷表示自己的评论有深度、有敬意,并不下流。 -ZH_HYP: 1.. +ZH_HYP: 在这方面,他的看法是,有的是,他们的品味,是为了使自己的利益而被人的,而不是在他们的身边,那是对的,而不是在他的身边,那是对的,对你来说,是的,是的。 EN: The pastor quoted the Bible in his post, appealing to Hogan's Catholic faith. ZH_REF: 这位牧师在他的帖子中引用了《圣经》的话,呼吁霍根铭记他的天主教信仰。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在这方面,我们的人都是为了把自己的东西弄得太重了,他们都是为了给别人的,而不是为了给别人的,而不是为了给你带来的,那就太多了了了了了了了了了了了了了了了了了 EN: Attorney Lakshmi Sarma Ramani of Bowie, Md., wasn't hateful, but she asked about hate crimes. ZH_REF: 马里兰州鲍伊的大律师拉克希米·萨尔马·拉马尼并没有愤世嫉俗,但是她询问了关于仇恨犯罪的问题。 -ZH_HYP: 1.. +ZH_HYP: (美)(),(),我们的,是的,是的,是的,是的,是的,是的,是为了使自己的力量而去,而不是为了让别人知道,而不是为了让人更多的,而不是太多了 EN: "I politely commented that I was disappointed in his lack of response to hate crimes and other recent news items," she wrote in the comment section of The Post's news story. ZH_REF: 她在《华盛顿邮报》的新闻故事评论部分中写道,“我很礼貌地评论道,我对他没有回复仇恨犯罪和其他最近的新闻事件表示失望。 -ZH_HYP: 1.. +ZH_HYP: “我的意思是,”“不,”“是的,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”说。。。。。。。。。。 EN: "I also do not appreciate that idea that when a number of people comment on the same topic, they are immediately disregarded by some as a so-called collective effort, rather than recognized as a large group of concerned citizens." ZH_REF: 我同样也不喜欢一帮人对同一个话题发表评论,因为这些人会直接被某些人忽视,认为他们是所谓的从众心理,而不是把他们当成一群忧国忧民的公民。” -ZH_HYP: 1.. +ZH_HYP: "我的观点是,我们的观点是,在没有任何东西的情况下,你也会有这样的东西,而不是在他们的身边,而是要在别人身上,也是为了让人感到厌倦的。的了的的的的的的的的的的的的的 EN: What the governor's staff called a "concentrated spam attack" others would probably call "advocacy." ZH_REF: 州长职员所称的“密集垃圾信息轰炸”在其他人看来可能是“坚持主张”。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,我们的人,是为了让他们的,而不是为了得到更多的东西,而不是为了给别人带来的,也是为了得到的,而不是在我们的身边 EN: The Facebook era makes it easy to tailor a message by simply blocking a critic or deleting a negative comment. ZH_REF: 脸书时代让修改一条信息变得轻而易举,只需要屏蔽一个批评者或删除一条负面评论。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: It's a lot cleaner than the old days, when doing the same would have required sending staff out to collect and burn newspapers with critical editorials or arresting and silencing protesters. ZH_REF: 而且还清除得远比过去干净,在过去那个年代要做到同样的效果需要派遣职员外出搜集并焚毁带批评言论的报纸或者将抗议者逮捕或噤声。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................... EN: But that's exactly what's happening, only digitally. ZH_REF: 但是那确实是现在正在发生的事,不过是在数字层面上。 -ZH_HYP: 1.. +ZH_HYP: 但是,在这个,我们的态度是,从某种意义上,他们都是为了得到的,而不是在他们的中,是为了得到的,而不是为了给别人的,而不是为了给我带来的,而不是太多了 EN: Hogan isn't the first public official to be criticized for defanging Facebook and other social media. ZH_REF: 霍根不是第一个因在脸书和其他社交媒体上噤声他人而受到指责的公共官员。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,你的意思是,在他们的时候,我们都不喜欢,而不是为了给别人带来的,也是为了让他们的服务而去的。了了了了了了了了了了 EN: President Trump is being sued by Twitter users who were blocked from his Twitter feed. ZH_REF: 特朗普总统就正被推特用户起诉,因为他在推特上屏蔽了他们。 -ZH_HYP: 1.. +ZH_HYP: (k)【句意】(),我们的意思是,你的意思是,他们的意思是,他们的意思是,我们的,是的,是的,是的,是对的,而不是为了给你的,而不是 EN: One of the first landmark rulings on this issue came down last week in Virginia. ZH_REF: 上周在弗吉尼亚州出现了一个里程碑式的裁决,就是关于此类问题的。 -ZH_HYP: 1.. +ZH_HYP: “”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。 EN: The chair of the Loudoun County Board of Supervisors violated the First Amendment, according to U.S. District Judge James C. Cacheris in Alexandria, when she banned a constituent from her Facebook page. ZH_REF: 据美国亚历山大市的地区法官詹姆斯·c·卡察里斯称,劳登县监督委员会主席从她的脸书主页屏蔽选民的行为违反了第一修正案。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,一个人的错误是,我的名声,他们的意思是,他们的意思是,他们的意思是,在他们的面前,对我来说,是对的,而不是你的意思。的了了了了了了了了了了了了 EN: And in Kentucky, Gov. Matt Bevin (R) also got a visit from the ACLU over his use of Facebook and Twitter. ZH_REF: 肯塔基州州长马特·贝文 (R) 也因其对脸书和推特的使用而受到美国公民自由联盟的光顾。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的意思是,他的意思是,他们的意思是,他们的意思是,他们的意思是,你的意思是,你的意思是,你的意思是,你的意思是对的,对的,对的是,对你来说是很有价值的 EN: This shouldn't be so hard. ZH_REF: 这不应该这么难。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)............................................................... EN: In Washington's time, the era of affordable postage had an impact much like the Internet. ZH_REF: 在华盛顿时代,负担得起的邮费和互联网有着相似的影响力。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的处境是,在不可能的情况下,他们的一切都是为了得到的,而不是在他们的中,是为了让自己的力量而去,而不是太多了,因为我是在说谎的,是的,是的。 EN: The number of newspapers quadrupled between 1776 and 1800, and anonymous letter writers hammered his leadership. ZH_REF: 新闻报纸的数量在 1776 年到 1800 年间翻了四番,还有人写匿名信猛烈批评他的领导。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),有的东西,是指甲,是在不可能的,是在说谎的,是在说谎的,是在说谎的,是对的,而不是为了给他的,而不是在我们的身边,而是要把它的意思在 EN: And even back then, Washington had anonymous trolls. ZH_REF: 而且甚至在那个时候,华盛顿也有针对他的匿名洪水猛兽。 -ZH_HYP: 1.. +ZH_HYP: 但是,在这一时期,我们的处境也是,他们的处境太大了,而不是为了他们的利益而去,他们的工作就会被人所迷惑的,是的,是的,是的,是的,是的,是的。了 EN: People using the pseudonyms "Juricola," "Valerius," "Belisarius," and "Portius" all wrote letters to newspapers trashing Washington's decisions. ZH_REF: 人们使用尤里克拉、瓦列里乌斯、贝利撒留、波久斯等假名写信给报社严厉批评华盛顿的决策。 -ZH_HYP: 1.. +ZH_HYP: (一)“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。 EN: Petitions criticizing his stand on the Treaty of Amity, Commerce, and Navigation with Britain overwhelmed his office, according to the historical documents collected by the online Papers of George Washington Project. ZH_REF: 根据乔治·华盛顿报纸网上项目收集的历史文件记载,他的办公室被请愿书淹没了,都在批评他在和英国签订的《英国国王陛下与美利坚合众国友好、通商与航海条约》上的态度。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................. EN: But he did not silence them. ZH_REF: 但是他没有将他们噤声。 -ZH_HYP: 1.. +ZH_HYP: 但是,在他的后面,我们的态度是,他们的处境太大了,而不是为了他们的,而不是为了他们的,而不是为了给他们带来的,是在我的上司,还是要把它的东西弄得太多了 EN: Freedom of speech, dissent and discourse lie at the very foundation of our nation. ZH_REF: 言论自由、不同政见自由和演讲自由是这个国家的根基。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,我们的生活方式是,在我的上,也是为了得到的,而不是为了给别人带来的,而不是太多的,而是要在他们的服务上进行的 EN: And true leadership means accepting that. ZH_REF: 而真正的领导者需要接受这一点。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(我的意思是,我们的意思是,在我的意思上,你是为了让自己的,而不是在乎,也是为了使自己的力量而变得更糟的)了了了了了了了了 EN: Any movement in the property market would have an impact on the sensibilities of the general public. ZH_REF: 楼市一丝丝的风吹草动都牵动着人们的敏感神经。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)(一),在这方面,我们都会有自己的东西,而不是为了自己的利益而去,因为他们的事也是在他们的,是对的,而不是为了给别人带来的,是对的,我们的一切都是不可能的。了 EN: Purchase quota is a fixed threshold many cities would adopt when implementing real estate control measures. ZH_REF: 限购是很多城市房地产调控政策的一道硬杠杠。 -ZH_HYP: 1.. +ZH_HYP: (一)(一)不一,也是为了使他们的处境更加精致,而不是在他们的身上,而是用在他们的脚下,在那里,给你带来的,是在我们的上司,还是要把它的东西弄得太多了 EN: In May 2017, Jinan issued regulations stating that undergraduates who make social security contributions consecutively for half a year will be entitled to be treated under the same residential property purchase policies as that of local residents with permanent residency. ZH_REF: 2017年5月,济南出台规定,本科生连续缴社保半年,可享有本地常住户口居民同等购房政策; -ZH_HYP: 1.. +ZH_HYP: 2007年,《美国法典》规定,"在一个人的财产上,他们的财产被视为",而不是在他们的财产上,而在其他情况下,他们的财产就会被人所处死,而这是对他的最严重的影响。 EN: In June, Wuhan issued policies that stipulate that university students may settle in the city within three years of graduation based on their graduation certificate and employment permit. ZH_REF: 6月,武汉出台政策,规定大学生毕业3年内凭毕业证和就业证即可落户。 -ZH_HYP: 1.. +ZH_HYP: (四)为使徒生的人,为之提供服务,以使他们的身份不受影响,而不是在他们的工作中,在他们的工作中,在那里,为他们提供的服务,而不是在他们的上司,或在哪里,也是不可能的 EN: After the policy was enhanced, officials stated that “university students are entitled to purchase residential property at a 20% discount to market price”. ZH_REF: 随后政策加码,官方表示,“大学生可以低于市场价20%的价格买房”; -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的错误,是,他们的目的是为了使他们的服务变得更容易,而不是在他们的身上,而是在那里,给了你的钱,是的,是的,是的,是的。了了了 EN: In July, Chengdu issue regulations stating that young talent with overseas university bachelor’s degree or higher academic qualifications may apply to settle in Chengdu based on their graduation certificate. ZH_REF: 7月,成都出台规定,外地大学本科及以上学历的青年人才,凭毕业证即可申请落户成都。 -ZH_HYP: 1.. +ZH_HYP: 在其他方面,有的是,有的是,有的是,他们的生活是由他们所拥有的,而不是在他们的上,才会有价值的,而不是在那里,要么是在那里,要么是为了得到的而而的的的的的的 EN: In addition, Kunshan, Lingang in Shanghai, as well as other cities or regions also issued relevant “talent introduction” policies, and lowered the threshold for buying residential property and settling locally for talents. ZH_REF: 除此之外,还有昆山、上海临港等城市或区域也出台了 “人才引入”相关政策,对人才购房落户降低门槛。 -ZH_HYP: 1.. +ZH_HYP: 此外,在一个大的时期,我们都是为了得到的,而不是在其他地方,也是为了得到的,是为了得到的,而不是在他们的工作中,也是为了给他们带来的,而不是在中国的,是对的。 EN: Zhang Hongwei believed that this was, in fact, large cities competing for population, particularly talent. Only by retaining population, particularly talent, can a city be competitive. This then, was the key significance of these real estate policies. ZH_REF: 张宏伟认为,这实际上是各大城市对于人口尤其是人才的争夺,留住人口尤其是人才,城市才具有竞争力,这才是这些房地产政策最重要的意义。 -ZH_HYP: 1.. +ZH_HYP: 5.3.人的处境是,我们的处境很差,这是个很有价值的东西,它是由我们所拥有的,而不是在他们身上,而是在那里,是为了给自己的人带来的,而不是在其他方面的 EN: Some even believed that this implied that the time has come to abolish residential property “purchase quotas”. ZH_REF: 有人甚至认为,这意味着楼市“限购”取消的时机已到。 -ZH_HYP: 1.. +ZH_HYP: 在这一情况下,一个人的错误是,他们的身份是,他们的,是为了得到的,而不是为了给他们带来的,而不是在他们的中,才会被人所为的,而不是在高处,而是要把它的东西弄得太平了 EN: Director Derek Yee said that day that he had plans to film for a long time. The first time the screenplay was adapted was in 1999. He was even prepared to get Takeshi Kaneshiro to play the role of Yan Shisan. ZH_REF: 尔冬升导演当日表示,拍摄计划由来已久,第一次改编剧本是在1999年的时候,甚至还准备找金城武来饰演燕十三。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,他的名字是:“你的画像,是的,是的,是的,是的,是的,也是在对的,而不是在他的时候,那是对的,是对的,也是对的。 EN: Ronan Rafferty hopes for home comforts at Renaissance Club ZH_REF: 罗南·拉弗蒂期待在文艺复兴俱乐部享受回家的感觉 -ZH_HYP: 1.. +ZH_HYP: (美英对照),在我们的上,是为了使自己的力量而非凡的,因为他们的感情已经被改变了,他们的生活方式是在不断地把它的分量从上调到了,而不是最需要的,是在一起的,是的 EN: Former European No 1 Ronan Rafferty will be hoping for home comforts over the next three days as the Renaissance Club in East Lothian hosts the 25th edition of the Scottish Senior Open. ZH_REF: 东洛锡安文艺复兴俱乐部举办第 25 届苏格兰常青公开赛,前欧洲冠军罗南·拉弗蒂将在接下来的三天中享受回家的感觉。 -ZH_HYP: 1.. +ZH_HYP: (美)(一),这是个好的东西,是在从你的中来,你就会被淘汰的,是在他们的时候,才会有更多的东西,而不是你的对手,那是你的好极了 EN: The Northern Irishman, who led next door at Archerfield Links heading into the final round last year before losing out to Paul Eales, is attached to the new venue and is acting as tournament ambassador on behalf of the club's founder and CEO Jerry Sarvadi. ZH_REF: 这位北爱尔兰人去年带领隔壁的阿彻菲尔德·林克斯挺进了决赛,但最终输给了保罗·伊尔斯。他现在为该新会场工作,代表俱乐部创始人兼首席执行官杰瑞·萨尔瓦蒂担任赛事大使。 -ZH_HYP: 1.. +ZH_HYP: 在美国的一个大片里,这是个很好的东西,因为他的名字是在他们的,而不是在他们的时候,他们都是在他们的,是的,是的,是的,是的,也是在他的。 EN: "I watched Renaissance Club being built, and we're seeing it come to its glory with this event," said Rafferty. ZH_REF: 拉弗蒂说:“我目睹了文艺复兴俱乐部成立,我们也会通过这次比赛见证它的荣光。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: "The players will see this course at its finest, it is in fabulous condition. ZH_REF: 运动员们将会看到这个球场的最佳面貌和最佳状态。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Jerry has done a fabulous job setting this place up. ZH_REF: 杰瑞把这个地方创办得无与伦比。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: He's a keen advocate of this game and is proud of his achievement here. ZH_REF: 他是此次比赛的热衷拥护者,也对在这里取得成就感到十分自豪。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................. EN: This is a great showcase for this course." ZH_REF: 这是展示这个球场的最佳舞台。” -ZH_HYP: 1.. +ZH_HYP: 这条理由大师的,是个谜,是的,是的,是为了使自己的力量而变得更有魅力,而不是在你的面前,为你的力量去做,而不是为了给别人带来的影响的的的的的的 EN: Englishman Eales is looking forward to defending a championship for the first time despite winning on both the European Tour and European Challenge Tour in his 32-year career. ZH_REF: 英格兰人伊尔斯期待第一次卫冕,尽管在 32 年的职业生涯中,他已同时赢得欧洲巡回赛和欧洲挑战巡回赛。 -ZH_HYP: 1.. +ZH_HYP: (美英):“我们的工作是为了让自己的事业而努力,而不是在他们的中,才是为了赢得比赛,而不是在比赛中,还是要在这里,而不是在(中)的。了了了了了??的的的了了了了了了了。。。 EN: "This does feel really special," said the Southport-based player. ZH_REF: 这位绍斯波特的运动员说:“这确实非常特别。 -ZH_HYP: 1.. +ZH_HYP: “这是个好的,因为它的意思是,我们的人都是为了得到的,”他的意思是,他们的意思是,“你的心智,”他的意思,“你的意思是,”“我的意思是什么?了了了了了了””””””” EN: "I didn't get to defend the Extremadura Open because that was taken off the schedule the year after I won it. ZH_REF: 我没有卫冕埃斯特雷马杜拉公开赛,因为在我获胜的第二年,这场比赛就取消了。 -ZH_HYP: 1.. +ZH_HYP: “我的意思是,”“不,”“是的,”“因为我也要把它的东西弄到,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”!!。。。。。。。。 EN: Coming back to this part of the world is magical. ZH_REF: 来到这个地方感觉很神奇, -ZH_HYP: 1.. +ZH_HYP: 5.4.(这是个不对)的,因为我们的作品被用来做,而不是为了让自己的力量而努力,而不是在他们的面前,让你的人更多,而且要把它的意思和最坏的东西都放在一边, EN: It's a wonderful place to play golf in. ZH_REF: 在这里打高尔夫非常美妙。 -ZH_HYP: 1.. +ZH_HYP: 在这片中,有的是,从一个角度,我们都是在,把它的东西放到一边,把它的东西放到一边,把它的力量交给了,让他的心跳得很好,因为他的心跳得很高,也是在你的 EN: The memories from last year are coming back and it was special for me and my wife Sharon to win last year. ZH_REF: 去年的回忆一一浮现,对我和我的妻子莎伦来说,去年的获胜对我们有着特殊的意义。 -ZH_HYP: 1.. +ZH_HYP: (n)()(),我的意思是,你的意思是,他们的意思是,他们的意思是,我的意思是,他们的意思是,你的意思是,要把它给我的,也是为了对的,而不是最需要的,是的 EN: It was a really special time and one we will always cherish." ZH_REF: 那真的是一次特别的回忆,我们会永远铭记。” -ZH_HYP: 1.. +ZH_HYP: (英译汉)............................................................... EN: Making his return to action on home soil is Gary Orr, who joined the European Senior Tour after turning 50 earlier this year. ZH_REF: 回到故土比赛的是盖瑞·奥尔,他今年早些时候刚满 50 岁,然后还参加了欧洲常青巡回赛。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】(b)在我们的过程中,你的意思是,它是在为自己的,而不是在那里,它是在一起,还是要用的,而不是在别人身上的 EN: This event will be his first Scottish appearance since the Aberdeen Asset Management Scottish Open in 2013. ZH_REF: 这次是他自 2013 年苏格兰高尔夫公开赛起第一次参加苏格兰比赛。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,他的名字是:“那是一个不寻常的东西,”他的意思是,他们的意思是,他们的意思是,在那里,我的心都是为了给别人的,而不是在那里,你会有什么关系的。 EN: "It always means a little bit more when you're playing at home," said Helensburgh man Orr. ZH_REF: 海伦斯堡人奥尔表示:“回家乡比赛总会有更多意义, -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: "You want to do well; but you do feel that extra pressure. ZH_REF: 你想要做好;但是又能感觉到那股额外的压力。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: I've really enjoyed playing again and I've played some solid golf. ZH_REF: 能够再次比赛我真的很享受,我一直在打高尔夫。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: I'm happy with how it's going so far." ZH_REF: 我很满意目前的状况。” -ZH_HYP: 1.. +ZH_HYP: 5.a............................................................... EN: Joining the trio in the field are former Masters winner Ian Woosnam and Senior major champions Paul Broadhurst, Roger Chapman, Mark James and Mark McNulty. ZH_REF: 加入场内三人组的是前大师赛获胜者伊恩·伍斯南和常青大赛冠军保罗·布罗德赫斯特、罗杰·查普曼、马克·詹姆斯和马克?麦纽提。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是在我的名片中,是在说谎的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: Orr and former Ryder Cup captain Sam Torrance are among six Scots in the field, the others being Andrew Oldcorn, Stephen McAllister, Bill Longmuir and Ross Drummond. ZH_REF: 场上共六位苏格兰运动员,奥尔和前莱德杯队长萨姆·托伦斯是其中之二,另外四位为安德鲁·奥德柯恩、斯蒂芬·麦卡利斯特、比尔·郎缪和罗斯·德拉蒙德。 -ZH_HYP: 1.. +ZH_HYP: (美)(4)............................................................. EN: Admission is free of charge, with car parking charged at £5 per car with one occupant and £10 per car with two or more occupants. ZH_REF: 入场免费,停车费为载有一位乘客的每辆车收费 5 英镑,载有两位或多位乘客的每辆车收费 10 英镑。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: All proceeds go to Prostate Cancer UK. ZH_REF: 所收费用均捐献给前列腺癌慈善组织 Prostate Cancer UK。 -ZH_HYP: 1.. +ZH_HYP: 5.a.............................................................. EN: Zou Shoumin, Director of the Bureau of Environmental Supervision of the Ministry of Environmental Protection, said on the 22nd in Beijing that on a nationwide basis, 57 cases were subject to consecutive daily fines. The newly amended “Environmental Protection Law”, implemented at the beginning of this year, has significantly enhanced environmental law enforcement efforts in China. ZH_REF: 中国环境保护部环境监察局局长邹首民22日在北京介绍,8月份,全国范围内实施按日连续处罚案件共57件,今年初实施的新修订《环境保护法》明显加码中国环境执法力度。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的名字是由“人”的,是由“环境”的,在中国的,是由“人”的,而这是在中国的,它的意思是,它已经被“五一”了了了了了了了了 EN: Presently, the environmental protection bureaus across China may use various means of punishment to investigate and deal with conduct in violation of environmental regulations such as impose consecutive daily fines, close down operations and/or distrain, limit or suspend production, and persons held under administrative detention. They will also work together with judicial organs to punish environmental crimes. ZH_REF: 目前,中国各地环保机关可使用按日连续处罚、查封扣押、限产停产以及移送行政拘留等处罚手段查处环境违法行为,并与司法机关配合惩治环境犯罪。 -ZH_HYP: 1.. +ZH_HYP: 然而,对所有的人都有影响,这也是一个问题,而不是为了惩罚,而是为了使人的利益受到损害,并使其免受惩罚,并在其工作中造成任何损害,例如,犯罪和刑事司法的行为,的,,(((((的的 EN: Zou Shoumin said that in August, a total of 335 cases were concerned with closing close down operations and/or distrain; 177 cases pertained to limiting or suspension of production; 189 cases were concerned with persons held under administrative detention; and 166 cases pertained to persons held under suspicion of environmental pollution crimes. ZH_REF: 邹首民介绍,8月份,中国各地共实施查封、扣押案件共335件;实施限产、停产案件共177件;移送行政拘留共189起,移送涉嫌环境污染犯罪案件共166件。 -ZH_HYP: 1.. +ZH_HYP: 8.3.在被拘留者的情况下,有的是,有的是,有的人被处以10至17年的罚款;(3)因其原因而被处以6个月以上的罚款;(四)对其他犯罪造成的损害;;;;;;; EN: In particular, Henan imposed consecutive daily fines on seven cases. At present, China is moving from control at the end toward being involved throughout the entire process, intensifying efforts to treat environmental pollution on an all-round basis. ZH_REF: 其中,河南实施按日连续处罚7件,当前,中国正在从末端管控至全程嵌入,全面加力环境污染治理。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,我们的态度是,从某种意义上看,从某种意义上讲,我们的一切都是为了控制的,而不是在过去的中,它是对的,而对你来说,是对的,也是对的。 EN: Although pressures from slower economic growth have emerged, China’s Ministry of Environmental Protection had already made its position clear; China should correctly and appropriately position environmental protection in economic growth, and increase “green determination”. The more economic growth decelerates, the more it should hold fast to environmental protection, and ensure that environmental protection plays a positive role in optimizing the economy. ZH_REF: 虽然经济下行压力显现,但中国环保部此前已明确表态,中国应正确处理好环境保护在经济发展中的定位,增强“绿色定力”,越是经济增速下行,越不能放松环保,发挥好环境保护对经济的优化作用。 -ZH_HYP: 1.. +ZH_HYP: 虽然我们的经济有了很大的变化,但它的作用是,它的发展,是经济增长的,也是对经济的发展,而我们的生活水平也变得越来越高,而且对环境的影响也会更高,而且在一定程度上是如此。 EN: There’s no peak, only higher. The share price of Kweichow Moutai has continued to set new highs unabated. ZH_REF: 没有最高,只有更高,贵州茅台股价在创新高的道路上根本停不下来。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,我的意思是,你的意思是,他们的意思是,你的意思是,它是由你来的,而不是在那里,还是要用的,的 EN: On January 9, A-share “champion” Kweichow Moutai set another new record high, closing at RMB782.52 for the day. Total market capitalization amounted to RMB983 billion, just a stone’s throw from the RMB1 trillion market capitalization mark. ZH_REF: 1月9日,A股“股王”贵州茅台股价再次创出历史新高,截至收盘收于782.52元,总市值达9830亿元,距离万亿市值仅一步之遥。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,一个人的名字是:“用的,”,“你的钱,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。 EN: The guidance price of RMB1,499 was RMB200 higher than the previous retail price of RMB1,299. ZH_REF: 1499元的指导价较此前1299元的零售价上涨了200元。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: On December 28, Kweichow Moutai announced that upon study, it has decided to appropriately hike the price of Moutai liquor products in 2018; on average, the magnitude of the hike would be approximately 18%. ZH_REF: 2017年12月28日贵州茅台发布公告称经研究决定,自2018年起适当上调茅台酒产品价格,平均上调幅度18%左右。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的调查是,在2001年,我们的生活方式是由它来的,而不是在他们的中,是在他们的中,是的,而不是在高处的,是的。的的了了了了了了了 EN: This price hike caused Kweichow Moutai shares to soar. A Beijing Morning Post reporter calculated and found that Kweichow Moutai’s share price had increased by RMB95, or more than 14%, over the eight trading days since the company announced its price hike. ZH_REF: 此次提价举动刺激了贵州茅台股价飙涨,北京晨报记者统计发现,贵州茅台提价消息宣布的8个交易日以来,贵州茅台股价上涨了95元,涨幅超过14%。 -ZH_HYP: 1.. +ZH_HYP: 这条理由大公司的,是的,是的,是的,是的,他们的价格是由“”(“)”的,而这是在1995年的,他的成就是,我们的价格还是不一样的 EN: Data showed that the aggregate output value of Guizhou Province for the first to the third quarters of 2017 amounted to RMB950 billion. Maotai’s market capitalization far outstripped Guizhou Province’s GDP for the first three quarters. ZH_REF: 统计显示,2017年贵州省1-3季度生产总值为9500亿元,茅台市值将贵州省去年前三季度GDP远远甩在身后。 -ZH_HYP: 1.. +ZH_HYP: 5.1.1.2.7.1.2.3.4.2000年的贸易点与之相比,其主要原因是,其经济的程度是,它的价格是由上层的,而不是用于(三)的的的的的的的的的 EN: Driven by Moutai, listed baijiu companies began to introduce price hikes and control supply, enjoying the dividend brought about by consumption upgrading. ZH_REF: 在茅台的带动下,白酒类上市公司纷纷开启提价控货节奏,坐享消费升级带来的红利。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),这条纹的人,是用心的,是用的,是的,因为它是用的,而不是用功的方式来衡量的,而这是对你的影响,而不是在哪里?了的的 EN: 2017 year-to-date, the share prices of most listed baijiu companies have continued to soar. In particular, the share prices of Swellfun, Wuliangye Yibin, Shanxi Xinghuacun Fen Wine, and Kweichow Maotai have at least doubled ZH_REF: 2017年以来,大多数白酒上市公司股价持续大涨,其中水井坊、五粮液、山西汾酒、贵州茅台等股价涨幅超过一倍。 -ZH_HYP: 1.. +ZH_HYP: 200.11年,有的是,有的是,有的是,有的是,他们的财富是不公平的,也是在(美)的,而在这方面,他们的表现为“大”了 EN: After entering Microsoft’s real-time dialog translation mode, the screen is divided into two parts. The two users in the dialog may each select their own language. ZH_REF: 在进入微软的实时对话翻译模式后,屏幕被分为两等份,对话的两位用户可以各自选择自己那一边的语言。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”说。。。。。。。。。。 EN: On the morning of December 21, Kvitova’s operation was completed, and all tendons and two nerves of her five fingers were repaired well. ZH_REF: 12月21日早上,科维托娃完成手术,医生修复了她5根手指的所有肌腱和2根神经。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,他的名字是,是的,是的,是为了使自己的工作变得更加危险,而不是为了使他们的心智而变得更糟,而且是在说谎的时候,他们都是用的。了了了 EN: High-level foreign talent with Chinese green cards who found technology enterprises may enjoy “citizen treatment”. ZH_REF: 持有中国绿卡的外籍高层次人才创办科技型企业,可享受“国民待遇”。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),“黑客”,是指甲,是为了使自己的利益而被人用,而不是在他们的身上,而是在那里,是为了让别人知道的,是的,是的,是的,是的,是的。 EN: The first of the “20 measures to further open up and actively utilize foreign investment” states that China would “support high-level foreign talent who hold permanent residence permits found technology related enterprises”. ZH_REF: “二十条”措施中,第一条就是“支持持永久居留身份证外籍高层次人才创办科技型企业”。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,我们的“大”是,“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。 EN: Figures from the National Bureau of Statistics revealed that China’s GDP grew 6.9% year-on-year for the first three quarters of 2017, 0.2 percentage points higher than the same period last year. In particular, the growth rates for the first, second and third quarters were 6.9%, 6.9% and 6.8%, respectively. For nine consecutive quarters, GDP growth ranged between 6.7% and 6.9%, maintaining a medium to high rate of growth. ZH_REF: 国家统计局数据显示,2017年前三季度中国GDP同比增长6.9%,比上年同期加快0.2个百分点。其中一季度、二季度、三季度分别增长6.9%、6.9%、6.8%,连续9个季度运行在6.7-6.9%区间,保持中高速增长。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,中国的经济增长,部分原因是,增长的增长,而不是通胀率,而美国的失业率则为9.6%,而在2007年的水平上,增长了9.6%,而其他的则跌幅为1.5%。。 EN: On December 20th, Beijing time, Azarenka announced through social media that she had given birth to a child and upgraded to be a mother. ZH_REF: 北京时间12月20日,阿扎伦卡通过社交媒体宣布顺利产下一子,升级做了母亲。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的名字是,在那里,是为了让自己摆脱困境,而不是为自己的行为而牺牲,而不是为自己的行为而牺牲,也是为了让自己的心智而来的,而不是在那里,而是要把它给的 EN: Russian media claimed Putin has a new locally produced vehicle: 15% cheaper than a Mercedes Benz ZH_REF: 俄媒称普京将拥有国产新专车:单价比奔驰便宜15% -ZH_HYP: 1.. +ZH_HYP: (a)如果有,则将被视为是为了使其更容易被打败,而不是在他们的国度上,而不是用它的方式来回,而不是在(或)上,这是我的意思了了了了的的的的的的的的的的的 EN: Reference News January 18 report Russian media claimed that Russia’s Minister of Trade and Industry, Denis Manturov, said that the unit price of the automobiles in President Putin’s “motorcade” is priced at RUB6-7 million or higher. ZH_REF: 参考消息网1月18日报道 俄媒称,俄罗斯工贸部长曼图罗夫表示,总统普京“车队”的汽车单价从600-700万卢布起。 -ZH_HYP: 1.. +ZH_HYP: 《美国法典》第10条规定,"在其他方面,我们的贸易是一个错误,而不是在"e",",",",",",",",",",",",",",",",",","""""""" EN: The budget target is to contain the price at 15% lower than a Mercedes-Benz S class. ZH_REF: 预算目标是把价格控制在比梅赛德斯-奔驰S级汽车低15%。 -ZH_HYP: 1.. +ZH_HYP: 这条目的是为了使我们的工作变得更加危险,而不是为了使自己的产品变得更容易,而且也是在说谎的,而不是在(e)上,它是在我们的时候,它是由你所需要的,是的 EN: Russia Lianta network reported on January 16 that from the end of February to the end of March, the key R&D unit for the President’s automobiles - Central Scientific Research Automobile and Automotive Engines Institute (NAMI) - will deliver 15 automobiles to the Federal Protective Service. ZH_REF: 据俄罗斯连塔网1月16日报道,2月底至3月初,总统座驾的主要研发单位——俄罗斯国家汽车工程研究院(NAMI)将向联邦警卫局交付16辆车。 -ZH_HYP: 1.. +ZH_HYP: 在美国,有一个大的,是的,它的作用是,从一个角度来看,这是在1993年的,它的成功,是在汽车上的,它是由你的,而不是在(中)的,是的。了了了了了 EN: The report states that the “motorcade” project requires manufacturing three types of vehicles - limousine, three-carriage vehicle and a small passenger vehicle - for the nation’s leader using a the same module platform. The budget allocation for this project is RUB12.4 billion. ZH_REF: 报道称,“车队”项目要求用统一模块平台为国家头号人物制造3种汽车——加长轿车、三厢车和小型客车。该项目的预算拨款为124亿卢布。 -ZH_HYP: 1.. +ZH_HYP: "这一"的定义是,"有",",",",",",",",",",",",",",",",",",",",",",",",",",",",""""" EN: The report claimed that news of manufacturing the first locally produced limousine in Russia for the President emerged some five years ago. According to the plans of the R&D unit, the new automobile will be equipped with a 800hp engine and armor, and will weigh six tonnes. ZH_REF: 报道称,为总统制造苏联以来第一辆国产加长轿车的消息出现在大约5年前。根据研发单位的计划,新汽车将安装800马力发动机和装甲,整车重量为6吨。 -ZH_HYP: 1.. +ZH_HYP: 4.1.在"大刀"中,有一个"大",但在"e"类"中,有可能被运到,而在2005年,又有一些,而其弹药则被装入,并被装入了碎片,了了。 EN: It is understood that the engineering and technology team of Germany’s BWM is participating in the R&D of the engine unit. ZH_REF: 据悉,德国保时捷公司的工程技术团队参与了动力装置研发。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,你的意思是,在他们的工作中,我们的意思是,你的意思是,它是由你的,而不是在哪里?的的的的的的的的的的的的的的的 EN: Elsewhere, according to reports by TASS on January 16, Manturov told reporters that the “motorcade” series of automobiles will be sold externally from 2019. All configured models will be available. ZH_REF: 另据塔斯社1月16日报道,曼图罗夫告诉记者,“车队”系列汽车将从2019年起对外零售,各种配置的车型都能买到。 -ZH_HYP: 1.. +ZH_HYP: 此外,在其他情况下,我们的工作是由一个人组成的,而不是从他们的手中夺走,他们的一切都是为了得到的,而不是在他们的手中,而是要在那里的,是为了得到更多的保护(( EN: This minister said, “From next year onward, all interested parties may place an order. There are no sale restrictions on any model, whether it is the bullet-proof or the luxury model.” ZH_REF: 这位部长说:“从明年开始,所有感兴趣的人都能订购,不管是防弹型还是豪华型,没有任何销售限制。” -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的名字,是为了使自己的利益而被人用,而不是在他们的身上,他们都是在说谎的,是的,是的,是的,是的,是的,是的,是的。 EN: Russia’s Ministry of Trade and Industry plans to increase the annual production of the “motorcade” series of automobiles to more than 1 million after 2020. ZH_REF: 俄罗斯工贸部计划在2020年后把“车队”系列汽车的年产量提高到1000辆以上。 -ZH_HYP: 1.. +ZH_HYP: 4.5.在对贸易的影响下,我们的贸易和发展的唯一途径是,为自己的利益而努力,使他们的产品更多,而不是在2001年之前就会被淘汰,因为它是在美国的,而不是什么,而是要紧 EN: Manturov said, “Manufacturing 18 units puts us at full capacity now. This year’s output is more than 70 units, with 200 units next year, and 300 or even more the year after.” ZH_REF: 曼图罗夫说:“我们现在生产18辆就满负荷了,今年的产量是70辆以上,明年达到200辆,后年300辆甚至更多。” -ZH_HYP: 1.. +ZH_HYP: 在美国,这是个不寻常的东西,因为它的重量是在一起,而不是在过去,而是用了,而且是在2000年的,而我们的身体就会被提升了。的的了了了了了了了了了了了了了。 EN: (Editor/He Yingjun) ZH_REF: (编译/贺颖骏) -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),是,也是为了把自己的东西弄得太重了,因为他们都是为了把自己的东西弄得太重了,所以你要把他们的东西弄得太多了了了了了了了了了了了了了 EN: Good evening, viewers. ZH_REF: 各位观众,晚上好 -ZH_HYP: 1.. +ZH_HYP: (美英)()(),是,我们的,是为了使自己的处境更容易,而不是为了让自己的力量而去,因为它是在我们的,是的,是的,是的,是的,是的,是对的 EN: Today is December 1st, Friday, the 14th day of the 10th month of the lunar calendar, welcome to Xin Wen Lian Bo. ZH_REF: 今天是十二月一日星期五,农历十月十四,欢迎收看新闻联播节目 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: In tonight's program, we will cover the following main content. ZH_REF: 首先为您介绍今天节目的主要内容。 -ZH_HYP: 1.. +ZH_HYP: 5.a.............................................................. EN: Xi Jinping attended the opening ceremony of the CPC in Dialogue with World Political Parties High-level Meeting and delivered a keynote speech. Wang Huning attended the first plenary session of the dialogue. ZH_REF: 习近平出席中国共产党与世界政党高层对话会开幕式并发表主旨讲话,王沪宁出席对话会第一次全体会议。 -ZH_HYP: 1.. +ZH_HYP: 5.3.在一个方面,他的态度是,在这方面,我们的经历都是由一个人所做的,而不是在他的身边,而是在他的面前,为你的事业而去的,是的,是的,是的。 EN: Xi Jinping met respectively ZH_REF: 习近平分别会见 -ZH_HYP: 1.. +ZH_HYP: 每台上方都有一个大的特点,是由一个人组成的,是由一个人所控制的,是由他们所控制的,是由你所产生的,而不是为了达到最高目的,而要使自己的力量更多 EN: with Myanmar's State Counselor Aung San Suu Kyi and President of the Cambodian People's Party and Prime Minister of the government Hun Sen, who came to attend the CPC in Dialogue with World Political Parties High-level Meeting. ZH_REF: 前来出席中国共产党与世界政党高层对话会的缅甸国务资政昂山素季和柬埔寨人民党主席、政府首相洪森。 -ZH_HYP: 1.. +ZH_HYP: 5.a.................................................................. EN: Li Keqiang met with Russian President Putin. ZH_REF: 李克强会见俄罗斯总统普京。 -ZH_HYP: 1.. +ZH_HYP: 5.e............................................................... EN: Li Keqiang arrived in Sochi to attend the 16th Prime Ministerial Meeting of SCO Member Countries. ZH_REF: 李克强抵达索契出席上海合作组织成员国总理第十六次会议。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: The 12th National Congress of the Chinese Association for the Advancement of Democracy opened in Beijing. On behalf of the CPC Central Committee, Wang Yang delivered a congratulatory message. ZH_REF: 中国民主促进会第十二次全国代表大会在京开幕,汪洋代表中共中央致贺词。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: The leaders of many countries' political parties visited the Forge Ahead Five-Year Major Achievements Exhibition in Beijing, , where they affirmed the tremendous changes that have taken place in China and shared in the experience of China's development. ZH_REF: 多国政党领导人在北京参观砥砺奋进的五年大型成就展,肯定中国巨变,分享中国发展经验。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的经历,是我们的事业,而不是在他们的面前,他们的经历,是在中国的,是在为我们带来的,而不是在那里,它是在国际上的,而不是在那里的 EN: on the Syria Issue, as both parties to the peace talks begin a closely synchronization conference. ZH_REF: 艰难推进,和谈双方开启近距离同步会议 -ZH_HYP: 1.. +ZH_HYP: 在任何情况下,都是由衷的,而不是为了使他们的利益而变得更容易,因为他们是在一起,而不是在他们的身边,而是在我的上方,而不是在那里,是为了让人感到羞耻的 EN: Viewers, today's Xinwen Lianbo broadcast will be roughly 35 minutes. ZH_REF: 各位观众,今天的新闻联播节目大约需要三十五分钟。 -ZH_HYP: 1.. +ZH_HYP: (美英对照):“我们的”是,在这方面,我们的工作是不可能的,因为它是在你的,而不是在那里,它是由你所拥有的,而不是在那里,它是由你所能的, EN: Next, please watch the details. ZH_REF: 接下来请您收看详细内容。 -ZH_HYP: 1.. +ZH_HYP: b................................................................ EN: On December 1st, General Secretary of CPC Central Committee and President Xi Jinping attended the opening ceremony of the CPC in Dialogue with World Political Parties High-level Meeting at the Great Hall of the People and delivered ZH_REF: 中共中央总书记、国家主席习近平十二月一号在人民大会堂出席中国共产党与世界政党高层对话会开幕式,并发表 -ZH_HYP: 1.. +ZH_HYP: 在本文件中,总的是,我们的工作是由衷的,而不是在你的身边,在那里,为自己的事业而努力,而不是在国际上,也是为了让人感到厌倦,而不是在高处的 EN: a keynote speech entitled "Building a Better World Together" ZH_REF: 题为《携手建设更加美好的世界》的主旨讲话 -ZH_HYP: 1.. +ZH_HYP: (a)【句意】(a)【句意】我们的意思是,它是由“人”的,在那里,它是由你所控制的,是为了使自己的力量而变得更多的人的的的的的的的的的 EN: Xi Jinping emphasized that political parties should conform to contemporary development trends, grasp the general trend of human progress, ZH_REF: 习近平强调政党要顺应时代发展潮流、把握人类进步大势 -ZH_HYP: 1.. +ZH_HYP: (k)【句意】(a)【句意】我们的意思是,从句中,我们必须用的,从句中解脱出来,把它放在一边,或者是在说什么,也是对的,而不是最需要的 EN: to work with all parties to promote the construction of a community with a shared future for mankind. ZH_REF: 愿同各方推动构建人类命运共同体的真诚愿望 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,在我的生活中,我们都是为了得到的,而不是为了给别人带来的,也是为了让自己的力量而努力,而不是在哪里? EN: Political parties play an important role in the political life of countries and are also an important force in promoting the progress of human civilization. ZH_REF: 政党在国家政治生活中发挥着重要作用,也是推动人类文明进步的重要力量。 -ZH_HYP: 1.. +ZH_HYP: (一)在进行中,是一个不公平的,因为它是在为自己的,而不是在为自己的,而在他们的面前,也是为了使人的心智而变得更重要了,,,,的的的的的( EN: At the end of the year, leaders of nearly 300 political parties and political organizations from all over the world gathered in Beijing to discuss plans for cooperation, ZH_REF: 年终岁末,来自世界各国近三百个政党和政治组织的领导人齐聚北京,共商合作大计。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,我们的态度是,在一切方面,都是为了使他们的利益而变得更有价值,而不是在他们的身边,他们的事,是为了给我带来的,而不是在那里,要去做 EN: Xi Jinping pointed out that humankind is more interconnected than at any time in history, and that at the same time, humankind faces unprecedented global problems. ZH_REF: 习近平指出,今天人类生活的关联前所未有,同时人类面临的全球性问题也前所未有。 -ZH_HYP: 1.. +ZH_HYP: 13.4.在不允许的情况下,人的尊严是不可能的,而在其他方面,也是一种错误的,在它的范围内,在我们的关系中,是为了避免的,而不是在说谎的时候,他们都会对你的人 EN: The future and the destinies of the citizens of every country in the world are increasingly linked. ZH_REF: 世界各国人民前途命运越来越紧密地联系在一起。 -ZH_HYP: 1.. +ZH_HYP: 5.4.在一个国家,我们的处境和责任都是为了使他们的利益而变得更容易,而不是为了使他们的工作变得更糟,而在其他方面,他们都是为了得到的,而不是在西方国家中,而是要把它当作是最重要的。 EN: People of all countries in the world should uphold the concept of one world, understand each other, seek common grounds while reserving differences, ZH_REF: 世界各国人民应该秉持天下一家理念,彼此理解、求同存异 -ZH_HYP: 1.. +ZH_HYP: (一)(一)人的行为是一种不稳定的,是对的,是为了使自己的利益而被人所束缚,而不是在他们身上,而是要有的,也是为了得到的,而不是在别人身上的,是对的,对你的人 EN: and work together to make efforts to build a community with a shared future for mankind. ZH_REF: 共同为构建人类命运共同体而努力 -ZH_HYP: 1.. +ZH_HYP: (4)为使人感到羞愧,而不是为了使人的心智而变得更多,而不是在他们的身边,而是在他们的面前,为自己的力量而去,而不是为了给别人带来的,也是最重要的 EN: I propose the Belt and Road Initiative, that is, to practice the concept of a community with a shared future for mankind. ZH_REF: 我提出一带一路倡议,就是要践行人类命运共同体理念。 -ZH_HYP: 1.. +ZH_HYP: 4.5.在为使人的尊严和安全而变得更有价值的时候,我们都会在一起,而不是为了自己的利益而努力,而不是为了使他们的工作变得更有价值。的是了了了了了了了了了了了了了了了了了了了了了。 EN: Xi Jinping stressed that we must strive to build a world free from fear, universally safe, and that upholds a common, integrated, cooperative, and sustainable new conception of security, ZH_REF: 习近平强调,我们要努力建设一个远离恐惧,普遍安全的世界,坚持共同、综合、合作、可持续的新安全观。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),我们必须为自己的目的而努力,而不是从他们的角度来看待,而不是在为他们提供的服务,而不是在那里,要么是一个人,要么是一个人,要么是在那里,要么是关系到的,要么是错误的。 EN: We must strive to build a world far away from self-isolation, open to others, which uphold the principle that the world is rich and colorful and civilizations are diverse, ZH_REF: 我们要努力建设一个远离封闭、开放包容的世界,坚持世界是丰富多彩的、文明是多样的理念。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),我们的作品,是为了使自己摆脱困境,而不是为了自己的利益而去,而不是为了让自己的力量来实现,而不是在别人身上,要么是在(或)上,是对的,是对我们的最重要的 EN: and allow all civilizations to coexist harmoniously. ZH_REF: 让各种文明和谐共存。 -ZH_HYP: 1.. +ZH_HYP: 3.4.在任何情况下,都可以为我们的产品提供一个新的、更多的,而不是在他们的身边,它是由你所控制的,而不是在那里,它是为了让人感到厌倦的。的了的 EN: We must strive to build a clean and beautiful world with green mountains and clear waters, and adhere to the concept of symbiotic coexistence between man and nature, and jointly create a harmonious and livable ZH_REF: 我们要努力建设一个山清水秀、清洁美丽的世界,坚持人与自然共生共存的理念,共同营造和谐宜居的 -ZH_HYP: 1.. +ZH_HYP: (一)有一个人的,是,我们的梦想,是为了使自己变得更加美丽,而又是为了使自己变得更有价值,而且也是为了达到的目的而去做,而不是在那里,是对的,是对的,是对我们的最重要的 EN: home for humanity ZH_REF: 人类家园 -ZH_HYP: 1.. +ZH_HYP: (一)(一),是为了使人的心目中的,而不是为了使他们的缘故,而不是为了让自己的心烦起来,而不是为了让人感到羞耻,因为他们的行为是在不断的,而不是在那里,是了 EN: that seek common ground while reserving differences, respect one another, and learn from each other's experiences on the basis of a new type of international relations. ZH_REF: 建立求同存异、相互尊重、互学互鉴的新型政党关系。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为它是在相互间的,而不是在过去,而是在某种意义上,是为了使自己的力量而得到的,而不是在别人的上方。是了了了的了了了了了了了 EN: We should build a network of international political parties for exchange and cooperation in various forms and at various levels, and bring together powerful forces to build a community with a shared future for mankind. ZH_REF: 搭建多种形式、多种层次的国际政党交流合作网络,汇聚构建人类命运共同体的强大力量。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,我们的态度是,有必要,在我们的共同点上,为自己的利益而去,而不是在一起,而是为了使自己的力量而变得更有价值,而且也是为了给人留下了好的东西 EN: We need to accomplish our own tasks well, which itself is a contribution to building a community with a shared future for mankind. ZH_REF: 我们要把自己的事情做好,这本身就是对构建人类命运共同体的贡献。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】我们的意思是,我们的目的是为了使自己的事业变得更有价值,因为他们是在为自己的工作而努力的,而不是在那里,也是为了给别人带来的,而不是在乎你的 EN: We must also create more opportunities for the world by promoting China's development. ZH_REF: 我们也要通过推动中国发展给世界创造更多机遇。 -ZH_HYP: 1.. +ZH_HYP: (4)我们的目的是为人提供更多的机会,使之成为一种不稳定的东西,而不是在他们的中,为自己的力量而去,因为它是在我们的,是的,是的,是的,是的。 EN: We do not import foreign models nor export the Chinese model, and we will not ask other countries to copy Chinese practices. ZH_REF: 我们不输入外国模式,也不输出中国模式,不会要求别国复制中国的做法。 -ZH_HYP: 1.. +ZH_HYP: (一)(一)不,不,也不适合于下一个,而不是在中国,我们就会有更多的东西,所以,他们都会在那里,给你带来的,是的,是的,是的,是的,是的。 EN: First, ZH_REF: 第一 -ZH_HYP: 1.. +ZH_HYP: (一)(一),“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。。。 EN: the Chinese Communist Party will make contributions to the peace and tranquility of the world. ZH_REF: 中国共产党将一如既往为世界和平安宁作贡献。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。。。。。。。。 EN: China will hold high the banner of peace, development, cooperation, and mutual benefit. It will unswervingly follow the path of peaceful development and actively promote the building of a global partnership, ZH_REF: 中国将高举和平、发展、合作、共赢的旗帜,始终不渝走和平发展道路,积极推进全球伙伴关系建设。 -ZH_HYP: 1.. +ZH_HYP: 5.4.在不受影响的情况下,我们的努力将是一种更加开放的、有的、有价值的、有的、有的、有的、有的、有的、有的、有的、有的、有的、有的 EN: and actively participate in the process of political settlement of difficult hot-button international issues. ZH_REF: 主动参与国际热点难点问题的政治解决进程。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,我们的生活方式是,在他们的工作中,不需要的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: No matter to what degree China is developed, it will never become a hegemon and or engage in expansionism. ZH_REF: 中国无论发展到什么程度,都永远不称霸,永远不搞扩张。 -ZH_HYP: 1.. +ZH_HYP: (英译汉).................................................................. EN: By the middle of this century, China will build a prosperous, strong, democratic, civilized, harmonious, and beautiful socialist modern power. ZH_REF: 到本世纪中叶中国将建成富强民主文明和谐美丽的社会主义现代化强国。 -ZH_HYP: 1.. +ZH_HYP: 在这个过程中,我们的性格是由衷的,而不是从它的中来,它是由来已的,而不是在为自己的力量,而不是在那里,它是由你所拥有的,而不是在高处的,是什么? EN: This will benefit the Chinese people, and benefit all the peoples of the world as well. ZH_REF: 这将造福中国人民,也将造福世界各国人民。 -ZH_HYP: 1.. +ZH_HYP: 4.5.这是为了使人的处境,而不是为了使自己变得更容易,而又是为了使自己的事业变得更有价值,而不是在他们的身边,就会被人所为的,而不是在别人身上,而是在你的身边了 EN: We call on all political parties in the world to work with us to create more opportunities for cooperation for the world, and strive to promote the common prosperity and development of all countries in the world. ZH_REF: 我们倡议世界各国政党同我们一道,为世界创造更多合作机会,努力推动世界各国共同发展繁荣。 -ZH_HYP: 1.. +ZH_HYP: (4)我们的研究是,我们的目的是为了使自己的工作变得更加富裕起来,而不是为了使他们变得更有价值,而不是在一起,而是为了给人带来更多的东西,也是为了给你带来的,而不是在我们的 EN: The Chinese Communist Party has always stressed the importance of establishing a global perspective, actively learning from the achievements of civilization by the people of all countries in the world, and applying the same in the light of China's actual conditions. ZH_REF: 中国共产党历来强调树立世界眼光,积极学习借鉴世界各国人民创造的文明成果,并结合中国实际加以运用。 -ZH_HYP: 1.. +ZH_HYP: 5.4.在一个人的时代,我们必须努力,以实现发展,而不是从某种意义上说,它是在我们的国家中,它是在世界上的,它是由一个人所承担的,而这是在所有方面的,的的的的的 EN: and support the people of all countries in strengthening humanistic exchanges and people-to-people friendship. ZH_REF: 开展对话和交流合作,支持各国人民加强人文往来和民间友好。 -ZH_HYP: 1.. +ZH_HYP: (一)(一)对所有的人都有影响,而不是为了使人更多地从他们的手中夺走,而不是在他们的时候,才会有价值的,因为它是在我们的,是的,是的,是的 EN: to institutionalize the high-level dialogue between the Chinese Communist Party and global political parties so that they can become a platform for high-level political dialogue with broad representation ZH_REF: 将中国共产党与世界政党高层对话会机制化,使之成为具有广泛代表性和国际影响力的 -ZH_HYP: 1.. +ZH_HYP: (一)(一)不一切,也是一个大的,它的发展是由我们来的,而不是在他们的中,是为了让自己的力量而去,而不是在那里,是为了让人感到厌倦了的的的 EN: and international influence. ZH_REF: 高端政治对话平台 -ZH_HYP: 1.. +ZH_HYP: (b)(一)不安全,使其成为一种,使其成为一种危险的,使其成为一种危险的,使其成为一种危险的,而不是在上层,或在其他的情况下,以达到最高的标准,的的的的 EN: Confucius, an ancient Chinese thinker, ZH_REF: 中国古代思想家孔子 -ZH_HYP: 1.. +ZH_HYP: 英语、口服、口服、自定义、自负义词,是指人在外边的,是指甲的,是在有的时候,要用功率来衡量,因为你的意思是不对的,而不是在别人的上司。的 EN: said that ZH_REF: 说过 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,有的是,他们的缺点,是为了使自己的处境,而不是为了使他们的缘故,而不是为了更多的,而不是为了给别人的服务,而是为了给你带来的,而不是在乎 EN: there are three friendships which are advantageous. Friendship with the upright; friendship with the sincere; and friendship with the observant. ZH_REF: 益者三友,友直,友谅,友多闻。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),是,有的,是的,是在为之而来的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: The Chinese Communist Party hopes to make friends all over the world. ZH_REF: 中国共产党愿广交天下朋友。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: For a long time, the CPC has maintained regular contacts with more than 400 political parties and political organizations in more than 160 countries and regions in the world. ZH_REF: 长期以来,中国共产党同世界上一百六十多个国家和地区的四百多个政党和政治组织保持着经常性联系。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),在这一过程中,我们的国家是有价值的,而不是在其他国家,也是在国际上,是为了使其更加安全,而不是为了达到最高目的,而不是在1000米(美元)的的的的的 EN: share experiences in governing the party and state, ZH_REF: 分享治党治国经验 -ZH_HYP: 1.. +ZH_HYP: (c)在任何情况下,都是由不稳定的,而不是在其他国家,是由他们所控制的,而不是为他们所带来的,是为了使他们的利益而被人所处死,而不是为了使他们的人更多的 EN: and enhance mutual strategic cooperation with other people in the world ZH_REF: 增进彼此战略性的 -ZH_HYP: 1.. +ZH_HYP: (c)【句意】(a),我们的目的是为了使人的心智而变得更容易,因为他们的人在为自己的工作而感到羞耻的时候,他们都会在那里,为你的对手而努力,的 EN: The CPC in Dialogue with World Political Parties High-level Meeting focuses on the responsibility of building a community of shared future for mankind and jointly building beautiful global political parties. Leaders of nearly 300 political parties and political organizations in over 120 countries, altogether more than 600 Chinese and foreign representatives, attended the meeting. ZH_REF: 中国共产党与世界政党高层对话会以构建人类命运共同体、共同建设美好世界政党的责任为主题,来自一百二多个国家的近三百个政党和政治组织的领导人共六百多名中外方代表与会。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个共同的因素,即:“是,我们的共同点,是对世界上的一个共同的,是对他们的,是对的,而不是在政治上和更多的人,而不是在那里,而是在所有的领域中 EN: State Counselor of Myanmar Aung San Suu Kyi, Deputy Secretary of the Russian Federation's General Committee Reznianek, Treasurer of the U.S. National Republican Committee Anthony Parker, ZH_REF: 缅甸国务资政昂山素季,俄罗斯统一俄罗斯党总委员会主席团副书记热列兹尼亚克,美国共和党全国委员会司库安东尼帕克。 -ZH_HYP: 1.. +ZH_HYP: 4.a.(b)在美国,其成员是在美国,被视为是由其拥有的,而不是由其所拥有的,而其本身则是由其所受的,而不是由它的,由它的,是由他所造成的。 EN: and Vice President of Ethiopian People's Revolutionary Democratic Front and Deputy Prime Minister of the government Demeke respectively addressed the plenary session and spoke highly of Xi Jinping's proposal to build a community with a shared future for mankind ZH_REF: 埃塞俄比亚人民革命民主阵线副主席、政府副总理德梅克在全体会议上分别致辞,高度评价习近平关于构建人类命运共同体 -ZH_HYP: 1.. +ZH_HYP: (a)在美国,"人"是指在"e"中的",而不是在"我们"的时候,也是为了使他们的利益而受到伤害,而不是为他们提供一个共同的服务,而这是对我们的最严重的影响 EN: that concern both of our core interests and major concerns. ZH_REF: 彼此理解、相互支持、协调配合。 -ZH_HYP: 1.. +ZH_HYP: (4)这是个谜语,我们的意思是,它是在为自己的,而不是在,它是由谁来的,而不是在别人身上,而是在你的身上,是为了使他的力量而变得更重要的 EN: The pragmatic cooperation in all fields has made positive progress, and the relations between our two countries have maintained a healthy momentum of sound and steady development. ZH_REF: 各领域务实合作取得积极进展,两国关系保持健康稳定发展的良好势头。 -ZH_HYP: 1.. +ZH_HYP: (4)在任何情况下,我们都是为了保持沉默,而不是在其他方面,而不是在其上,而是在为其带来的利益而变得更加危险,而这是对我们的共同点的影响。是了了的的的的的 EN: Xi Jinping pointed out that the Chinese party and government will, as always, adhere to the principle of friendship with Myanmar and view bilateral relations from ZH_REF: 习近平指出,中国党和政府将一如既往地奉行同缅甸友好方针,从战略高度和长远角度 -ZH_HYP: 1.. +ZH_HYP: 3.1.在不影响的情况下,我们的利益是由一方来的,是为了使其成为一个共同的、有的,而不是为了使其更多的力量来实现,而不是在国际上,而是要对其进行评估 EN: a strategic and long-term perspective. ZH_REF: 看待两国关系 -ZH_HYP: 1.. +ZH_HYP: (一)(一),是,也是为了使他们的缘故,而不是为了使他们变得更容易,因为他们的工作是在为他们而来的,是在我们的工作中,而不是在(或)上的,是对的的的的 EN: We are willing to work with Myanmar to firmly grasp the correct direction for the development of bilateral relations and implement all consensuses reached by both sides, ZH_REF: 我们愿同缅方一道,牢牢把握中缅关系发展正确方向,落实好双方达成的各项共识。 -ZH_HYP: 1.. +ZH_HYP: 5.3.为了使人的利益,我们的态度是,为自己的目的而努力,而不是在为他们带来的好处,而不是在他们的面前,才会有更多的关系,那是你的好意,那是对的,对我们来说是很好的 EN: actively explore new points of growth for cooperation in building the economic corridor between China and Myanmar, and promote the sound and rapid development of bilateral relations ZH_REF: 积极探讨建设中缅经济走廊等新的合作增长点,推动中缅关系又好又快发展 -ZH_HYP: 1.. +ZH_HYP: 4.在任何情况下,都是为了加强经济,以促进贸易,使之成为一个共同的、有的、有价值的、有的、有的、有的、有的、有的、有的、有的、有的、有的 EN: Xi Jinping said that the 19th National Congress held in October this year is of great strategic significance to China. ZH_REF: 习近平表示,今年十月召开的中共十九大对中国具有重大战略意义。 -ZH_HYP: 1.. +ZH_HYP: 107.如果有,他的行为是在不可能的,是在为之而进行的,是在为其带来的,而不是在那里,它是在对的,是对的,而不是在(上)的的的的的的的的的的的的的的 EN: The Congress summed up all the work since the 18th CPC National Congress. ZH_REF: 大会总结了中共十八大以来的各项工作。 -ZH_HYP: 1.. +ZH_HYP: (四)【句意】(),我们的意思是,它是在我的,是为了让自己的力量而努力,而不是在他们的时候,也是为了让人感到厌倦的,而不是在他们的上司面前 EN: It also regarded constructing a community with a shared future for mankind as a new direction of China's diplomatic efforts. ZH_REF: 并将构建人类命运共同体作为新时代中国外交努力方向。 -ZH_HYP: 1.. +ZH_HYP: (a)为人的安全,并为其带来的好处和代价,在其他方面,为之提供便利,而不是为其提供的服务,而不是在(a)--------------------------- EN: Myanmar-China relations have a special significance for Myanmar. We have a long history of people-to-people friendship. ZH_REF: 缅中关系对缅方而言具有特殊重要意义,我们有历史悠久的民间友好情谊。 -ZH_HYP: 1.. +ZH_HYP: 5.3.在一个不稳定的时期,我们的态度是,为自己的事业而作,而不是为了使自己的利益而变得更糟,而不是在我们的身边,而是在他的面前,为你的服务提供了一个好的理由。了了了了了 EN: There has also been close cooperation in mutual trust and respect for one another in recent years. We thank General Secretary Xi Jinping for attaching such great importance to the relations between the two countries. We fully feel the sincere friendship between the Chinese party and the government. ZH_REF: 也有近年来相互信任、彼此尊重的密切合作,感谢习近平总书记对缅中关系的高度重视,我们充分感受到了中国党和政府的真诚友好情谊。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,我们的态度是,对我们来说,这是个很有价值的事,因为它是在你的,是为了给我带来的,而你的态度是很有价值的,因为它是对国际关系的最重要的 EN: Xi Jinping said Prime Minister Hun Sen is a good friend, old friend, and true friend of the Chinese party and people. ZH_REF: 习近平表示,洪森首相是中国党和人民的好朋友、老朋友、真朋友。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: At present, relations between China and Cambodia are at their best in history. ZH_REF: 当前,中柬关系处于历史最好时期 -ZH_HYP: 1.. +ZH_HYP: 5.在这方面,我们的态度是,在做的时候,我们的人都是为了自己的,而不是在他们的身边,在那里,是为了让别人的利益而去,而不是为了让人感到更多的 EN: Mutual political trust between the two countries has been continually enhanced, practical cooperation has continued to expand, and humanistic exchanges have become increasingly closer, which has brought tangible benefits to both peoples. ZH_REF: 双方政治互信不断增强,务实合作持续扩大,人文交流日益密切,为两国人民带来了实实在在的利益。 -ZH_HYP: 1.. +ZH_HYP: (一)有的是,从一开始就会有更多的东西,而不是为了使自己的利益而变得更容易,因为它是在相互间的,而不是在别人身上,它是由你所引起的,而不是太多了 EN: Next year marks the 60th anniversary of the establishment of diplomatic relations between China and Cambodia, and we hope both sides will take this opportunity to celebrate the 60th anniversary of the establishment of diplomatic relations between the two countries to push forward the in-depth development of bilateral relations and long-term stability. ZH_REF: 明年是中柬建交六十周年,希望双方以庆祝两国建交六十周年为契机,推动两国关系深入发展、行稳致远。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,我们将为建立一个更美好的、更美好的世界,而不是为他们带来的利益,而是在为我们的外交努力中,为我们的事业提供一个共同的机会,在这方面,他们之间的关系也是如此的的的 EN: Cambodia has always given China strong support. ZH_REF: 柬方始终给予中方坚定支持 -ZH_HYP: 1.. +ZH_HYP: 4.在任何情况下,我们都是为了使自己的力量而变得更容易,而不是为了使自己的力量而被人所束缚,而不是为了使他们的力量而变得更高了,而且对他的影响是很重要的,因为我们的关系是什么? EN: China has always supported Cambodia in taking a development path that matches its own national conditions and supported the Cambodian government's efforts ZH_REF: 中方一贯支持柬埔寨走符合本国国情的发展道路, 支持柬政府 -ZH_HYP: 1.. +ZH_HYP: 5.4.在美国,我们的态度是为了使自己的处境更加严重,而不是为了使自己的处境变得更糟,而不是为了自己的利益而去,而不是为了给别人带来的,也是在我们的时候了的的的的的的的的的的的的的 EN: China is ready to work with Cambodia to actively expand strategic cooperation between the two countries and fully utilize the politically leading role of exchange between the two parties in relations between the two countries, ZH_REF: 中方愿同柬方一道,积极拓展两国战略合作,发挥两党交往对两国关系的政治引领作用。 -ZH_HYP: 1.. +ZH_HYP: 5.3.4.为了使其能适应,我们的国家也必须在相互间的发展中,以加强其在国际上的地位,并使其成为一个共同的问题,而这是在其他方面的,因为它是由两个方面的,而不是 EN: expand the depth of pragmatic cooperation, strengthen cooperation in the areas of defense and law enforcement and security, promote humanitistic exchanges, and work closely in cooperation and collaboration in multilateral mechanisms, such as the United Nations, East Asian cooperation, and Lancang-Mekong cooperation ZH_REF: 拓展务实合作广度深度,加强防务及执法安全领域合作,促进人文交流,密切双方在联合国 -ZH_HYP: 1.. +ZH_HYP: (b)为使我们的工作变得更加复杂,而又是在加强相互间的合作,也是为了促进经济、社会和文化的发展,而非对抗第三人的危险,也是为了加强合作,而不是在我们之间进行的,是在相互间的关系上的。 EN: to work together to build an unbreakable community for a shared Sino-Cambodian future. ZH_REF: 东亚合作、澜湄合作等多边机制中的协调和配合,携手打造牢不可破的中柬命运共同体。 -ZH_HYP: 1.. +ZH_HYP: (4)................................................................ EN: It made major political judgments on the socialism with Chinese characteristics entering into a new era, pointed out new changes in major social conflicts and defined ZH_REF: 作出了中国特色社会主义进入新时代的重大政治判断 ,指出了社会主要矛盾的新变化,明确了 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个大的错误,是为了使自己的事业变得更容易,而不是在为自己的事业而来,而不是为了给别人带来的,也是在我们的上司面前的,是对的,而不是对你的一切 EN: Hun Sen extended warm congratulations to Xi Jinping for winning the support of the entire party and the people throughout the country and for being reelected as General Secretary of the CPC Central Committee. ZH_REF: 洪森对习近平得到全党全国人民拥护、再次当选中共中央总书记表示热烈祝贺。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是对我们的影响,是为了让自己的心目相传,而不是在他们的面前,为自己的力量而去,而不是在那里,是最重要的。的是了了了了了了了的的的的 EN: He spoke highly of China holding this grand meeting of global political parties, a dialogue meeting between the Chinese Communist Party ZH_REF: 高度评价中方举办中国共产党与世界政党高层对话会 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,中国的态度是一个巨大的问题,为自己的事业而作为,而不是在自己的面前,为自己的利益而努力,而不是为他们的服务提供了一个好的理由,而这是在他的关系中的 EN: He said that China is a close partner of Cambodia with a high degree of confidence and full trust. Cambodia is satisfied with the relations between Cambodia and China. ZH_REF: 他表示,中方是柬方高度信任和充分信赖的亲密伙伴,柬方对柬中关系感到满意。 -ZH_HYP: 1.. +ZH_HYP: 他的说,在这方面,我们是个很好的人,是为了使自己摆脱了不稳定的局面,而不是在我们的国家里,也是为了得到的,而不是在国际上,也是为了给自己带来了更多的好处 EN: and continue to improve our own ability and level of governance ZH_REF: 不断提升自身执政能力和水平 -ZH_HYP: 1.. +ZH_HYP: (一)(一)不一切,也是为了使自己的处境更加危险,而不是为了使他们的处境变得更容易,因为他们的工作是在为我们的人而去的,而不是在那里,还是要把它的东西分给别人, EN: Ding Xuexiang and Yang Jiechi attended the meeting. ZH_REF: 丁薛祥、杨洁篪等参加上述会见。 -ZH_HYP: 1.. +ZH_HYP: (三)(一),可乐的,是用的,是用的,是在用的,是在用的,是在你的,是在说谎的,是在用的,而不是用功的方式来实现的 EN: On the 29th of November local time, Premier Li Keqiang of the State Council met with Russian President Vladimir Putin in the Kremlin in Moscow. ZH_REF: 国务院总理李克强当地时间十一月二十九号 ,在莫斯科克里姆林宫会见俄罗斯总统普京。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,他的名字是:“从头到尾,”他说,“我们的事,是在他们的面前,”他的意思,是的,是的,是的,是的,是的,是的,是的,是的。 EN: Li Keqiang first conveyed President Xi Jinping's sincere greetings and good wishes to President Putin. ZH_REF: 李克强首先转达了习近平主席对普京总统的诚挚问候和良好祝愿。 -ZH_HYP: 1.. +ZH_HYP: “(k)”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”说。。。。。。。。。。 EN: Li Keqiang said that President Xi Jinping met with Putin in a successful meeting in Da Nang, Vietnam, shortly after the closing ceremony of the 19th CCP National Congress. ZH_REF: 李克强表示,中国共产党第十九次全国代表大会闭幕后不久,习近平主席同普京总统在越南岘港成功会晤。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Li Keqiang pointed out that at present, the economic cooperation between the two countries is taking solid steps. Cooperation in traditional areas has been continuously pushed forward and cooperation in new areas also made progress. ZH_REF: 李克强指出,当前两国经济合作正迈出坚实步伐,传统领域合作持续推进,新领域合作也取得进展。 -ZH_HYP: 1.. +ZH_HYP: 5.k................................................................ EN: China hopes to reinforce the connection between the Belt and Road Initiative and the Eurasian Economic Union. ZH_REF: 中方愿将一带一路倡议同欧亚经济联盟加强对接。 -ZH_HYP: 1.. +ZH_HYP: 5.a.d............................................................... EN: Li Keqiang stressed that China is ready to step up its communication and coordination with Russia in international affairs. ZH_REF: 李克强强调,中方愿同俄方加强在国际事务中的沟通协调。 -ZH_HYP: 1.. +ZH_HYP: “”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,“你也要用功的方式来做。”””””” EN: We will work closely for cooperation within multilateral frameworks such as the Shanghai Cooperation Organization to help seeking advancement while stabilizing cooperation in the region ZH_REF: 密切在上海合作组织等多边框架内的合作, 共同助力地区合作稳中求进 -ZH_HYP: 1.. +ZH_HYP: 4.5.为了使我们的工作变得更加复杂,我们也必须在多边环境中寻找,而不是在贸易方面,而是在相互间的关系中,在这方面,为自己的事业而努力,而不是为其带来的利益,也是最严重的 EN: and work to inject constructive force into the peaceful development of the world. ZH_REF: 为世界的和平发展注入建设性力量 -ZH_HYP: 1.. +ZH_HYP: (a)(一),在为难关,我们的工作是为了使自己的心跳而变得更有可能,而不是在其他地方,也是为了让人感到厌倦,而不是在高处,而是要在别人身上的时候,对你的人来说,是什么? EN: Putin welcomed Li Keqiang to Russia to attend the Prime Ministerial Meeting of SCO Member Countries. ZH_REF: 普京欢迎李克强来俄出席上海合作组织成员国总理会议。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: He expressed that ZH_REF: 他表示 -ZH_HYP: 1.. +ZH_HYP: (d)对其进行的,以重合的方式,如有可能,如有可能,以重合,以使其成为反向,并将其作为,以达到最高的目的,以达到更高的水平,以达到更高的水平 EN: at present, the trade between Russia and China has enjoyed good growth momentum and that cooperation in energy, transport infrastructure, agriculture and local areas has been actively promoted. ZH_REF: 当前俄中贸易增长势头良好,能源、交通基础设施、农业、地方等领域合作积极推进。 -ZH_HYP: 1.. +ZH_HYP: 在这方面,我们的态度是,我们的努力是为了得到的,而不是为了使他们的贸易变得更有价值,而不是在中国,而是在他们的工作中,在那里,是为了提高他们的效率,也是为了得到更多的保护 EN: The Eurasian Economic Union and the Belt and Road Initiative are complementary. ZH_REF: 欧亚经济联盟和一带一路倡议具有互补性。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),可由一种方式,以其他方式,为之提供,以使之成为不稳定的,并为之提供了一种可供选择的方式,而不是在(d)上,而在其他的情况下,我们就会被打败了 EN: We hope that both sides will lead well in development strategy and better realize win-win, mutually beneficial cooperation. ZH_REF: 希望双方对接好发展战略,更好实现互利双赢。 -ZH_HYP: 1.. +ZH_HYP: 5.4.我们的态度和机会,是为了使自己的事业变得更容易,而不是在为自己的事业上,而不是在他们的身边,也是为了得到的,而不是在别人的上方。了了了了了了了了了了了 EN: Both sides also exchanged views on international and regional issues of common concern. ZH_REF: 双方还就共同关心的国际和地区问题交换看法。 -ZH_HYP: 1.. +ZH_HYP: (4)在任何情况下,我们都是为了使其成为一个共同的,而不是为了使其成为一个更强大的国家,而不是在其上,而是为了使其成为一个更高的、更有价值的东西的的的的的的的的的的的的的的的 EN: Viewers, this is Russia's Sochi International Airport. At the invitation of Russian Prime Minister Medvedev, Premier Li Keqiang arrived here on the noon of the 30th, local time, ZH_REF: 各位观众这里是俄罗斯索契国际机场, 应俄罗斯总理梅德韦杰夫邀请当地时间三十号中午国务院总理李克强抵达这里。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(我们)的意思是,我们的意思是,在这里,我们都是为了得到的,而不是在这里,而不是在那里,它是由你来的,而不是在他的身边,那是什么?的的 EN: to attend the 16th Prime Ministerial Meeting of SCO Member Countries. Senior officials of the Russian government and the Chinese ambassador in Russia, Li Hui, welcomed him at the airport. ZH_REF: 出席上海合作组织成员国总理第十六次会议, 俄罗斯政府高级官员和中国驻俄罗斯大使李辉等在机场迎接。 -ZH_HYP: 1.. +ZH_HYP: (美)(四)【句意】我们的意思是,我们的公司都是在他们的,是在中国,也是为了让他们的利益而去,而不是在那里,是为了给他的,而不是在那里,你是在我们的 EN: Li Keqiang said that since its establishment 16 years ago, the SCO ZH_REF: 李克强表示,上海合作组织成立十六年来 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: has become an important platform for maintaining regional security and stability and promoting common development and prosperity. ZH_REF: 已经成为维护地区安全稳定、促进共同发展繁荣的重要平台。 -ZH_HYP: 1.. +ZH_HYP: (三)为“无”的,而不是在我们的区域,为自己的事业而来,为自己的事业而努力,而不是为了给别人带来的,也是为了让你的人感到厌倦,而不是在高处,而是要在的时候,要更多的 EN: I look forward to meeting with all parties in Sochi, the Pearl of the Black Sea, to sort out the results and tap potential after the first SCO enlargement. ZH_REF: 我期待同各方齐聚黑海明珠索契,在上合组织首次扩员后,共同梳理成果,挖掘潜力。 -ZH_HYP: 1.. +ZH_HYP: 5.4................................................................. EN: At this new starting point, ZH_REF: 在新的起点上 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,我们的态度是,从头到尾,把它放在一边,把它们的东西弄到一边,把它们的东西都放在一边,把它放在一边,把它放在一边,好不及的,好的,好吗?了 EN: On the afternoon of November 30th local time, Premier Li Keqiang met with Tajikistan Prime Minister Rasulzoda, Pakistani Prime Minister Abbasi and Uzbekistan Prime Minister Aripov in their hotel in Sochi. ZH_REF: 当地时间十一月三十号下午,国务院总理李克强在索契下榻饭店会见塔吉克斯坦总理拉苏尔佐达,巴基斯坦总理阿巴西,乌兹别克斯坦总理阿里波夫。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,我们的名字是,在这里,他们的命运,是为了让他们的生活而感到羞耻,他们的是,他们的人,是在他们的国度上,而不是在那里,是为了支持他的. EN: Rasulzoda said that China is welcome to continue to participate in power development, natural gas pipelines, transport facilities, and other important projects of Tajikistan. ZH_REF: 拉苏尔佐达表示,欢迎中方继续参与塔电力开发、天然气管道、交通设施等重要项目。 -ZH_HYP: 1.. +ZH_HYP: 在美国的一个大方,它是一个很好的,因为它是我们的,而不是在他们的国家里,他们的力量,是为了得到的,而不是在那里,也是为了控制的,而不是在其他地方上的,是对我们的 EN: Tajikistan hopes to provide preferential policy support for Chinese enterprises. ZH_REF: 塔方愿为中国企业提供优惠政策支持。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................ EN: When meeting with Abbasi, Li Keqiang said that China willl uphold its high level of political sincerity, explore the construction of a free trade area with Pakistan, ZH_REF: 在会见阿巴西时李克强表示 ,中方愿秉持高度的政治诚意,同巴方探讨自贸区建设 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的意思,是的,是的,是的,是为了使自己的事业变得更有价值,而不是在为自己的事业上,而不是在那里,而是为了给你带来的,是对的 EN: promote the balanced development of trade between the two countries, and promote cooperation between the two countries. ZH_REF: 促进双方贸易平衡发展, 推动两国企业加强合作。 -ZH_HYP: 1.. +ZH_HYP: (4)为促进贸易的发展,而不是为我们带来的,而这是在为其带来的好处而来的,是为了使自己的事业变得更有价值,而不是在(e)上,让我们得去,也是为了让人感到很好 EN: We thank Pakistan for its security guarantee provided to Chinese enterprises and citizens in Pakistan. ZH_REF: 感谢巴方对中国在巴企业和公民提供的安全保障 -ZH_HYP: 1.. +ZH_HYP: 5.a.................................................................. EN: China is ready to continue its cooperation in security and defense with Pakistan and make contributions to regional peace and stability. ZH_REF: 中方愿同巴方继续开展安全防务合作, 为地区和平稳定做出贡献。 -ZH_HYP: 1.. +ZH_HYP: 5.4.我们的态度是,为了使自己的事业变得更糟,而且也要为自己的利益而努力,而不是为了让自己的力量来对付他们的,而不是在你的身边,那是对的,对你来说,是对我们的一切 EN: Li Keqiang pointed out that China welcomes Pakistan as an official member of the Shanghai Cooperation Organization for its first time to attend the prime ministerial meeting and is willing to continue close communication and coordination with Pakistan in the multilateral agencies and regional affairs ZH_REF: 李克强指出,中方欢迎巴基斯坦首次作为上海合作组织正式成员参加总理会, 愿继续同巴方密切在上合组织等多边机构 -ZH_HYP: 1.. +ZH_HYP: 5.k.................................................................. EN: such as the SCO. ZH_REF: 和地区事务中的沟通协调 -ZH_HYP: 1.. +ZH_HYP: (c)【句意】(a)【句意】(),我们的意思是,它是由你来的,是在为自己的,而不是为了给别人带来的,也是在你的上司,还是要把它的意思和联系在 EN: Abbasi said that the at present, the economic corridor construction in Pakistan and China is proceeding smoothly. ZH_REF: 阿巴西表示,当前巴中经济走廊建设进展顺利。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................ EN: Pakistan will continue to make every effort to promote corridor construction ZH_REF: 巴方将继续全力推进走廊建设 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,我们将为自己的事业做出贡献,而不是为了使自己的处境更加危险,而不是在他们的面前,为自己的力量而努力,而不是在那里,也是为了让人感到更多的 EN: When meeting with Aripov, Li Keqiang said President Xi Jinping held a meeting with President Mirziyoyev, who has visited China in May of this year. ZH_REF: 在会见阿里波夫时李克强表示,习近平主席同今年五月访华的米尔济约耶夫总统举行会晤。 -ZH_HYP: 1.. +ZH_HYP: 在这个过程中,一个人的意思是,“你的意思是,”他说,“我在为你的对手而努力的时候,就会在那里,”他说,“你的心都是在了。了了了了了了了了了了了了”””””。。 EN: Uzbekistan is ready to make joint efforts with China to strengthen cooperation in transportation facilities, hydropower, and other fields so as to promote the all-round development of bilateral relations and cooperation. ZH_REF: 乌方愿同中方共同努力,加强交通设施、水电等领域合作,推动两国关系与合作全面发展。 -ZH_HYP: 1.. +ZH_HYP: 4.为使我们能够在打击毒品的同时,也是为了促进贸易,而我们的努力是在发展中的,而不是在其他方面,也是为了提高其效率,而不是为其提供的服务,也是为了保护其利益而进行的。了 EN: Uzbekistan hopes to strengthen cooperation between the two countries within the SCO framework. ZH_REF: 乌方愿加强两国在上合组织框架内合作。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是一种不稳定的,因为它是在被占领的,是在其上的,它的作用是由它的,而不是在(e)上,而不是在(s)的情况下,的的的 EN: The decisions on the Provisional Regulations will be implemented from the date of its promulgation. ZH_REF: 暂行条例的决定, 自公布之日起施行。 -ZH_HYP: 1.. +ZH_HYP: (五)如果有理由,就会被认为是为了使其成为一个不稳定的,而在其他方面,他们都是为了得到的,而不是为了得到更多的补偿,而不是在他们的上司机上,而是要在的时候,要把它给你带来的 EN: In accordance with the plan of the Central Party Committee and the State Council, a pilot project to replace the business tax with a value-added tax was launched in 2012 and was fully launched from May 1, 2016. ZH_REF: 按照党中央国务院的部署,二零一二年启动营业税改征增值税试点, 二零一六年五月一号全面推开。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个由一个负责的、有的、有的、有的、有的、有的、有的、有的、有的、有的、有的、有的、有的、有的、也可以用的。 EN: After launching the pilots to replace the business tax with a value-added tax, ZH_REF: 全面推开营改增试点后 -ZH_HYP: 1.. +ZH_HYP: (一)(一)将货物从一开始,将是为了使其更容易地从贸易中获得,并将其作为一个固定的部分,以使其在任何时候都会受到损害,而不是为其提供更多的服务,以使其成为战争的危险。 EN: the service fields previously having a business tax have uniformly levied value-added taxes. The business tax that has been implemented for more than 60 years has been virtually eliminated, ZH_REF: 原来施行营业税的服务业领域已统一征收增值税,实质上全面取消了实施六十多年的营业税 。 -ZH_HYP: 1.. +ZH_HYP: (一)为使人的生活变得更加复杂,而在其他方面,他们的代价是不可能的,而不是在他们的身上,而是在为之付出的代价,而不是在那里,它是对的,而不是()的的的的的的的的的的的的 EN: and delivered a congratulatory speech on behalf of the CPC Central Committee. ZH_REF: 并代表中共中央致贺词 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,我们的观点是:“从表面来看,它是一种很好的,因为它是在你的,是在为你的人而去的,而不是为了让人的力量而去掉,”他说。的是了了了了了 EN: The congratulatory speech pointed out that since the 18th CPC National Congress, the party and the country have made historic achievements, and historic changes have taken place. ZH_REF: 贺词指出, 中共十八大以来,党和国家事业取得了历史性成就、 发生了历史性变革。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的观点是,在他的面前,对我来说,是一种有价值的,而不是在他们的中,是在那里,它是由我所做的,是的,是的,是的。 EN: The united front and multi-party cooperation have made important contributions. ZH_REF: 统一战线和多党合作作出了重要贡献。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),有的是,我们的外套,是为了使自己的利益而被人所包围,而不是为了使他们的力量而变得更有可能,而不是在(或)上,对我们的影响了 EN: Over the past five years, the China Association Promoting Democracy has upheld the principle of providing assistance to the ruling party, fulfilling its duties for the country, and serving the people, ZH_REF: 五年来,民进秉持为执政党助力、为国家尽责、为人民服务的使命担当 -ZH_HYP: 1.. +ZH_HYP: 5.4.在任何情况下,都是为了促进经济增长,并为其创造了一个机会,使其成为了一个不受影响的国家,它的利益为其提供了一个标准,即它的作用是为了使其得到满足,是也 EN: conduct extensive and in-depth investigations and studies, actively offer suggestions and opinions, ZH_REF: 广泛深入调研,积极建言献策 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在任何情况下,都是为了使其成为一个大的,而不是为了使其成为可能的,而不是为了使其变得更加危险,而不是在(e)上,让我们感到很有可能 EN: and make new contributions to implementation of the strategy of rejuvenating the country through science and education, the strategy of strengthening the country by employing qualified personnel and the strategy of innovation-driven development, ZH_REF: 为实施科教兴国战略、人才强国战略、创新驱动发展战略等作出新贡献。 -ZH_HYP: 1.. +ZH_HYP: (一)为使之成为一个新的、更有意义的、更有的、有意义的、有意义的、有意义的、有的、有的、有的、有的、有的、有的、有的、有的、有的、的的的的的的的 EN: accurately grasp the requirements of building socialist participating parties with Chinese characteristics, earnestly perform the functions of participating in politics and discussing politics, supervising democratically and participating in the political consultation under the leadership of the Communist Party of China. ZH_REF: 准确把握建设中国特色社会主义参政党的要求,切实履行好参政议政、民主监督、参加中国共产党领导的政治协商职能。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在中国,将贸易往来,以使自己的利益成为一个共同的,是对经济的追求,而不是在中国,也是在政治上的,而不是在政治上的,是对的,是对我们的要求的。 EN: and promote a new level of self-building. ZH_REF: 推进自身建设迈上新台阶 -ZH_HYP: 1.. +ZH_HYP: (a)为使人的生活变得更加复杂,而我们的工作则是为了使他们的工作变得更加安全,而不是为了让自己的力量来对付他们的,而不是为了给他们带来的,是在我们的上司,还是要在的时候,要把它的意思 EN: Zhang Baowen, Vice President of the NPC Standing Committee and President of the NLD, delivered a congratulatory message on behalf of the Central Committee of the Democratic Parties and the All-China Federation of Industry and Commerce. ZH_REF: 全国人大常委会副委员长、民盟中央主席张宝文代表各民主党派中央、全国工商联致贺词。 -ZH_HYP: 1.. +ZH_HYP: 5.2.在这一过程中,人的性格和性格特征是由他所做的,而不是在他的中,是在说谎的,是在给我的,是的,是的,是的,是对的,而不是最重要的。 EN: Yan Junqi, Executive President of the presidium of the General Assembly, delivered a working report on behalf of the 13th Central Committee of the People's Republic of China. ZH_REF: 大会主席团常务主席严隽琪代表民进第十三届中央委员会作工作报告。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的观点是,我们的工作是由他的,而不是,他们是在为他们的,而不是在那里,是为了让人感到厌倦了,而且是在他的,是对的,是的,是的。 EN: Liu Yandong, You Quan, Qiangba Puncog, Zhang Qingli, ZH_REF: 刘延东、尤权、向巴平措、张庆黎 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: and the review has approved the Articles (Amendments) of the China Association Promoting Democracy, and will select the 14th Central Committee of the China Association Promoting Democracy. ZH_REF: 审议通过《中国民主促进会章程(修正案)》, 选举中国民主促进会第十四届中央委员会。 -ZH_HYP: 1.. +ZH_HYP: 这一词典是指的,是对我们的,对我们的影响,是为了消除,而不是为了使其成为一个更重要的因素,而不是在(e)上,它是由它的,而不是在(d)上,它是什么? EN: In news delivered to this station, in tomorrow People's Daily, the article "Making Unremitting Efforts Towards the Goal of Building a Cyberpower, the Strategic Review On General Secretary Xi Jinping's Leadership on Promoting a Cyberpower" will be published. ZH_REF: 本台消息明天出版的人民日报将发表《朝着建设网络强国目标不懈努力,习近平总书记引领推动网络强国战略综述》。 -ZH_HYP: 1.. +ZH_HYP: 在这个过程中,我们的工作是由一个人组成的,而不是在他的面前,为自己的力量提供了一个机会,而这是在“大”的,它的意思是,“你的力量”是“”的的的的的的的的的的的的的的的的的的 EN: and the Forge Ahead Five-Year Major Achievements Exhibition. ZH_REF: 和砥砺奋进的五年大型成就展 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: We regard China as the world's future development direction. In particular, Marxism-Leninism is not a dogma. It is a philosophy, and must be adapted to the development of the country itself. ZH_REF: 我们将中国视为世界未来的发展方向,特别是马克思列宁主义并不是一种教条它是一种哲学,必须适应国家本身的发展。 -ZH_HYP: 1.. +ZH_HYP: 4..................................................................... EN: This is what the Chinese Communist Party is doing. ZH_REF: 这就是中国共产党正在做的 -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................ EN: The 16th National Congress of Chinese Peasants' and Workers' Democratic Party was closed in Beijing on December 1. The conference successfully completed its entire agenda, and voted upon and approved ZH_REF: 中国农工民主党第十六次全国代表大会十二月一号在京闭幕,大会圆满完成各项议程,表决通过了 -ZH_HYP: 1.. +ZH_HYP: (一)(一)“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,,,, EN: the Resolution of the 16th National Congress of the Chinese Peasants' and Workers' Democratic Party, the 16th National Congress of the Chinese Peasants' and Workers' Democratic Party, Resolution on the Report of the 15th Central Committee. ZH_REF: 中国民工民主党第十六次全国代表大会决议, 中国民工民主党第十六次全国代表大会, 关于第十五届中央委员会报告的决议。 -ZH_HYP: 1.. +ZH_HYP: (一)“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。 EN: comprehensively strengthen self-construction, and resolutely implement the work arrangements of the 16th Chinese Peasants' and Workers' Democratic Party, and ZH_REF: 全面加强自身建设, 坚决贯彻落实农工党十六大各项工作部署。 -ZH_HYP: 1.. +ZH_HYP: (四)为“无”的,而不是在我们的工作中,为自己的利益而去,而不是为了使自己的事业变得更有价值,而且也是为了让人感到厌倦了。的是了了了了了了了了了了了了了 EN: with a new spirit and high-spirited attitude ZH_REF: 以崭新的精神面貌和昂扬的奋斗姿态 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在“大”的过程中,我们都会有更多的东西,而不是在他们的面前,把它放在一边,把它放在一边,还是要把它的力量分给那些人,而不是最需要的东西,而是要用的。 EN: write a brilliant chapter worthy of a new era. ZH_REF: 谱写无愧于新时代的灿烂篇章 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),我们的外套,是为了使自己的心目中的,而不是在他们的中,而是为了在别人的面前,为你的服务而去,而不是为了给别人带来的,是对的,而不是太多了 EN: The review has approved the amendment to the constitution of the Jiu San Society and decided to submit it to the 11th National Congress of Jiu San Society for review. ZH_REF: 审议通过九三学社章程修正案并决定提交九三学社第十一次全国代表大会审议。 -ZH_HYP: 1.. +ZH_HYP: 4.在任何情况下,都必须以"为",以使其成为一个不合法的、有的、有价值的、有的、有的、有的、有的、有的、有的、有的、有的、有的的 EN: to help more than 10,000 tourists return home safely. ZH_REF: 已经协助一万多名游客安全回国 -ZH_HYP: 1.. +ZH_HYP: (m)【句意】(),我们的生活方式是为了让自己的人在比赛中解脱出来,而不是在他们的时候,把它给你的,是的,是的,是的,是的,是的,是的,是的。 EN: At present, the airport in Bali is still temporarily open. ZH_REF: 截至目前,巴厘岛机场仍处于临时开放状态。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,我们的处境是不可能的,因为他们是在做的,而不是在他们的中,是为了得到的,而不是在那里,要么是为了提高他们的能力而去做的,这是对他的最严重的影响。 EN: Thanks to changing wind direction, volcanic ash from the Agung volcano began to spread southward, ZH_REF: 由于风向改变,阿贡火山喷出的火山灰 开始向南扩散 -ZH_HYP: 1.. +ZH_HYP: (英译汉)(一),从表面上,我们都是在一起,从头到尾,从它的角度出发,把它放在一边,把它放在一边,把它的东西放到一边,而不是在上方,就会被人所吸引的 EN: affecting the airport in Bali and air routes. ZH_REF: 影响到巴厘岛机场及航路 -ZH_HYP: 1.. +ZH_HYP: 在对这个问题的影响下,我们的一切都是为了使自己的运气,而不是在他们的面前,把它当作是为了让别人的,而不是为了让别人的力量而去,而不是太多了的的的的的的的的 EN: To ensure safety, airline flight crews assisting stranded tourists to return home have made plans for the impact of ZH_REF: 为了保障安全,前往协助滞留游客回国的各航空公司机组对火山灰影响 -ZH_HYP: 1.. +ZH_HYP: (k)(一),让我们的工作,让你的处境更加安全,而不是为了让自己的利益而感到羞耻,因为他们的事也是在他们的,是为了得到的,而不是在那里,而是要在别人身上的 EN: As the Agung volcano is still erupting, the local airport may also be closed at any time, and the airline reminds passengers to return as soon as possible. ZH_REF: 由于阿贡火山还在持续喷发,当地机场还可能随时关闭, 航空公司提醒旅客尽快回国。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这条路是由大连的,可在这里,也是不可能的,因为他们的事,是在他们的,是在说谎的,而不是在那里,要去掉它的 EN: The volcano erupted violently in 1963, ZH_REF: 这座火山一九六三年剧烈喷发 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在一堆中,有的东西被从表面上掉下来,然后被用来做,以示着,使他们的心变得更容易了,而你的心就会被人所迷惑的,是在他们的面前 EN: killing more than a thousand people. ZH_REF: 曾造成一千多人死亡 -ZH_HYP: 1.. +ZH_HYP: (a)(一),在被人的时候,他们都被人所包围,而不是为了使他们的心从他们的手中夺走,而不是在他们的身边,在那里,是为了使他们的力量而得到满足的(的的的的的 EN: We cannot predict whether this eruption will be larger than the 1963 eruption. ZH_REF: 我们无法预测此次喷发是否会比一九六三年的那次规模更大。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)(一),我们的心,是,从它的角度来,我们都会有机会,而不是在那里,也是为了让你的力量而努力,而不是在那里,这是对的,是的,是的,是的,是的。 EN: However, according to our assessment, there is still a high possibility of a massive eruption. ZH_REF: 但根据我们的评估,出现大规模喷发的可能性依然很高。 -ZH_HYP: 1.. +ZH_HYP: 然而,在我们的情况下,我们的态度是,在做得很好的时候,你会有更多的东西,而不是在他们的身上,而是在你的身边,你的力量是为了满足的,而不是太多了的的的的的的的的的的 EN: Since the evening of the 29th, there have been 57 flights of Chinese and foreign airlines to help Chinese tourists in Bali to return home. ZH_REF: 从二十九号晚上开始,已经有五十七架中外航空公司班机,协助巴厘岛中国游客回国。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Finally, we came back and got off the plane. Our mood is better when returning to our own country. ZH_REF: 终于回来,下了飞机,到了自己的国家的心情也好 -ZH_HYP: 1.. +ZH_HYP: (一)(一),我们的事,是,从句中,我们就把它的东西弄到了,就像往前走了,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: It is said that among all foreign tourists stranded in Bali, China has the largest number, accounting for about a quarter. ZH_REF: 据了解滞留巴厘岛的外国游客中,中国游客最多,约占四分之一。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,我们的国家都是为了得到的,而不是在他们的中,是为了得到的,而不是在他们的中,才是为了给他们带来的,而不是在(上)的,是的,是的 EN: At present, most Chinese tourists have already returned to China. ZH_REF: 目前大部分中国游客都已经回国。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Tonight, there will be 10 flights to help stranded tourists returning home. ZH_REF: 今晚,还将有十架飞机陆续前往协助滞留游客回国。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Xinwen Lianbo news bulletins are next. ZH_REF: 下面请看联播快讯。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Today, the Xinjiang Oilfield Company of the China National Petroleum Corporation officially announced that they have discovered the world's largest reserves of conglomerated oil fields in the center of the Mahu Area in the Junggar Basin. The tertiary petroleum reserves discovered exceed 1.2 billion tons. ZH_REF: 今天,中石油新疆油田公司正式发布, 在准噶尔盆地玛湖凹陷中心区发现世界储量最大的砾岩油田,已发现的三级石油地质储量超过十二亿吨 。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,中国的石油气,是一个大的,它的一部分是由“大”的,在中国的土地上,它的优势,在那里,它是在“海边”,它是由你所拥有的.的的的的的的的的的的的的的 EN: Among which, 520 million tons of reserves are proved to be crude oil. ZH_REF: 其中探明五点二亿吨原油储量 -ZH_HYP: 1.. +ZH_HYP: 在任何情况下,都是由我们来的,而不是在,是为了使自己的力量而被人所包围,而不是为了使他们的力量而被人所包围,而不是为了给别人带来更多的东西,那是对的,你的心智 EN: in parallel sessions. ZH_REF: 分别同步与叙政府和反对派代表团进行了会谈 -ZH_HYP: 1.. +ZH_HYP: 5.在其他方面,人的处境是不可能的,而不是为了使自己的处境更加危险,而不是在他们的身边,而是在他们的面前,为自己的力量而去,而不是为了使人的缘故,而不是太多了 EN: The end date of this peace talks will be postponed to December 15. ZH_REF: 而本轮和谈的结束日期将推迟至十二月十五号。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................ EN: This round of peace talk is held under new conditions, given that extremist groups have been annihilated from their main forces in Syria. ZH_REF: 本轮和谈是极端组织在叙利亚境内主要力量被歼灭的新形势下召开的。 -ZH_HYP: 1.. +ZH_HYP: 在这个意义上,一个人的感情是,在我们的面前,他们的经历都是由他们所控制的,而不是在他们的身边,而是在那里,是为了让自己的力量而去,而不是太多了了的的的的 EN: Today, an agricultural training institute in Peshawar, a city in northwestern Pakistan, was attacked. Several attackers camouflaged themselves and entered the institute and exchanged fire with Pakistani security personnel when they arrived. ZH_REF: 巴基斯坦西北部城市白沙瓦的农业培训学院今天遭袭,多名袭击者伪装后潜入学院,并与赶到的巴基斯坦安全人员发生交火。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,一个人的名字是由一个人组成的,他们的生活是由他们所控制的,而不是在他们的身边,他们的人在那里,也是为了保卫人民而牺牲的,而他们的力量是在一起,而不是在你的身边。 EN: Four attackers were killed. The attack resulted in the death of nine students and the wounding of dozens of others. The injured were sent to a nearby hospital for treatment. ZH_REF: 四名袭击者被击毙。袭击事件导致九名学生身亡,数十人受伤,伤者已被送往附近医院治疗。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,有的是,他们的伤痕,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。了了 EN: The Taliban in Pakistan has claimed the responsibility for the attack. ZH_REF: 巴基斯坦塔利班已经宣称对袭击负责。 -ZH_HYP: 1.. +ZH_HYP: 在他的后面,这是个不公平的,是为了使自己的处境,而不是为了使他们的缘故,而不是为了让自己的力量而去,而不是为了让人感到更多的,那是对的,对我们来说,这是对你的 EN: An earthquake measuring 6.1 on the Richter scale hit southeast Iran today, injuring more than 30 people. ZH_REF: 伊朗东南部地区今天发生里氏六点一级地震,已造成三十多人受伤。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),这条形的东西是用的,因为它的重量,是用的,而不是在(中),是在说谎的,是的,是的,是的,是的,是的,是的。了 EN: The epicenter of the earthquake was in the province of Coleman, with a focal depth of about 10 kilometers. The earthquake also damaged more than 30 houses. ZH_REF: 地震震中位于科尔曼省境内,震源深度在十公里左右,地震还造成三十多间房屋受损。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,一个人的性格是由他的,而不是在,他们的是,他们的力量,是为了使他们的力量而变得更糟的,而不是在我的身边,你的心智是什么?的的的的的的的的的 EN: He hopes to substantially increase the share of non-energy income in the Russian economy to reduce the impact of fluctuations in the oil market on the economy of Russia. ZH_REF: 他希望大幅提高非能源领域收入在俄经济中的比重,以减小石油市场波动对俄经济的影响。 -ZH_HYP: 1.. +ZH_HYP: 5.4.为了使人的幸福和更多的代价,我们的经济也是在不惜的,因为他们的利益是在为他们的利益而付出代价的时候,才会有更多的代价来衡量它的影响 EN: Since 2014, due to the sanctions imposed by the West on Russia and drastic fluctuations in the international oil price, the Russian economy has been under great downward pressure. ZH_REF: 二零一四年以来,受西方对俄制裁和国际油价大幅波动影响,俄经济面临较大下行压力。 -ZH_HYP: 1.. +ZH_HYP: 2004年,美国的制裁是不可能的,因为它的作用是在贸易中的,而不是在美国,它的表现为“”,它的意思是“”“”“”“”“”“”“”“”了了了了。。。。。。。 EN: In both 2015 and 2016, ZH_REF: 二零一五年和二零一六年 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有一个人的名字,是,他们的生活,是为了得到的,而不是在他们的面前,他们都是为了得到的,而不是为了更多的,而不是为了达到最高的目的而去掉它的东西,而不是太多了 EN: The rescue timetable has been extended more than twice to locate survivors. ZH_REF: 为了找到生还艇员,救援时间已经延长了两倍多。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(二)项,是为了使他们的工作变得更容易,因为他们的事也是为了得到的,而不是在他们的身边,而是要在那里的,是为了得到的,而不是在那里,要么是我的错了。了了了了了了了 EN: Some experts pointed out that because the time has exceeded the theoretical reserves of oxygen in the submarine, ZH_REF: 有专家指出 由于失联时间已经超过了潜艇氧气理论储备时间 -ZH_HYP: 1.. +ZH_HYP: 在其他方面,一个人的错误是,在做了一些事,因为它是在被破坏的,而不是在,它是由它来的,而不是在上方,它的意思是什么?的了了了了了了的了的的的的的的 EN: and unexplained explosions have been detected in the vicinity of the watershed, these crew members are very unlikely to have survived. ZH_REF: 加上失联附近海域被检测到有不明原因的爆炸发生,这些艇员幸存的可能性非常低。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人被认为是不可能的,因为他们的东西是在用的,而不是在他们的身边,那是对的,是的,是的,是的,是的,是的,是的,是的。了了了 EN: Today, an explosion in a chemical plant occurred in Fuji City, Shizuoka Prefecture, Japan, ZH_REF: 日本静冈县富士市一个化工厂今天发生爆炸事件 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的名字,是在不可能的,是在说谎的,他们的生活方式,是在说谎的,是在为我们的,而不是在那里,是为了给别人带来的,而不是太多的,了 EN: killed one person and injured 11, of which three were seriously injured. ZH_REF: 已导致一人死亡,十一人受伤,其中三人伤势严重。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),(一),(二),(),(3),(),(),(),是在不可能的,因为它是在用的,而不是在上方,它是很有价值的 EN: Due to possible harmful substances in the black smoke caused by the explosion and subsequent fires, the local government has issued evacuation instructions to surrounding residents. ZH_REF: 由于爆炸以及之后的火情引发的黑烟中可能含有有害物质,当地政府已向周边居民下达避难指示。 -ZH_HYP: 1.. +ZH_HYP: (b)(一)由于在任何情况下,都会造成更多的破坏,而不是在被占领的地区,或在其上,使其成为一种危险的方式,使其成为一种(或),,的的的的的的的的的的的的的的的的的的的的的 EN: Good evening, viewers. ZH_REF: 各位观众晚上好。 -ZH_HYP: 1.. +ZH_HYP: (美英)()(),是,我们的,是为了使自己的处境更容易,而不是为了让自己的力量而去,因为它是在我们的,是的,是的,是的,是的,是的,是对的 EN: Good evening. ZH_REF: 晚上好。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)()(),我们的意思是,从句中,我们的意思是,在这方面,我们都是为了得到的,而不是为了给别人带来的,也是为了给你带来的,而不是太多了的 EN: Today is Saturday, December 2, also is October 15 of the lunar calendar. Welcome to Xinwen Lianbo. ZH_REF: 今天是十二月二号星期六农历十月十五,欢迎收看新闻联播节目。 -ZH_HYP: 1.. +ZH_HYP: 但是,在这一时期,我们的工作是,他们的是,他们的愿望,是为了得到的,而不是在他们的面前,他们的才华,而不是在那里,也是为了赢得更多的人(((的的的的的的的的 EN: In tonight's program, we cover ZH_REF: 今天节目的主要内容有。 -ZH_HYP: 1.. +ZH_HYP: 5.a............................................................... EN: General Secretary Xi Jinping’s opening speech which commenced a high-level dialog between the CPC and other world political parties. ZH_REF: 习近平总书记在中国共产党与世界政党高层对话会开幕式上的主旨讲话赢得热烈反响。 -ZH_HYP: 1.. +ZH_HYP: “”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。。。 EN: Li Keqiang attended the 16th session of the Meeting of Prime Ministers and Heads of Government for Member States of the Shanghai Cooperation Organization. ZH_REF: 李克强出席上海合作组织成员国政府首脑总理理事会第十六次会议 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Li Keqiang respectively met with the Russian Prime Minister, Kyrgyzstan Prime Minister, ZH_REF: 李克强分别会见俄罗斯总理、吉尔吉斯斯坦总理 -ZH_HYP: 1.. +ZH_HYP: 5.k.................................................................. EN: Belarusian Prime Minister, Prime Minister of Kazakhstan and Chief Executive Officer of Afghanistan, ZH_REF: 白俄罗斯总理、哈萨克斯坦总理和阿富汗首席执行官 -ZH_HYP: 1.. +ZH_HYP: 5.德国的《全面禁试条约》是由一个人组成的,它是由衷的,它的人,是为了控制着他们的,而不是在他们的面前,为你的对手而去的,是在为你的大战中的 EN: Zhang Dejiang met collectively with some foreign delegates who attended the high-level dialog between the Chinese Communist Party and world political parties ZH_REF: 张德江集体会见出席中国共产党与世界政党高层对话会的部分 -ZH_HYP: 1.. +ZH_HYP: 5.e............................................................... EN: and met with guests from Japan and the United States respectively. ZH_REF: 外方代表汪洋分别会见日本和美国客人。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,我们的经历是,从某种意义上,我们都是为了得到的,而不是在他们身上,也是为了得到的,而不是为了让人感到厌倦,因为他们的力量是在不断的,是为了达到最高目的 EN: The 15th National Congress of the China Party for Public Interest was opened. Wang Huning, on behalf of the CPC Central Committee, delivered a congratulatory message. ZH_REF: 中国致公党第十五次全国代表大会开幕,王沪宁代表中共中央致贺词。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的名字,是由一个人的,而不是在他们的中,是在说谎的,是为了让人感到羞耻的,是的,是的,是的,是的,是的,是的,是的。 EN: Wang Huning met collectively with some foreign delegates who attended the high-level dialog between the Chinese Communist Party ZH_REF: 王沪宁集体会见出席中国共产党与世界政党高层对话会的 -ZH_HYP: 1.. +ZH_HYP: 5.a.............................................................. EN: Flynn, Assistant to the former President for National Security Affairs, admitted that he gave a false testimony to the FBI. ZH_REF: 前总统国家安全事务助理弗林承认曾经向联邦调查局作伪证。 -ZH_HYP: 1.. +ZH_HYP: (美国)(),这是个好的东西,是的,是为了让自己摆脱困境,而不是为了让自己的力量而去,而不是在那里,是为了让人感到厌倦了,而不是在那里,要么是对的,是的,是的。 EN: Detailed reports are next. ZH_REF: 接下来请看详细报道。 -ZH_HYP: 1.. +ZH_HYP: 5.a.............................................................. EN: On December 1, the General Secretary of the Central Committee of the Communist Party of China and President Xi Jinping made a keynote speech at the opening ceremony fior the high-level dialog between the Chinese Communist Party and world political parties and he pointed out that ZH_REF: 十二月一号,中共中央总书记、国家主席习近平在中国共产党与世界政党高层对话会开幕式上发表主旨讲话指出 -ZH_HYP: 1.. +ZH_HYP: 1.5.1.在中国,人民的意志和热情是由一个人组成的,在这一时期,他的表现为:“在中国,在这方面,有了一个大的机会,”他说,“你是在国际上的。?了了了”””””””” EN: The future and the destinies of the citizens of every country in the world are increasingly linked. ZH_REF: 世界各国人民前途命运越来越紧密地联系在一起。 -ZH_HYP: 1.. +ZH_HYP: 5.4.在一个国家,我们的处境和责任都是为了使他们的利益而变得更容易,而不是为了使他们的工作变得更糟,而在其他方面,他们都是为了得到的,而不是在西方国家中,而是要把它当作是最重要的。 EN: There should be a unified idea throughout the globe where all people of the world can can understand each other. ZH_REF: 世界各国人民应该秉持天下一家理念,彼此理解。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在“不”的情况下,我们都会被人所做的事,而不是在他们的身边,就会被人所迷惑的,是在那里,你会被人所犯的,是最重要的 EN: Attending representatives of foreign parties agreed with Xi Jinping’s proposal to promote building a community who believe in a shared future for mankind who can build a better world together. ZH_REF: 出席对话会的外国政党代表高度认同习近平关于推动构建人类命运共同体,携手建设美好世界的主张。 -ZH_HYP: 1.. +ZH_HYP: 在其他方面,有的是,我们的愿望是在不可能的情况下,为自己的利益而努力,而不是为了使他们的利益而变得更加危险,而在我们的人身上,就会被人所为的,是的,是的,是的。 EN: They believe that ZH_REF: 认为 -ZH_HYP: 1.. +ZH_HYP: (k)【句意】(a)【句意】我们的意思是,他们的意思是,他们的意思是,要把它给的,是在你的,是为了给你的,而不是在乎的,因为你的意思是什么?了 EN: this shows the determination and responsibility of the Chinese Communist Party in building a better world. ZH_REF: 这展现出中国共产党建设美好世界的决心与担当。 -ZH_HYP: 1.. +ZH_HYP: 5.4.这条规定,是一种不稳定的,是为了使自己的处境更加精致,而不是在自己的中,为自己的力量而去,而不是在那里,也是为了让人感到羞耻的 EN: We should strive to build this planet where we were born and grow into a harmonious family where our shared yearning for a good life for all the people of the world can be turned into a reality. ZH_REF: 努力把我们生于斯、长于斯的这个星球建成一个和睦的大家庭,把世界各国人民对美好生活的向往变成现实。 -ZH_HYP: 1.. +ZH_HYP: (4)我们的人是个好人,而不是在一起,为自己的事业而努力,而不是在我们的面前,为自己的心想而去,因为它是我们的,是在你的身边,是的,是的,是的 EN: Facing nearly 300 leaders from political parties and political organizations, Xi Jinping comprehensively and systematically expounded the profound idea of a community that shares a positive future for mankind. ZH_REF: 面向世界近三百个政党和政治组织领导人,习近平全面系统阐述人类命运共同体的深刻内涵。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的经历,是为了使自己的事业变得更有价值,而不是在他们的面前,为自己的事业而去,而不是在那里,这是对的,是对的,是对我们的共同的 EN: Xi Jinping pointed out that the world is changing and the pattern of development is changing. ZH_REF: 习近平指出,世界格局在变,发展格局在变。 -ZH_HYP: 1.. +ZH_HYP: (四)【句意】(),我们的目的是,从句中解脱出来,把它放在一边,把它放在一边,把它放在一边,把它的东西放到一边,而不是在说谎的时候,是的,是的,是的。 EN: All political parties must conform to the trend of the times and closely integrate their own development with the development of the country, the nation ZH_REF: 各个政党都要顺应时代发展潮流,把自身发展同国家、民族、人类的发展 -ZH_HYP: 1.. +ZH_HYP: (一)不允许的,是,在我们的国家里,都有可能发生的,而不是在他们的身上,而不是在他们的身上,而是在那里,是为了给别人带来的,也是对的,而不是为了给别人带来的 EN: There is also the shared aim in making a contribution toward the common development of the world and the exchange and mutual recognition of world civilizations. ZH_REF: 一如既往为世界共同发展作贡献,一如既往为世界文明交流互鉴作贡献。 -ZH_HYP: 1.. +ZH_HYP: (a)为使人的尊严和不稳定,而不只是为了使人的利益而变得更有可能,而在其他方面,我们也必须努力,以使他们的态度变得更加危险,因为它是由谁来的,而不是最坏的 EN: Xi Jinping’s speech clearly proclaimed China’s commitment to building a community of a shared future for mankind and, as the largest political party in the world, demonstrated the world’s unified feelings and responsibilities. ZH_REF: 习近平的讲话明确宣示了构建人类命运共同体的中国承诺,彰显了中国共产党作为世界上最大政党的天下情怀与担当。 -ZH_HYP: 1.. +ZH_HYP: 3.1.在不影响的情况下,我们的目的是为自己的利益而作为,而不是在他们的世界上,为自己的利益而努力,而不是在(或)上,对我们的关系作了界定,而且对所有的人都有好处。 EN: In his speech, Li Keqiang said that at the Astana Summit in June this year, President Xi Jinping reached an important consensus with all parties on consolidating mutual trust, strengthening cooperation for security, connecting development strategies and deepening exchanges for the betterment of humanity. ZH_REF: 李克强在讲话时表示,今年六月阿斯塔纳峰会上,习近平主席同各方就巩固团结互信、加强安全合作、对接发展战略、深化人文交流等达成重要共识。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,他的观点是,在我们的讨论中,我们的共同点是,它的存在,是为了加强对经济的发展,而不是在相互间的关系中,在这方面,更有信心,更不用说,它是由衷的。 EN: After the summit, China took over the rotating presidency. ZH_REF: 峰会后,中方接任轮值主席国。 -ZH_HYP: 1.. +ZH_HYP: 在其他方面,我们将为自己的事业而作,而不是为了使他们的心从头到尾,而在他们的面前,为自己的力量而去,而不是在那里,也是为了保护自己的而而的的的的的的的的的的的的的的的的的 EN: With active support from all parties, it is necessary to promote the steady development of cooperation in various fields. ZH_REF: 在各方积极支持下,推动各领域合作稳步发展。 -ZH_HYP: 1.. +ZH_HYP: 5.在其他方面,我们都是为了使自己变得更加脆弱,而不是为了自己的利益而又不已,而在他们的工作中,他们都是为了得到的,而不是在那里,要么是为了提高他们的能力而去做的事 EN: Li Keqiang put forward the following suggestions on how to create a regional and national community of a shared future for mankind. ZH_REF: 李克强就打造地区国家命运共同体提出以下建议。 -ZH_HYP: 1.. +ZH_HYP: (k)【句意】(a)【句意】我们的意思是,我们的工作是为了给自己的东西,而不是为了给他们带来的,而不是在你的身边,还是要把它的意思和最坏的东西起来 EN: First, a safe and stable regional environment must be created. ZH_REF: 第一,塑造安全稳定的地区环境。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),要把它的意思和好的,都是为了使自己的缘故,而不是为了让别人的感觉到了,而不是在一起,而是要在别人的时候,要把它给的,是的,是的,是的。 EN: Second, the development for strategic docking and cooperation must be accelerated. ZH_REF: 第二,加快发展战略对接合作。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)()(美),我们的发展,也是为了让自己的事业变得更容易,也是为了让自己的力量而努力,而不是为了让别人的心想而去,因为你是在我们的,是的,是的,是的 EN: Development is an effective way to deal with the factors of regional conflicts and geopolitical instability. ZH_REF: 发展是应对地区冲突和地缘政治不稳定因素的有效途径。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),是为了使贸易成为一个不稳定的因素,而不是在其他国家,也是为了使其成为现实,而不是在高处,而是在为其带来的影响下,为其提供了一个新的条件,即刻的是什么? EN: Third, the level of trade liberalization and facilitation is to be enhanced. ZH_REF: 第三,提升贸易自由化便利化水平 -ZH_HYP: 1.. +ZH_HYP: 3.4.在贸易方面,我们的努力是有意义的,也是为了使贸易变得更加容易,而不是为了使自己的利益而变得更加危险,而不是在其他地方,也是为了让人感到羞耻的,了了了了了了了了了了 EN: We must steadily promote trade liberalization and facilitation and accelerate the signing of the SCO Agreement on Trade Facilitation. ZH_REF: 稳步推进贸易自由化便利化,加快商签《上合组织贸易便利化协定》。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),我们的贸易是为了使自己的贸易变得更加脆弱,而又是为了让自己的力量而努力,而不是在(e)上,让我们得分,让他们的工作变得更有价值的的的的的的的的 EN: Fourth, a fast and convenient connected pattern must be built. ZH_REF: 第四,构建快捷便利的联通格局。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................. EN: Fifth, the in-depth development on capacity and innovation cooperation is to be promoted. ZH_REF: 第五,推进产能与创新合作深入发展。 -ZH_HYP: 1.. +ZH_HYP: (四)【句意】(a)【句意】我们的意思是,在我的上,是为了促进自己的,而不是在他们的时候,也是为了得到更多的,而不是在意外的,是对的,而不是最坏的, EN: Sixth, ties of cultural exchanges and cooperation are to be tightened. ZH_REF: 第六,系牢人文交流合作纽带。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................. EN: Li Keqiang stressed that since the beginning of this year, China’s economy has shifted to a phase of high-quality development, which will bring new opportunities for the cooperation between China and the SCO countries. ZH_REF: 李克强强调,今年以来,中国经济已转向高质量发展阶段,将为中国与上合组织国家的合作带来新机遇。 -ZH_HYP: 1.. +ZH_HYP: [4](a)【句意】我们的意思是,我们的目的是在中国的,是为了使自己的事业变得更有价值,而不是在中国,而是在与中国的关系中,而不是什么也会给你带来的???了了了了了了了 EN: China will put its own development in connection with the development of the countries in the region and integrate its own security with the security of the countries in the region. ZH_REF: 中国将把自身发展同地区国家发展对接起来,把自身安全同地区国家安全融合起来。 -ZH_HYP: 1.. +ZH_HYP: 5.3.在美国,我们的态度是,在这方面,我们的国家有更多的机会,它是为了使自己的利益而变得更容易,而不是在(或)上,对我们的影响,而不是在那里,是对我们的最严重的威胁。 EN: On December 1 local time, Premier Li Keqiang met with Russian Prime Minister Medvedev, Prime Minister of Kyrgyzstan Isakov, ZH_REF: 当地时间十二月一号,国务院总理李克强在索契分别会见俄罗斯总理梅德韦杰夫、吉尔吉斯斯坦总理伊萨科夫。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,我们的态度是,从某种意义上,他们都是为了得到的,而不是在他们的中,才是为了赢得了他们的胜利,而这是他的错觉,是为了赢得了他的高分辨率 EN: continue to show their roles for the SCO, contribute to provide wisdom and strength for building a community of a shared future for mankind in the region and promote an open and inclusive development for lasting peace throughout the world. ZH_REF: 继续发挥上合组织的平台作用,为共同构建地区命运共同体、促进世界的开放包容发展与持久和平贡献智慧和力量。 -ZH_HYP: 1.. +ZH_HYP: (a)为使人的安全,而不是在其他方面,也是为了使自己的处境更加危险,而不是在一个人的中,为人提供了一个新的、更有可能的方式,这是对我们的共同的要求,也是对人类的最大威胁。 EN: When meeting with Isakov, Li Keqiang said he hopes both sides will continue to follow the principle of the market and speed up cooperation on cross-border transport infrastructure and construction, ZH_REF: 在会见伊萨科夫时,李克强表示,希望双方继续遵循市场化原则,加快推进有关跨境交通基础设施建设合作。 -ZH_HYP: 1.. +ZH_HYP: “(”)“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,“”“”,“你的意思是,你也应该去做。”””””” EN: During his meeting with Kobyakov, Li Keqiang said he hopes both China and Belarus will further strengthen the docking of development strategies, give full play to their complementary advantages and tap the potential for economic, trade and investment cooperation. ZH_REF: 在会见科比亚科夫时,李克强表示,希望中白双方进一步加强发展战略对接,发挥互补优势、挖掘经贸、投资合作潜力。 -ZH_HYP: 1.. +ZH_HYP: 在他的作品中,他的作品是“不”,“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,“”“”,“”,,,,,。。。。。 EN: Kobyakov said that Belarus will participate in the International Import Expo which will be held in China next year, and hopes to set 2018 as the year of a rise in tourism between China and Belarus and to expand tourism cooperation and the exchange of tourism in young people. ZH_REF: 科比亚科夫表示,白方将参与明年在华举办的国际进口博览会,希望将二零一八年确定为白中旅游年,扩大旅游合作和青少年交流。 -ZH_HYP: 1.. +ZH_HYP: 但是,美国的调查显示,在这个过程中,我们将面临更多的压力,而不是在经济上,而是在20世纪30年代,也是为了在中国的发展,而在中国和韩国都是在一起,而不是在吸引了大量的 EN: During his meeting with Sagintayev, Li Keqiang said he hopes both China and Kazakhstan will continue to work together ZH_REF: 在会见萨金塔耶夫时,李克强表示,希望中哈双方继续共同努力。 -ZH_HYP: 1.. +ZH_HYP: 在他的身材里,有的是,有的,是的,是的,是的,是为了使他们的,而不是为了让人感到羞耻,而他们却又要去追逐别人的事了了了了了的的的 EN: to implement the various consensuses they had reached ZH_REF: 落实业已达成的各项共识 -ZH_HYP: 1.. +ZH_HYP: 在这方面,我们的决心是,他们的力量是为了让自己的力量而努力,而不是为了让自己的力量而去,而不是为了让别人的力量来回,而不是在那里,还是要在那里的,是为了得到的 EN: and strengthen its discussion of relevant achievements and experiences, push forward pragmatic cooperation between both sides, especially the cooperation in capacity-building to make greater strides forward. ZH_REF: 并加强对有关成果和经验的梳理,推动双方务实合作,特别是产能合作以更大步伐向前迈进。 -ZH_HYP: 1.. +ZH_HYP: 4.为使人的进步与发展,我们的努力将产生更多的影响,并为其带来的好处,而不是为其带来的好处,而不是为其提供的服务,也是为了使其更加有价值的,而不是在国际上,也是最重要的。 EN: Sagintayev said Kazakhstan is willing to actively implement the important consensus reached by the leaders of the two countries and create favorable conditions for further promoting cooperation in maintaining capacity. ZH_REF: 萨金塔耶夫表示,哈方愿积极落实好两国领导人达成的重要共识,为进一步推进产能合作创造良好条件。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的意思是,他们的决心是为了得到的,而不是在他们的国家里,才会有更多的东西,而不是在那里,也是为了给他们带来的,是的,是的,是的 EN: During his meeting with Abdullah, Li Keqiang said China supports Afghanistan in its governmental efforts to safeguard national security and stability. ZH_REF: 在会见阿卜杜拉时,李克强表示,中方支持阿民族团结政府维护国家安全稳定的努力。 -ZH_HYP: 1.. +ZH_HYP: 在他的主持下,他的工作是为了使我的事业变得更加危险,而不是为了使他们的事业变得更有价值,而在那方面,他们都是为了保卫人民的,而不是在那里,而是为了保护他们的利益而对他们进行了调查。 EN: to work hard together to establish a stable and safe regional environment and promote long-term peace and stability in the region at an early date. ZH_REF: 共同努力致力于稳定安全的地区环境建设,早日推动实现区域长治久安 -ZH_HYP: 1.. +ZH_HYP: (4)a................................................................. EN: Abdullah said that ZH_REF: 阿卜杜拉表示 -ZH_HYP: 1.. +ZH_HYP: 在任何情况下,都是为了使自己的力量而被人的痛苦,而不是为了使他们的利益而被人所包围,而不是为了使他们的力量而被人所包围,而这是对他们的最严重的影响的的的的 EN: On the afternoon of the same day, Li Keqiang and Medvedev jointly visited the Winter Olympic Games venue in the Olympic Park in Sochi. ZH_REF: 李克强当天下午同梅德韦杰夫共同参观了索契奥利匹克公园的冬奥会场馆。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的工作是,在做的事,是为了使自己的心目中的,而不是在他们的身边,而不是在那里,他们的力量是在那里,是为了让人感到厌倦了的的的的的的的的的的的的 EN: Li Keqiang said that China is now fully preparing for the 2022 Beijing Winter Olympic Games. ZH_REF: 李克强表示,现在中国正在全力筹办二零二二年北京冬奥会。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Premier Li Keqiang left Sochi and senior officials from the Russian government went to the airport to say their farewells. ZH_REF: 李克强总理离开索契回国,俄罗斯政府高级官员到机场送行。 -ZH_HYP: 1.. +ZH_HYP: “”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。。。。。。 EN: On the morning of December 2, the Premier of the State Council Li Keqiang successfully attended the Sixth Summit of Heads of Government from China and Central and Eastern European Countries held in Budapest, Hungary, ZH_REF: 十二月二号上午,国务院总理李克强在成功出席于匈牙利布达佩斯举行的第六次中国中东欧国家领导人会晤 -ZH_HYP: 1.. +ZH_HYP: 10.2.在对大的影响进行了评估,结果是,在贸易方面,中国的经济和贸易是由来已久的,而不是在其上,而是在其上,是由它的,而不是在(上)的的的的的的的的的 EN: He took the special plane back to Beijing. ZH_REF: 第十六次会议后,乘专机回到北京。 -ZH_HYP: 1.. +ZH_HYP: 5.a.................................................................. EN: between the Chinese Communist Party and world political parties in the Great Hall of the People. ZH_REF: 部分兼任议会领导职务的外国政党领导人 -ZH_HYP: 1.. +ZH_HYP: (一)(一),中国的美容,是一种不寻常的东西,也是为了让自己的力量而去,而不是为了让别人的力量去掉,而不是在那里,而是要在别人的上路上,让你的力量去做 EN: Zhang Dejiang said that at the meeting where the high-level dialog was held, General Secretary Xi Jinping fully elaborated the concept and proposition of the Chinese Communist Party ZH_REF: 张德江说,习近平总书记在高层对话会上全面阐述了中国共产党 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在这方面,我们的作品将是“不”的,而在这方面,他们的态度是很有道理的,是在国际上的,是对的,而不是在他的上方的 EN: to promote the construction of a community of a shared vision for mankind and indicated that the Chinese Communist Party has made it its mission to make new and greater contributions to mankind. ZH_REF: 推动构建人类命运共同体的理念和主张,表明了中国共产党把为人类作出新的更大贡献作为自己的使命。 -ZH_HYP: 1.. +ZH_HYP: (一)为人的目的,为我们提供一个更美好的机会,而不是为了使他们的生命而变得更容易,而不是为了使他们的心智而变得更有价值的,而不是在别人身上,而是在我们的关系中,对你的影响 EN: On the afternoon of the 1st, Wang Yang, member of the Standing Committee of the Political Bureau of the CPC Central Committee and Vice Premier of the State Council, met respectively with the delegation of Japan's Komeito Party leader ZH_REF: 中共中央政治局常委、国务院副总理汪洋一号下午在中南海紫光阁分别会见了日本公明党党首 -ZH_HYP: 1.. +ZH_HYP: 在本节中,我们的态度是,在我的领导下,为我们的事业提供了一个新的机会,而不是在他们的面前,也是由衷的,而不是在他的中,是的,是的,是的。 EN: When President Xi Jinping met with Prime Minister Abe a short while before, he pointed out that the key to improving Sino-Japanese relations lies in mutual trust. ZH_REF: 习近平主席前不久会见安倍首相时指出,改善中日关系关键在于互信。 -ZH_HYP: 1.. +ZH_HYP: 在他的身材里,有的是,在这一时期,我的心都是在说谎,而不是在他们的面前,为你的努力提供了一个好的机会,而你的心智是在我们的关系中的 EN: Both sides should implement the important consensus reached by the leaders of the two countries ZH_REF: 双方要落实好两国领导人的重要共识 -ZH_HYP: 1.. +ZH_HYP: (四)在任何情况下,都是由一方来的,而不是在其他国家中,而不是以其为代价的,而不是为了使其成为可能的,而不是为了使人的利益而被人所处死的,是对的,这是对我们的最严重的影响。 EN: and constantly increase the positive interaction and create an environment of pragmatic cooperation. ZH_REF: 不断增加正向互动,创造务实合作的环境 -ZH_HYP: 1.. +ZH_HYP: (4)()(一),在做作为的时候,都是为了使人的感觉,而不是在他们的工作中,而是在为自己的力量而来的,而不是在别人的上方,那是对的,对我们来说,是很有价值的 EN: The Chinese Communist Party is ready to work with all major Japanese political parties, including the Komeito Party ZH_REF: 中国共产党愿同包括公明党在内的日本各主要政党一道 -ZH_HYP: 1.. +ZH_HYP: (一)(一),将是为了使自己的处境更加精致,而不是在其他国家,而不是在他们的中,为自己的力量提供了一个好的机会,这是对我们的影响,而不是太高了的的的的的的的 EN: to enhance mutual understanding and trust and actively make efforts on improving the development of Sino-Japanese relations for the benefit of the people of both countries. ZH_REF: 增进相互理解和信任,为改善发展中日关系、造福两国人民积极努力。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,它是为了使自己的利益而变得更有好处,也是为了让人感到羞耻,而不是在他们的工作中去做,因为它是对的,而不是最需要的 EN: When meeting with the delegation of the National Committee on U.S.-China Relations, Wang Yang said that during President Trump's visit to China, the heads of state of the two countries reached a series of important consensuses, ZH_REF: 会见美中关系全国委员会代表团时,汪洋表示,特朗普总统访华期间,两国元首达成一系列重要共识 -ZH_HYP: 1.. +ZH_HYP: 在美国的一个大的过程中,有的是,它的作用是,它的意思是:“你的观点是,在中国的,是在为自己的利益而斗争的。的的的的的的的的的的的””””””””””””””””” EN: The 15th National Congress of the China Party for Public Interest was opened in Beijing on the 2nd. ZH_REF: 中国致公党第十五次全国代表大会二号在北京开幕。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,中国的“大”,是“我们的”,是为了使自己的事业变得更加容易了,而不是在他们的时候,也是为了让人感到厌倦了,而不是在那里,是为了让人感到厌倦了 EN: Wang Huning, member of the Standing Committee of the Political Bureau of the CPC Central Committee and Secretary of the Central Secretariat, met with all the participants ZH_REF: 中共中央政治局常委、中央书记处书记王沪宁会见全体与会代表。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),我们的成员,也是为了使他们的工作而得到,他们的利益是由他们所控制的,而不是在他们的身边,而不是在那里,而是要在那里的一切 EN: that promoted the four comprehensive strategic layouts, and carried out in-depth investigations and studies on the construction of the Belt and Road Initiative, the promotion of innovation of science and technology, the assistance of winning the fight on poverty alleviation, ZH_REF: 协调推进四个全面战略布局,在服务一带一路建设、推动科技创新驱动、助力打赢脱贫攻坚战 -ZH_HYP: 1.. +ZH_HYP: 4.为使我们的工作变得更加开放,而不是在一起,而是在促进经济发展的过程中,为我们的利益提供了一个机会,而不是在科学上,也是为了提高其对的、也是的,而不是在(e)的范围内 EN: to safeguard their rights and interests and make greater efforts to promote the cause of socialism with Chinese characteristics in a new era to realize the reunification of the motherland. ZH_REF: 维护侨海权益,为推进新时代中国特色社会主义事业、实现祖国统一作出更大贡献 -ZH_HYP: 1.. +ZH_HYP: (k)为使人的处境,为自己的事业带来更多的机会,使之成为我们的事业,而不是为自己的事业而努力,而不是在为自己的事业而去,而不是为你所带来的,是最重要的 EN: The CPC Central Committee believes that ZH_REF: 中共中央相信 -ZH_HYP: 1.. +ZH_HYP: 4.3.在任何情况下,都是由其所造成的,而不是为了使其成为可能的,而不是在其他国家,也是为了使其成为一个人,而不是为了使其更高的地位,使其成为一个大的人, EN: the new central leadership of the China Party for Public Interest will certainly be able to hold high the great banner of socialism with Chinese characteristics, and unite closely around the CPC Central Committee with Comrade Xi Jinping at its core. ZH_REF: 致公党新一届中央领导机构一定能够高举中国特色社会主义伟大旗帜,紧密团结在以习近平同志为核心的中共中央周围 -ZH_HYP: 1.. +ZH_HYP: “”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。 EN: comprehensively strengthen the construction of a socialist political party with Chinese characteristics and unite and lead the vast numbers of members in making a new contribution to building a moderately prosperous society in all respects and launch a new journey in building an ZH_REF: 全面加强中国特色社会主义参政党建设,团结带领广大成员在决胜全面建成小康社会、开启全面建设社会主义现代化国家新征程中 -ZH_HYP: 1.. +ZH_HYP: (四)为“人”的创造,为我们的事业提供了一个新的机会,为我们的事业带来了更多的机会,也是为了使自己的事业变得更有价值,而不是在你的身边,而是在我们的面前 EN: all-round modern socialist nation. ZH_REF: 作出新贡献 -ZH_HYP: 1.. +ZH_HYP: 5.4.在一个不稳定的时期,我们都是为了让自己摆脱困境,而不是在为自己的工作中,而不是为了让自己的力量而去,而不是在那里,这是对的,而不是最重要的,因为它是对的 EN: Lin Wenyi, Vice President of the CPPCC National Committee and President of the Central Committee of the Taiwan Democratic Self-Government League, delivered a congratulatory message on behalf of all democratic parties and the All-China Federation of Industry and Commerce. ZH_REF: 全国政协副主席、台盟中央主席林文漪代表各民主党派中央和全国工商联致贺词。 -ZH_HYP: 1.. +ZH_HYP: 《美国法典》的内容是:“这是由中国的经济和社会发展的,它的主要特点是,它是由中国的,而不是为自己的利益而斗争,而不是在中国,它的权力和权力,而不是所有的人都会这样做的。??了了””” EN: Yang Yanyin, Director of the Subcommittee of Hong Kong, Macao and Taiwan Compatriots and overseas Chinese individuals, delivered a congratulatory message on behalf of the Chinese units affiliated to the Central Government. ZH_REF: 全国政协港澳台侨委员会主任杨衍银代表中央涉侨单位致贺词。 -ZH_HYP: 1.. +ZH_HYP: (一)香港的美容师,对我的影响,为我们的事业提供了便利,为他们提供了一个机会,为他们的利益而去,而不是在中国,他们的手势,是在你的面前,是的,是的。 EN: Wan Gang, Executive President of the Presidium of the General Assembly, ZH_REF: 大会主席团常务主席万钢 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在“大”的过程中,我们的经历都是由“”的,而在这方面,你也是为了让别人知道的,而不是为了让人在那里得到的东西,而不是在你的身边,而是在你的身边 EN: made a working report on behalf of the 14th Central Committee of the China Party for Public Interests. ZH_REF: 代表中国致公党第十四届中央委员会作工作报告 -ZH_HYP: 1.. +ZH_HYP: (一)“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。。 EN: The review committee has approved the Amendment to the Constitution of the China Party for Public Interest and elected the 15th Central Committee of the Party. ZH_REF: 审议通过《中国致公党章程修正案》,选举致公党第十五届中央委员会。 -ZH_HYP: 1.. +ZH_HYP: 4.3.在任何情况下,都是为了使其成为一个不公平的,使其成为一个不公平的,使其成为一个大的,而不是在(s)上,使其成为一个,并使其成为可能的的的的的的的的的的的的 EN: On the 2nd, Wang Huning, member of the Standing Committee of the Political Bureau of the CPC Central Committee and the Secretary of the Central Secretariat, met with some foreign delegates who attended the high-level dialog between the Chinese Communist Party and world political parties in Beijing. ZH_REF: 中共中央政治局常委、中央书记处书记王沪宁二号在北京集体会见出席中国共产党与世界政党高层对话会的部分外国政党领导人。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的名字,是一个由我的领导来的,而不是在中国,他们是在一起,是在为你的事业而感到的,是的,是的,是的,是的,是的,是的。 EN: Wang Huning said that General Secretary Xi Jinping made a keynote speech at the opening ceremony of the high-level dialog meeting and called on all political parties in the world to jointly play a leading role in building a community of a shared future for mankind ZH_REF: 王沪宁表示,习近平总书记在高层对话会开幕式上发表主旨讲话,呼吁世界各国政党共同为构建人类命运共同体 -ZH_HYP: 1.. +ZH_HYP: (k)【句意】我的意思是,我们的人在为自己的事业中寻找一个好的机会,而不是在一起,而是在为自己的事业中的,而不是在别人的身边,你会在一起的。了了 EN: and better world. ZH_REF: 和建设美好世界发挥引领作用 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................ EN: To take up this mission, it is crucial for political parties to strengthen their own foundation and construction. ZH_REF: 政党要承担起这一使命,关键要加强自身建设 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,它是为了使自己的利益而变得更重要,因为它是由你所做的,而不是在他的身边,还是要在那里,还是要用的,对我来说, EN: Since the 18th CPC National Congress, ZH_REF: 中共十八大以来 -ZH_HYP: 1.. +ZH_HYP: (一)(一),不经纬度,可被视为是不稳定的,而不是在其上,是为了使其成为一种,而不是在上司,而是要用的,让它的上司匹配的的的的 EN: to comprehensively enhance its governing capabilities and achieved remarkable results. ZH_REF: 全面增强执政本领,取得显著成效 -ZH_HYP: 1.. +ZH_HYP: (k)(一),使我们的心从表面上看,是不可能的,而不是在其他方面,也是为了让自己的力量而努力,而不是在那里,是为了让人感到厌倦了,而且是最坏的,因为它是对的 EN: It was stated that they are willing to exchange experiences with other political parties in this regard. ZH_REF: 我们愿与各国政党就此加强经验交流互鉴。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,我们的态度是,他们的缺点,是为了使他们的利益而被人的,而不是在他们的身边,在那里,你也会有的,是的,是的,是的,是的,是的。 EN: Foreign parties spoke highly of General Secretary Xi Jinping's keynote speech at the dialog meeting. ZH_REF: 外方高度评价习近平总书记在对话会上的主旨讲话。 -ZH_HYP: 1.. +ZH_HYP: (一)“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。。。。。。。。。 EN: They highly agree with the great initiative that world political parties should jointly promote the construction of a community of a shared future for mankind and a better world which was proposed by General Secretary Xi Jinping. ZH_REF: 高度认同习近平总书记提出的世界政党携手推动构建人类命运共同体、建设美好世界的伟大倡议。 -ZH_HYP: 1.. +ZH_HYP: (4)如果有,则是为了使我们的共同点变得更加危险,而不是为了使自己的利益而变得更容易,而且也是为了使人的利益而变得更有可能,而这是对我们的看法,是对的,是对我们的最严重的威胁。 EN: In other news, today, the People’s Daily published a op-ed with the topic of Jointly Creating a Brighter Future for Mankind ZH_REF: 本台消息,今天出版的人民日报发表评论员文章,题目是共同开创人类更加光明的未来。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的错误,是,他们的目的是为了使自己的处境更加危险,而不是在他们的身边,在那里,为他们提供的服务,而不是在那里,也是为了让人感到厌倦了 EN: Deepening the reform of the state oversight system is a major political structural reform related to the overall situation. ZH_REF: 深化国家监察体制改革是事关全局的重大政治体制改革。 -ZH_HYP: 1.. +ZH_HYP: (4)在任何情况下,我们都是不可能的,因为它是在为自己的,而不是在,它是为了使自己的力量而受到伤害,而不是在(d)的时候,我们都会有更多的东西 EN: The 19th National Congress of the Communist Party has made a new major deployment which was launched across the country and ZH_REF: 党的十九大报告作出新的重大部署 -ZH_HYP: 1.. +ZH_HYP: "在任何情况下,都是由一个人的,而不是为了使他们的利益而被人所包围,而这是由他们所控制的,而不是为了使他们的工作而被人所为的,而不是太多了,因为他是在说谎的,是的。 EN: From the 19th National People’s Congress to the completion of the establishment of the county and city commission, whether Dandong can take a positive first step in the reform of the national supervision system will be seen. ZH_REF: 从十九大作出部署到县市区监察委员会组建完成,丹东能否把全国监察体制改革中的第一步迈好。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的意思是,“我们的生活”是由“人”的,而不是在过去的,它的意思是,它的意思是:“我们的力量是在哪里,还是要把它的保护起来吗?” EN: The time of such urgent work and the high standards of such work call for more than just sitting in and commanding from an office. ZH_REF: 这种紧迫的工作的时间和这种工作的高标准高要求,不能再坐到办公室来指挥啦。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),这是在为难的,而不是在他们的中,是为了使自己的工作变得更有价值,而不是在别人的上方,而是要在的时候,要把它的意思和价值联系起来的 EN: They need to go to the front line to guide the scene first-hand and solve the problem. ZH_REF: 都必须到一线去现场指导,现场解决问题 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,我们的人是在为自己的,而不是在,也是为了让人感到厌倦的,而不是在别人身上,而是要用的,也是最重要的 EN: With the implementation plan template and flow chart for the county level reform pilot ZH_REF: 带着县一级改革试点实施方案模板和流程图 -ZH_HYP: 1.. +ZH_HYP: 在对所有的影响进行中,以进行中的,并为其提供的,如:(一);(b)在错误中,为其提供的,以达到最高的标准,并将其作为一个分隔符的方法,以满足于所有的错误 EN: The work report of the 19th CPC National Congress made clear arrangements for the reform of the state supervisory system and preparations for the construction of the supervisory commission of various localities are also being conducted in full swing. ZH_REF: 工作不断党的十九大报告对国家监察体制改革做出了明确部署,各地监察委筹建工作也都在紧锣密鼓地进行当中。 -ZH_HYP: 1.. +ZH_HYP: 在任何情况下,都是为了使我们的工作变得更加安全,而不是为了使其成为一个重要的,而不是在国家的地方,而是在进行中,而不是在它的上层,而是在我的上层上的(((的 EN: Up to now, the commissions in Qingshan District of Baotou City of Inner Mongolia Autonomous Region, Kangping County, Shenbei New District and Liaozhong District of Shenyang City of Liaoning Province have also been set up. ZH_REF: 截至目前,内蒙古自治区包头市青山区、辽宁省沈阳市康平县、沈北新区、辽中区等地监察委员会也已经挂牌成立。 -ZH_HYP: 1.. +ZH_HYP: 在这方面,我们的事业是,在那里,我们的生活是由国家的,而不是在他们的地区,也是为了得到的,而不是在那里,他们是在那里,是为了控制住的,而不是太多了。了了了了了了了了了 EN: In Waipokeng village of Shaoxing, Zhejiang, presenters were sitting on the bench and talking with villagers about the strategy on how to achieve rural revitalization. ZH_REF: 在浙江绍兴外婆坑村,宣讲人坐在小板凳上和村民聊如何实现乡村振兴战略。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,有的是,我们的生活,是为了得到的,而不是在他们的身边,他们的工作是在一起,而不是在那里,你会在那里,而不是在那里,你的意思是什么? EN: What is the relationship between this report and our village and our family? ZH_REF: 这个报告内容到我们村到我们家有什么关系 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),我们的作品,是,从句中,有的,是,你的意思是,你的意思是,你的意思是,你的意思是,你的意思是,它是由你的,是的,而不是 EN: I think that there is a major relationship. First, in your home, you must use it to create a high quality lifestyle. ZH_REF: 我觉得关系大了,第一个你们家里首先要素质高。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Right? And the income should be higher and higher. ZH_REF: 对不对,收入高还要步步高。 -ZH_HYP: 1.. +ZH_HYP: (4)()(一),是,也是为了使自己的处境与之相联系,而不是在他们的中,为自己的力量而去,而不是在别人身上,而是要有的,也是最重要的。了了了了了了 EN: As soon as the strategy for rejuvenating the country is implemented, there will be more and more new approaches to new industries and these new industries will reach the villages. ZH_REF: 我告诉大家,这个只要乡村振兴战略一实施,村庄里的新产业新业态新门路会越来越多。 -ZH_HYP: 1.. +ZH_HYP: (一)“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。!。!。。。。。。 EN: The presenter made it clear that cultivation of the spirit of the 19th National Congress was carried out in ordinary people. ZH_REF: 宣讲员把十九大精神讲得明白,老百姓的收获实在。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的错误,是,他们是在说谎,而不是在他们的身边,他们是在一起,是为了让别人的利益而去,而不是在那里,是为了让人感到羞耻的 EN: That is to say, we have transformed the spirit of the 19th National Congress ZH_REF: 也就是我们把十九大的一个精神有 -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................ EN: In recent years, with the rapid development and gradual popularization of the Internet and its related technologies, the vitality and potential of Internet technology innovation in our country ZH_REF: 近年来,随着互联网及其相关技术的迅猛发展和逐步普及,我国互联网技术创新活力和应用潜力 -ZH_HYP: 1.. +ZH_HYP: 在过去的情况下,我们的工作是,在不可能的情况下,为自己的利益而去,而不是在他们的面前,为自己的力量而去,而不是在那里,也是在我们的上方,你的意思是什么?了了了 EN: are constantly increasing. The innovation and practice of social governance continues to be promoted. The role of Internet-based innovation in social development ZH_REF: 正在不断地释放,社会治理创新实践持续推进,基于互联网的创新在社会发展当中的作用 -ZH_HYP: 1.. +ZH_HYP: (a)(一)为使人的发展而变得更加复杂,而不只是为了使自己的利益而变得更糟,而不是在为其带来的,而不是在(e)上,而不是在(d)的时候,我们都会对自己的行为感到震惊 EN: is increasingly prominent. ZH_REF: 日益凸显 -ZH_HYP: 1.. +ZH_HYP: 5.a............................................................... EN: In a Maternal and Child Health Hospital in Longgang District, Shenzhen City, in the early morning, there were dozens of pregnant women who have been pregnant for about twelve weeks waiting for an important test. ZH_REF: 在深圳市龙岗区妇幼保健院,一大早就有数十位怀孕十二周左右的准妈妈在等待接受一项重要的检查。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的一个大的是,是在他们的时候,是为了让他们的心烦起来,而不是在他们的时候,就像你的一样,是为了让你的心烦而去,而不是为了更多的 EN: Up to now, this test has been provided to over 2.4 million people, of which more than 17,000 were positive samples. ZH_REF: 截至目前,该项检测服务已突破二百四十万例,其中检测出阳性样本量达到一点七万多例。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: This means that big data is the foundation and source of our innovation. In the future, we hope to effectively promote this integration of smart, personal life data and the information industry. ZH_REF: 说明大数据是我们创新的基础和源泉,那么将来的话我们是希望能够有效推动像这个人功智能生命数据信息产业的一个整合。 -ZH_HYP: 1.. +ZH_HYP: 4.这是个好的例子,是我们的事业,而不是为了使自己变得更容易,而且也是为了让自己的事业而感到羞耻,因为他们的工作是在国际上的,而不是在那里,还是要花了。 EN: This will enable new technologies that can benefit mankind and achieve more benefits for people’s livelihood. ZH_REF: 能够让新科技造福人类实现更多的民生普惠。 -ZH_HYP: 1.. +ZH_HYP: 4.这将为我们的目的而作为,而不是为自己的工作提供便利,而不是在过去的中,它是由它来的,而不是在(e)的,是为了使自己的力量而变得更多的 EN: The country's first Internet court was listed in Hangzhou in August this year. ZH_REF: 全国首家互联网法院今年八月在杭州挂牌。 -ZH_HYP: 1.. +ZH_HYP: 在这个过程中,一个人的性格,是在为自己的,而不是在,是为了使他们的缘故,而不是在他们的面前,为你的对手而去,而不是在那里,是为了让人感到厌倦了。的了了了了了了了 EN: The original writer of the TV series Empresses in the Palace sued NetEase cloud reading platform which makes it the first case of its kind. ZH_REF: 电视剧《甄嬛传》原著作者状告网易云阅读平台,成为其开庭审理第一案。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是在我们的,是为了使自己的缘故,而不是在他们的面前,把它放在一边,把它放在一边,然后把它的东西放到一边,而不是在上,是什么意思?了了了了了了了 EN: In the court, the plaintiff’s seat, the dock and the clerk’s seat had disappeared, they were replaced by a screen that filled the entire wall. ZH_REF: 庭审现场,原告席、被告席和书记员席都消失了,取而代之的是一块占满整面墙的屏幕。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,原告的态度是,对他的服务,不为人,而不是故事,他们都是为了让他们的,而不是在他们的身边,而是在你的身边,你的一切都是为了得到的,而不是太多了 EN: By clicking the mouse, the Judge can view the relevant evidence at any time, greatly improving the efficiency of the trial. ZH_REF: 审判员点击鼠标,就可以随时查看相关证据,大大提高了审判效率。 -ZH_HYP: 1.. +ZH_HYP: (k)【句意】(这是个谜语,是,从句中,有),因为,你的意思是,你的意思是,你的意思是,你的意思是,它是用的,而不是用的,是的,是的 EN: The establishment of the Hangzhou Internet Court is a major institutional innovation in the judicial work that proactively adapts to the trend of Internet development. ZH_REF: 杭州互联网法院的设立,是司法工作主动适用互联网发展趋势的 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),在为其提供的服务中,我们将为其提供便利,而不是在其他国家中,而不是在其上,也是为了使其成为一种(或)的,而不是对其进行控制,使其更高, EN: It is a strong impetus for innovation in building a powerful network. ZH_REF: 重大制度创新建设网络强国需要创新的强力驱动。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................. EN: Now, people are familiar with the innovative products for service, such as shared cycling, e-commerce and smart tourism ZH_REF: 现在人们耳熟能详的共享单车、电子商务、智慧旅游等服务创新的产物 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是对我们的,是为了使他们的利益而变得更容易,而不是为了他们的,而不是在他们的身边,才是为了得到的,而不是在那里,要么是为了得到更多的 EN: and they are constantly enriching people's desire and demand for a better life. ZH_REF: 正不断丰富人民对美好生活的向往和需求 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,他们的意思是,在我的生活中,我们都是为了得到的,而不是为了给别人的,而不是为了给别人带来的,也是为了得到的 EN: A series of leading technological innovations, such as cloud computing, big data, high-end chips and quantum communications, ZH_REF: 云计算、大数据、高端芯片、量子通信等一系列领先技术创新 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在其他方面,我们必须以某种方式进行,而不是以其为代价,而不是以其方式为其提供的,而不是在其上,也是为了使其更加强大而又有可能的危险,而这是对国际事务的最严重的影响。 EN: of innovation on the Internet means that we should deepen our cooperation in all fields of our economy and in all fields of society, and promote such innovation in a wider range. ZH_REF: 互联网创新里面很大程度上是说和我们经济各个领域、社会各个领域更深度得去结合,促进了更大范围的这种这种创新。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在我们的过程中,我们必须把它放在一边,而不是在一起,而是在为自己的力量,在那里,为我们带来的一切,而不是在别人身上,也是最重要的。了了 EN: Yesterday, the amended norms of cash loans were released, with prominent issues from cash loan such as over loans, repeated credit, improper collection, ZH_REF: 昨天,现金贷规范整顿方案发布,将对现金贷存在过度借贷、重复授信、不当催收 -ZH_HYP: 1.. +ZH_HYP: 5.在对这一情况进行了修改,以使其成为一个共同的因素,即,货币贬值,以应付其损失,而不是为其提供的,也是为了应付的,而不是在其他方面,而这是对美元的要求 EN: abnormally high interest rates and violations of personal privacy will be vigorously rectified. ZH_REF: 畸高利率、侵犯个人隐私等突出问题大力整顿。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】(我的)是,我们的生活方式和它的好处是,它是由你所控制的,而不是在那里,还是要把它的力量推到了的的的的的中中中中中中的 EN: New regulations stated that no organization or individual may operate loaning businesses without obtaining the qualification for engaging in loaning business in accordance with the law. ZH_REF: 新规明确,未依法取得经营放贷业务资质,任何组织和个人不得经营放贷业务。 -ZH_HYP: 1.. +ZH_HYP: (k)(一)不允许的是,在不允许的情况下,我们的工作是为了使自己的利益而被人所受的,也是为了使他们的利益而被人所受的,是不可能的,因为他们的意思是什么?了 EN: on the interest rates on private loans. ZH_REF: 关于民间借贷利率的规定。 -ZH_HYP: 1.. +ZH_HYP: (4)()(一),(),是为了使自己的东西,而不是在他们的上方,而不是在他们的上方,而是在那里,是为了让人感到很好,因为他们的意思是对的,而不是最需要的,是什么 EN: Neither agencies nor entrusted third-party agencies may collect loans through violence, intimidation, humiliation, ZH_REF: 各类机构或委托第三方机构均不得通过暴力、恐吓、侮辱、诽谤、骚扰等方式 -ZH_HYP: 1.. +ZH_HYP: (c)(一)不允许的,是在不可能的情况下,为其提供的,是为了使他们的利益而受到损害,而不是为他们提供的服务,而不是在(e)上,而不是在(s)的的的的的的的的的的的 EN: New petty loan companies will be suspended from carrying out small loan businesses across the province, district and city. ZH_REF: 暂停新增批小额贷款公司跨省、区、市开展小额贷款业务 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为它是在用的,而不是在(或)上,它是由它的,而不是在(或)上,它的意思是:“我们的人是在哪里?的的的的的的的的的的的的的的的的 EN: Approval of opening on these establishments will be suspended ZH_REF: 已经批准筹建的,暂停批准开业 -ZH_HYP: 1.. +ZH_HYP: (b)将此作为一种,以使其成为一个,以使其成为一个,以使其成为一个,以使其更加稳定,并使之与之相联系,以达到最高的水平,并将其作为一个(或),,,的的的的 EN: for those approved institutions that do not meet the relevant provisions. ZH_REF: 对于不符合相关规定的已批设机构 -ZH_HYP: 1.. +ZH_HYP: (b)为使之成为一个不公平的,因为它是由一个人组成的,而不是在其他方面,它们的作用是由衷的,而不是在(e)上,而不是在(d)的时候,它将被用来为你的对手而去 EN: The plan also regulated the off-balance-sheet financing of small loan companies, the participation of licensed financial institutions in cash loans, and so on. ZH_REF: 方案还对小贷公司表外融资、持牌金融机构参与现金贷行为等进行了规范。 -ZH_HYP: 1.. +ZH_HYP: 4.5.为使其能够得到更多的报酬,也是为了使其免受货币贬,而非在贸易方面的投资,是为了使其成为一个共同的,而不是在其他方面,而不是在(d)----------- EN: Recently, the China Securities Regulatory Commission (CSRC) announced that it has stepped up its supervision on the use of high-yields and transfer of large-capped shares, the lifting of restricted shares and the long-term absence of cash dividends by some listed companies. ZH_REF: 证监会日前发布,对一些上市公司利用高送转配合大股东减持、限售股解禁,以及长期没有现金分红的铁公鸡等行为 -ZH_HYP: 1.. +ZH_HYP: 然而,在中国,对其进行了广泛的调查,并对其进行了调整,以使其成为一个不稳定的产品,而非货币贬值,也是其利益的,而不是在其他方面的,也是如此。的的了的的的的的的的的的的的的 EN: Once any illegal activities are found, they shall be severely dealt with according to law without any leniency. ZH_REF: 加大监管力度,一旦发现违法违规行为,依法严肃处理,绝不姑息。 -ZH_HYP: 1.. +ZH_HYP: 在任何情况下,都是由不稳定的,而不是在他们的,是为了得到的,是为了使他们的工作而被人所受的,而不是在他们的身边,才会有什么危险的?(了了了了(了了了了了了了 EN: The Zhengzhou to Fuyang high-speed railway engineering control and the continuous beam of the Zhou Huai Bridge across the New Canal were closed today. They use segmented prefabricated plastic assembly technology ZH_REF: 郑州至阜阳高速铁路控制性工程,周淮特大桥跨新运河连续梁今天合龙,它采用节段预制胶接拼装技术 -ZH_HYP: 1.. +ZH_HYP: (一)(一),“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。!!!。。。。。。 EN: to divide the 412.5 meters long, 12.9 meters wide, with a total weight of 15,000 tons of continuous beams into 96 sections. ZH_REF: 将长四百一十二点五米、宽十二点九米,总重量一万五千吨的连续梁分成九十六个节段 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a),我的意思是,我的意思是,在我的上,你的意思是,他们的意思是,我们的生活方式,是在1950年的,而不是在那里,是 EN: and make all trips safe and civilized. ZH_REF: 安全文明出行。 -ZH_HYP: 1.. +ZH_HYP: (b)(一)将所有的东西都变成了,我们的手都是为了使他们的工作变得更容易,而不是为了使他们的工作变得更容易了,而且也是为了给他们带来的,而不是在那里,而是要在那里得到的 EN: Jiangsu, Yunnan, Hubei, Shanghai and other places have conducted activities, such as creating real simulations of civilized transportation and sending small yellow cabs to schools, to promote traffic safety ZH_REF: 江苏、云南、湖北、上海等地举行了送文明交通实景体验、小黄帽到学校等主题活动,宣传交通安全 -ZH_HYP: 1.. +ZH_HYP: 4.5.................................................................. EN: and war-wounded treatment and achieved a comprehensive shift from medicine in the field to full-factorization. ZH_REF: 战伤救治等科目进行训练,实现了野战医疗向全要素的综合转变 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在不可能的情况下,我们将被捆绑,而不是在他们的脚趾中,用它的方式来回来,因为它是在说谎的,是的,是的,是的,是的。 EN: This year, the Ministry of Agriculture conducted a nationwide search for the most beautiful agricultural technological workers. ZH_REF: 今年,农业部在全国范围内开展了寻找最美农技员活动。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,我们的态度是,对自己的影响,而不是为了使自己的处境更加危险,而不是在他们的身边,而是在他们的面前,为自己的服务而去,而不是最需要的,是的,是的,是的。 EN: will focus on the upstream and downstream industry chains of the animation industry in three days and promote the combination of cultural creativity and the market. ZH_REF: 对动漫产业的上中下游产业链进行集中展示,并促进文化创意和市场的结合。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为它是在用的,而不是在他们的中,是在为自己的,而不是在那里,也是为了让人的,而不是在那里,要么是为了提高他们的能力而去 EN: Next up, a look at international news. ZH_REF: 接下来关注国际方面的消息 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................ EN: The assistant to the former President for National Security Affairs Flynn admitted that he had given a false testimony before the FBI on personal contacts with Russia. ZH_REF: 美国前总统国家安全事务助理弗林一号承认,就个人与俄罗斯方面的接触向联邦调查局作伪证。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】他的意思是,我们的人在为自己的服务,而不是在为自己的事,而不是为了得到治疗,而是为了得到更多的保护,而不是在那里,要么是为了让别人知道的,那是对的 EN: And he said that he would cooperate with the investigation of Robert Mueller, the special prosecutor of the Ministry of Justice who is responsible for the investigation of the incident on Russia. ZH_REF: 并表示将配合负责通俄门事件调查的司法部特别检察官罗伯特米勒的调查。 -ZH_HYP: 1.. +ZH_HYP: 他说,在这一过程中,我们都是为了逃避,而不是为了自己的利益而被人所受的,而且是为了使他们的工作而受到伤害,因为他们的行为是由衷的,而不是在那里,是了 EN: The prosecution document said Flynn had lied on two calls when testifying before the FBI. He said he did not ask ZH_REF: 起诉文件说,弗林在向联邦调查局作证时就两次通话说谎,他称自己在去年十二月二十二号的电话中 -ZH_HYP: 1.. +ZH_HYP: 5.k................................................................... EN: the Russian side to postpone the Security Council-related vote through Kislyak on the phone on December 22nd last year. During the phone call on the 29th of the same month, ZH_REF: 没有通过基斯利亚克要求俄方推迟安理会相关投票,在同月二十九号的电话中 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: he did not ask Russia to avoid aggravating tensions between the United States and Russia through Kislyak, either. ZH_REF: 也没有通过基斯利亚克要求俄方避免加剧美俄关系紧张 -ZH_HYP: 1.. +ZH_HYP: (英译汉)............................................................... EN: Flynn pleaded guilty when he was in court that day, and expressed his willingness to cooperate with the investigation. ZH_REF: 弗林当天在法院出庭时认罪,并表示愿意配合调查 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个错误的谣言,是为了使自己的力量而被人用,而不是在他们的面前,把它当作是一个人的,而不是在别人的面前,你就会被人的错觉了了了了了了了了了 EN: It is reported that his verdict will be announced in February next year. ZH_REF: 据悉,对他的判决将于明年二月宣布。 -ZH_HYP: 1.. +ZH_HYP: 在这一情况下,他的名字是由一号的,而不是在,他们的一切都是为了得到的,而不是在他们的中,是为了使自己的力量而被人的.的的的的的的的的的的的的的 EN: that Flynn’s plea and his allegations do not involve anyone other than himself. ZH_REF: 弗林的认罪和有关他的指控除了他个人以外不涉及任何其他人。 -ZH_HYP: 1.. +ZH_HYP: (美)(一),(),我们的东西是用的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: On December 1, Turkey ordered the arrest of Graham Fuller, a former CIA official, on the pretext of involvement in the attempted military coup in Turkey last year. ZH_REF: 十二月一号,土耳其以涉嫌参与去年土耳其发生的未遂军事政变为由,下令逮捕美国中央情报局前官员格雷厄姆富勒。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,一名片人都是为了逃避,而不是为了自己的利益而被人赶走,而在他们的前方,他们的事也是在他们的,是为了给他们带来的,而不是在那里,而是要在那里的 EN: The arrest warrant says Fuller was in Turkey when the attempted coup occurred in July last year ZH_REF: 逮捕令说,去年七月土耳其发生未遂政变时,富勒就在土耳其 -ZH_HYP: 1.. +ZH_HYP: 5.3.在一个大的市场上,我们都是为了得到的,而不是为了使他们的缘故,更不用说,他们的工作是在一起,而不是为了得到更多的补偿,而不是在那里,要么是为了达到最高的目的 EN: After the failure of the attempted coup, ZH_REF: 富勒在政变图谋失败后 -ZH_HYP: 1.. +ZH_HYP: (a)为使人的行为而作为,而不是为了使其成为可能的,而不是为了使他们的处境更加危险,而不是为了使他们的力量而被人所包围,而不是太多了,而是要在他们的面前站起来 EN: Fuller left Turkey. ZH_REF: 离开土耳其。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,你的意思是,在我的上,你也是为了得到的,而不是为了给别人的,而不是在那里,而是要在别人的时候,要把它给别人的 EN: Participants in the attempted coup killed nearly 250 people. ZH_REF: 此次未遂政变造成近二百五十人丧生。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................ EN: The Turkish government accused the coup dominator as a Turkish religious person, Gulen, who lives in the United States now ZH_REF: 土耳其政府指责政变主谋是现居美国的土耳其宗教人士居伦 -ZH_HYP: 1.. +ZH_HYP: 4.a.................................................................. EN: On the 1st, Al-Jaafari, head of the Syrian government delegation who is participating in the peace talk on the Syrian issue in Geneva, said that the government delegation would be back home on the 2nd. ZH_REF: 一号,正在日内瓦参加叙利亚问题和谈的叙政府代表团团长贾法里表示,政府代表团二号启程回国。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,一名片是由一名不经的,是由他们所占领的,而不是在他们的国家中,他们的意思是,他们的意思是,你的意思是,“你的意思是,”“”“” EN: remains the problem of the state of Syrian President Bashar. ZH_REF: 仍然是叙利亚总统巴沙尔的去留问题。 -ZH_HYP: 1.. +ZH_HYP: 5.a............................................................... EN: Before this round of peace talks, in a statement issued in Riyadh, Saudi Arabia, the Syrian opposition forces ZH_REF: 本轮和谈开始前,叙利亚反对派在沙特利雅得发表的声明中 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的命运是由衷的,而不是为了使自己的处境,而不是在他们的身边,而是为了在他们的面前,为自己的力量而牺牲了他们的力量,而这是对你的一切的的的的的 EN: insisted that the political transition should start with the fall of Bashar. ZH_REF: 坚持要求政治过渡要以巴沙尔下台为开端。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: to make this competition a grand festival in international sports and will not be affected by any international situations. ZH_REF: 将这次比赛办成国际体育界的盛大节日,不受任何国际形势影响 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: The World Cup will be held in eleven cities such as Moscow and Sochi ZH_REF: 世界杯比赛将于二零一八年六月十四号至七月十五号 -ZH_HYP: 1.. +ZH_HYP: 在这个意义上,一个人的意思是,他们的意思是,在我们的时候,都是为了让自己的力量而努力,而不是为了让自己的力量去做,而不是在那里,这是对的,是的,是的,是的。 EN: from June 14 to July 15, 2018. ZH_REF: 在莫斯科、索契等十一个城市举行。 -ZH_HYP: 1.. +ZH_HYP: (四)(一),从句中,我们可以从句中解脱出来,把它放在一边,把它放在一边,把它放在一边,把它放在一边,把它的东西放到一边,好吗?的了了了了了了了了了 EN: This concludes tonight's Xinwen Lianbo broadcast. Thank you for watching. ZH_REF: 今天的新闻联播节目播送完了,感谢您收看 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: For more news, visit the CCTV news website. For the download address, search “CCTV News +”. Goodbye. ZH_REF: 更多的新闻资讯你还可以关注央视新闻移动网,下载地址可以搜索央视新闻加,再见。 -ZH_HYP: 1.. +ZH_HYP: (c)【句意】(),我们的访问是为了让人更多的,而不是在别人的时候,也是为了让他们的服务而去,而不是在那里,他们是在一起,还是要把它的意思弄得太多了了 EN: the Beijing Initiative. ZH_REF: 北京倡议 -ZH_HYP: 1.. +ZH_HYP: (美)(一),(),(),我们的东西,都是在不可能的,因为它是在为你带来的,而不是在他们的上,也是为了让人感到厌倦的,而不是在高处的时候,他们会有更多的东西 EN: Zhejiang has both inherited and promoted the spirit of the Red Ship and encouraged agents and the people to forge ahead in their work at the forefront. ZH_REF: 浙江传承弘扬红船精神,激励干部群众奋发进取干在实处走在前列。 -ZH_HYP: 1.. +ZH_HYP: 5.a............................................................... EN: After various stages with different results, over 1.1. Billion mu of contracted land has been provided for contracted management in rural China. ZH_REF: 我国农村承包地确权取得了阶段性成果,已经有超过十一亿亩承包地完成确权。 -ZH_HYP: 1.. +ZH_HYP: (一)(一)不存在,但在所有情况下,都是为了使其成为贸易,而不是为了使其成为一个大的,而不是为了使其成为一个(或)更多的人,而不是为其提供服务,而这是对我们的最严重的影响。 EN: Detailed reports are next. ZH_REF: 接下来请看详细报道。 -ZH_HYP: 1.. +ZH_HYP: 5.a.............................................................. EN: In Chinese news, the Fourth World Internet Conference was opened on the morning of the 3rd in Wuzhen, Zhejiang Province. ZH_REF: 本台消息,第四届世界互联网大会三号上午在浙江省乌镇开幕。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的错误,是,是为了使自己的事业变得更容易了,而且也是为了让他们的服务而去,而不是为了让人感到厌倦了,那是对的,是对的,是对我们的最重要的 EN: And sincerely welcome all the delegates, heads of international organizations and experts, scholars and entrepreneurs who attended the conference. ZH_REF: 向出席会议的各国代表、国际机构负责人和专家学者、企业家等各界人士表示诚挚的欢迎。 -ZH_HYP: 1.. +ZH_HYP: 5.在这方面,他的态度是,我们的国家,是,他们的利益,是为了得到的,而不是在他们的面前,而不是在他们的身边,才是为了给别人带来的,而不是在他的身边,而是要在我们的范围内。 EN: We hope that everyone can pool their wisdom, enhance a meaningful consensus, deepen the exchange and cooperation between the Internet and the digital economy, and make the development of the Internet a better place for the benefit of ZH_REF: 希望大家集思广益、增进共识,深化互联网和数字经济交流合作,让互联网发展成果更好造福世界。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................... EN: of all people throughout the world. ZH_REF: 各国人民 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在“中”,“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,,。。。 EN: Xi Jinping pointed out in his congratulatory message that at present, a new technological and industrial revolution represented by information technology is in its infancy, with a strong momentum into economic and social development. ZH_REF: 习近平在贺信中指出,当前,以信息技术为代表的新一轮科技和产业革命正在萌发,为经济社会发展注入了强劲动力。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的意思是,他的性格是不可能的,而不是在他们的中,是在说谎的,是在经济上的,是对的,而不是在我们的上司,也是你的。了 EN: At the same time, the development of the Internet has also brought many new challenges to the power, security and development interests of all countries in the world. ZH_REF: 同时,互联网发展也给世界各国主权、安全、发展利益带来许多新的挑战。 -ZH_HYP: 1.. +ZH_HYP: 然而,在一个方面,我们的态度是,在很大程度上,是为了使他们的利益而变得更加危险,而不是在他们的国家里,而不是在那里,要么是为了得到更多的保护,而不是为了给他们带来的一切,而不是为了给你带来的。 EN: The global Internet governance system reform has entered a crucial period. ZH_REF: 全球互联网治理体系变革进入关键时期。 -ZH_HYP: 1.. +ZH_HYP: 在所有的情况下,我们都是为了避免了,而不是为了使自己的处境变得更糟,因为他们是在说谎的,而不是在他们的时候,才会有价值的,而不是在别人身上,而是要用的,让你的心智 EN: The international community is reaching a broad consensus for building a common cyberspace for the entire world. ZH_REF: 构建网络空间命运共同体日益成为国际社会的广泛共识。 -ZH_HYP: 1.. +ZH_HYP: (a)为使人的尊严,而不是在我们的工作中,是为了使自己变得更容易,而不是在他们的身边,而是在那里,是为了让人感到厌倦了,而且也是为了保持沉默的的的的的的的的的的 EN: China advocates five principles and four proposals in the hope of working with the international community to respect network power and promote partnerships. ZH_REF: 我们倡导四项原则五点主张,就是希望同国际社会一道,尊重网络主权,发扬伙伴精神。 -ZH_HYP: 1.. +ZH_HYP: 5.4.在对其他方面,我们都有一个共同的目标,即是为了使自己的利益而变得更加危险,而不是在为自己的工作中,而不是在那里,也是为了让人感到羞耻的的的的的的的 EN: Xi Jinping emphasized the program of action and a blueprint for socialism with Chinese characteristics in the new era that was discussed previously at the 19th National People’s Congress of the CPC. It proposed building ZH_REF: 习近平强调,中共十九大制定了新时代中国特色社会主义的行动纲领和发展蓝图,提出要建设 -ZH_HYP: 1.. +ZH_HYP: 3.1.在对这个问题的描述和态度上,我们的作品是由一个人所拥有的,而不是在他们的中,而是在他的面前,为自己的力量而去,而不是在那里,它是由谁来的 EN: and promoted the in-depth integration of the Internet, big data, artificial intelligence and the real economy. It also spoke of developing the digital economy and shared economy and cultivating new growth points and forming a new momentum. ZH_REF: 推动互联网、大数据、人工智能和实体经济深度融合,发展数字经济、共享经济,培育新增长点、形成新动能。 -ZH_HYP: 1.. +ZH_HYP: (a)为使人的服务和工作而产生,而我们的经济也是如此,它是在相互间的,而不是在经济上,也是为了提高其经济的效率而又有了一些(如:),,,,的的的的的的的的 EN: China’s door will only open wider and wider. ZH_REF: 中国对外开放的大门不会关闭,只会越开越大。 -ZH_HYP: 1.. +ZH_HYP: 5.a.................................................................. EN: Wang Huning attended the opening ceremony and delivered a keynote speech. ZH_REF: 王沪宁出席开幕式并发表主旨演讲。 -ZH_HYP: 1.. +ZH_HYP: “”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,!。。。。。。。。。。。 EN: He said that President Xi’s letter of congratulations fully embodies the profound insight into the global Internet development trend, ZH_REF: 他表示,习近平主席的贺信,充分体现了对全球互联网发展趋势的深刻洞察。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)1................................................................. EN: as well as an accurate grasp of the laws governing the development of cyberspace, and the sincere desire for China to join hands with the rest of the world in developing the Internet and the digital economy. ZH_REF: 对网络空间发展治理规律的准确把握,对中国同世界各国携手发展互联网和数字经济的真诚愿望。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在我们的情况下,我们的发展是有可能的,而不是为了使他们的利益而变得更有价值,而不是在国际上,也是为了让他们的服务而努力,而不是在那里,要么是最坏的,是的的的的的的的的的 EN: It not only poses new requirements for the development of China’s Internet but also provides new opportunities for China to carry out network cooperation with other countries throughout the world. ZH_REF: 不仅对中国互联网发展提出了新的要求,也为中国同世界各国开展网络合作提供了新的机遇。 -ZH_HYP: 1.. +ZH_HYP: (美国)的研究与发展,是一个不稳定的,而不是在中国,而是在为自己的产品做准备,而不是在那里,它是为了让别人的力量而去,而不是在那里,它是由你所做的, EN: to promote openness, cooperation, exchange of ideas and sharing of cyberspace and to jointly establish a cyberspace community with a shared future. ZH_REF: 推动网络空间开放、合作、交流、共享,携手共建网络空间命运共同体 -ZH_HYP: 1.. +ZH_HYP: (a)为使人的服务,而非凡,也是为了使其成为贸易,而不是为了使其成为一种危险,而不是为了使其成为一种共同的、更有价值的方式,而不是为了给他们带来的危险,而不是什么也会发生的 EN: We should encourage innovation and creation, enhance the vitality of development, promote open cooperation, ZH_REF: 要鼓励创新创造、增强发展活力,促进开放合作 -ZH_HYP: 1.. +ZH_HYP: 4.1.为了使人的幸福和更有价值,我们也会有更多的机会,而不是为了自己的目的而努力,而不是在(或)上,让人感到很舒服,因为他们的工作是对的,而不是在别人身上的 EN: build a good order and establish a safe, stable and prosperous cyberspace. ZH_REF: 构建良好秩序,建设安全稳定繁荣的网络空间。 -ZH_HYP: 1.. +ZH_HYP: (4)............................................................... EN: Huang Kunming read Xi Jinping's congratulatory letter at the opening ceremony. ZH_REF: 黄坤明在开幕式上宣读了习近平的贺信 -ZH_HYP: 1.. +ZH_HYP: 5.3............................................................... EN: Deputy Prime Minister of Thailand Prajin Juntong, Deputy Prime Minister of Mongolia Enkhtuvshin, ZH_REF: 泰国副总理巴金詹东、蒙古国副总理恩赫图布辛 -ZH_HYP: 1.. +ZH_HYP: 在美国,一个人的副作用,是一个不公平的,因为他们的经历都是为了逃避我的,而不是在他们的面前,为自己的力量而去,而不是为了让别人的心想而去,而不是太多了了了 EN: UN Deputy Secretary-General Liu Zhenmin, Apple CEO Tim Cook, Cisco CEO Chuck Robbins, Father of the Internet Robert Kahn, ZH_REF: 联合国副秘书长刘振民、苹果首席执行官蒂姆库克、思科首席执行官罗卓克、互联网之父罗伯特卡恩 -ZH_HYP: 1.. +ZH_HYP: (美国)(以英语发言):“这是个不公平的,”他说,“我从没想过,”他说,“你的心都是在,”他说,“我是在你的身边,”说说了 EN: The 4th World Internet Conference was held from December 3 to December 5 with the theme of Developing a Digital Economy, Promoting Openness and Sharing, and Working Together to Build a Cyberspace for a Shared Future. ZH_REF: 第四届世界互联网大会十二月三日至五日举行,主题为发展数字经济促进开放共享,携手共建网络空间命运共同体。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,我们将为自己的事业提供一个机会,为自己的事业而努力,并为他们的利益提供一个共同的机会,而不是在一起,而是在别人的时候,也是为了给别人带来的,也是在说的,是的。 EN: More than 1,500 delegates from over 80 countries and regions, including government representatives, heads of international organizations, leaders of Internet companies, celebrities from the Internet, experts and scholars, ZH_REF: 来自五大洲八十多个国家和地区的政府代表、国际组织负责人、互联网企业领军人物、互联网名人、专家学者等 -ZH_HYP: 1.. +ZH_HYP: 5.8.1.在其他国家,包括在国家,也是一个不公平的,它是由一个人组成的,而不是在公司的,而是在网络上,以及在国际上,它的利益是由谁来的,而不是的的的的的的 EN: attended the meeting. ZH_REF: 共一千五百多名嘉宾参加大会。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),是,也是为了把自己的东西弄得太多了,所以你就会被人抓住,因为他们都是在了,而不是在那里,要去找你的人,是的,是的,是的,是的。 EN: Wang Huning, member of the Standing Committee of the Political Bureau of the CPC Central Committee and Secretary of the Central Secretariat, met with Deputy Prime Minister of Thailand Prajin, Deputy Prime Minister of Mongolia Enkhtuvshin, former French Prime Minister De Villepin, Apple CEO Cook, and Cisco CEO Chuck Robbins respectively ZH_REF: 中共中央政治局常委、中央书记处书记王沪宁三号在浙江乌镇分别会见泰国副总理巴金、蒙古国副总理恩赫图布辛、法国前总理德维尔潘。 -ZH_HYP: 1.. +ZH_HYP: 在美国,这是由中央公国的,它的成员,也是由它的副部长来的,而不是在中国,他们是在经济上的,而不是在前,还是在(l)的,是的,是的,是的。 EN: in Wuzhen, Zhejiang Province on the 3rd. ZH_REF: 苹果公司首席执行官库克、思科公司首席执行官罗卓克。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................ EN: China is willing to strengthen their exchange of experiences of Internet governance with Thailand. ZH_REF: 中方愿同泰方加强互联网治理经验交流。 -ZH_HYP: 1.. +ZH_HYP: 5.a.................................................................. EN: Prajin said that Thailand cherishes the friendship between Thailand and China and is ready to make a joint development strategy with China. ZH_REF: 巴金表示,泰方珍视泰中友好,愿同中方对接发展战略。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为它是在我们的国家,而不是为了使他们的缘故,而不是为了让别人的生活而变得更有价值,而在我们的关系中,你就会被人所束缚 EN: They will promote the formation of an open, fair and secure cyberspace. ZH_REF: 推动形成开放、公正、安全的网络空间。 -ZH_HYP: 1.. +ZH_HYP: (4)如果有,也可以为我们的工作提供便利,而不是在他们的中,是为了使他们的心智而变得更有价值,而不是在他们的身边,那是对的,是对的,是对我们的最重要的,是对的 EN: When meeting with Enkhtuvshin, Wang Huning said that China is willing to work with Mongolia to deepen mutual political trust ZH_REF: 在会见恩赫图布辛时,王沪宁表示,中方愿同蒙方深化政治互信 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在“海边”,“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。。。。。。。。。 EN: and take care of each other's core interests and major concerns and implement the important consensus reached by leaders of the two countries. ZH_REF: 照顾彼此核心利益和重大关切,落实好两国领导人重要共识。 -ZH_HYP: 1.. +ZH_HYP: (a)为人的利益,是为了使我们的事业变得更加危险,而不是为了自己的利益而牺牲,而不是在他们的身边,而是在他们的面前,为自己的力量而去的.的的的的的的的的的 EN: Enkhtuvshin said that the development of relations with China is a priority for Mongolia's diplomacy. Mongolia upholds the one-China policy ZH_REF: 恩赫图布辛表示,发展对华关系是蒙古国外交优先方向,蒙方坚持一个中国政策 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在发展中,我们的决心是,它的发展是为了使其免受汇率,而不是为自己的利益而牺牲,而不是在中国,而是在国际上,对它的影响,是为了给你带来的好处 EN: When meeting with De Villepin, Wang Huning said that China always attaches great importance to developing Sino-French relations and China-EU relations from a strategic perspective. ZH_REF: 在会见德维尔潘时,王沪宁表示,中方始终从战略高度重视发展中法和中欧关系。 -ZH_HYP: 1.. +ZH_HYP: 5.e................................................................. EN: Both parties should make joint efforts to promote the development of global Internet governance in a more just and reasonable direction. ZH_REF: 双方应该共同努力促进全球互联网治理向更加公正合理方向发展。 -ZH_HYP: 1.. +ZH_HYP: (4)如果有,就会有更多的东西,而不是为了使人的发展而变得更有可能,而不是在他们的身边,那是对的,是在我们的工作中,还是要把它的意思和最坏的事 EN: De Villepin said that while congratulating China on entering a new era, he will continue to devote himself to developing cooperation between France and China and Europe and promote cooperative fields, such as bilateral cyberspace governance. ZH_REF: 德维尔潘表示,祝贺中国进入新时代,他将继续致力于发展法中和欧中关系,促进双方网络空间治理等领域合作。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: When meeting with Cook, Wang Huning expressed his affirmation of the role played by Apple in the development and cooperation of the digital economy between China and the United States. ZH_REF: 在会见库克时,王沪宁对苹果公司为中美数字经济发展和合作发挥的作用表示肯定。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: He said that China and the United States share broad common interests in the network area and both parties should work together to build a community of a shared future in cyberspace. ZH_REF: 他说,中美在网络领域拥有广泛共同利益,双方应共同构建网络空间命运共同体 -ZH_HYP: 1.. +ZH_HYP: 他的意思是,在我们的工作中,我们的共同之处在于,他们的利益和对他们的影响,是在一起,而不是在他们的面前,为你带来的,是在一起的,是在你的身边,是在一起的,是的 EN: Cook said Internet security management is important, and Apple appreciates that China has opened up their policy. ZH_REF: 库克表示,互联网安全管理很重要,苹果公司赞赏中国的开放政策。 -ZH_HYP: 1.. +ZH_HYP: (4)b:(一),我们的手表是,在做什么,也是为了使自己的心智而变得更糟,而不是在说谎,而是要把它当作是一种对的.的的的的的的的的的的的的的的的的 EN: He is willing to promote cooperation between Internet companies in both countries. ZH_REF: 愿促进两国互联网企业合作 -ZH_HYP: 1.. +ZH_HYP: (英译汉)()(在),我们的目的是在不惜一切的,因为它是在为自己的,而不是在为自己的,而在那是对的,是对的,是对的,是对的,是最重要的。了了 EN: When meeting with Chuck Robbins, Wang Huning said that technology is the guarantee of cyberspace governance. ZH_REF: 在会见罗卓克时,王沪宁表示,技术是网络空间治理的保障。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(他的意思是,我的意思是,在他们的时候,都是为了让他们的利益而去,而不是为了让你的工作而去,而不是为了让人更多的) EN: The 11th National Congress of the Jiu San Society opened on December 3rd in Beijing ZH_REF: 九三学社第十一次全国代表大会十二月三号在北京开幕 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,有的是,有的是,他们的外貌,是为了使他们的心智而变得更容易了,而你的人却在为他们的人所做的事,而不是为了给别人留下的东西, EN: Zhao Leji, member of the Standing Committee of the Political Bureau of the CPC Central Committee, met with the participants and delivered a congratulatory message on behalf of the CPC Central Committee. ZH_REF: 中共中央政治局常委赵乐际会见与会代表,并代表中共中央致贺词。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在我们的作品中,我们的角色是由“主”的,而不是在他们的中,是在说谎的,而不是在那里,而是用它的方式来表达的.的的的的的的的的的的 EN: They gave full play to the intellectual superiority of sectors and talents, conducted in-depth investigations and studies, put forward many important opinions and suggestions, and provided an important reference for the scientific decision-making of the party and the government. ZH_REF: 充分发挥界别和人才智力优势,深入调查研究,提出许多重要意见和建议,为党和政府科学决策提供了重要参考。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,我们的研究是,对我们的影响,对我们的贡献,以及对其进行的研究和分析,而不是在科学上,也是为了使它成为一个重要的问题,而不是在所有方面都是如此。了的的的的 EN: The congratulatory message said that ZH_REF: 贺词说 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的错误,是,他们的目的是为了使他们的感情,而不是为了他们的,而不是在他们的面前,才会有更多的东西,而不是你的对手,那是对的,是对我们的最重要的 EN: in accordance with the spirit of the 19th NPC, the Chinese Communist Party will constantly adhere to and improve the system of multi-party cooperation and political consultation led by the Chinese Communist Party. ZH_REF: 中国共产党将按照中共十九大精神,坚定不移坚持和完善中国共产党领导的多党合作和政治协商制度。 -ZH_HYP: 1.. +ZH_HYP: 在中国的中,有的是,“我们的”是,它的意思是,它的意思是:“我们的,是的,是的,是对的,而不是在过去的,还是要把它的意思和好的”给 EN: They will consistently implement the principle of long-term coexistence, mutual supervision and treatment of each other with the same interests, honor, and continuously support the democratic parties to better fulfill their functions in accordance with the requirements of the participating parties for socialism with Chinese characteristics. ZH_REF: 坚定不移贯彻长期共存、互相监督、肝胆相照、荣辱与共的方针,坚定不移支持民主党派按照中国特色社会主义参政党要求更好履行职能。 -ZH_HYP: 1.. +ZH_HYP: (b)有一个人的是,他们的态度和责任,都是由他们来的,而不是在一起,也是为了满足他们的要求,而不是在他们的面前,才会有多大的,而不是在别人身上的的的的的的 EN: It is hoped that the Jiu San Society will deepen their study, promotion and implement the spirit of the 19th National Congress of the CPC, enhance the 4 awarenesses, strengthen the 4 self-confidences, and give full play to the characteristics and advantages of the intensive intellectual and talent pool of science and technology. ZH_REF: 希望九三学社深入学习宣传贯彻中共十九大精神,增强四个意识,坚定四个自信,发挥科技界智力密集、人才荟萃的特点和优势 -ZH_HYP: 1.. +ZH_HYP: (a)研究人员的作用,是有必要的,使其更加开放,使其成为一种更加公正的、更有价值的、更有价值的、更有价值的技术,并使其成为我们的知识和技术的人,而不是在国际上,也是如此。 EN: The CPC Central Committee believes that the new leadership at the Jiu San Society will definitely be able to shoulder the heavy responsibility that history has entrusted onto them and the vast majority of its members. ZH_REF: 中共中央相信,九三学社新一届中央领导机构一定能够肩负起历史赋予的使命和广大成员的重托。 -ZH_HYP: 1.. +ZH_HYP: (c)【句意】(a)【句意】我们的意思是,我们的工作是为了使自己的利益而变得更重要,因为它是由你所承担的,而不是在他的身上,还是要把它的意思和联系给 EN: They will constantly create new situations for the Jiu San Society. ZH_REF: 不断开创九三学社工作新局面 -ZH_HYP: 1.. +ZH_HYP: (a)为使人的行为而作为,而不是为了使其成为一种危险,而不是为了使其变得更容易,而且也是为了使他们的工作变得更高,而不是为了给别人带来的,也是对的,的 EN: Vice President of the Standing Committee of the National People's Congress, President of the Presidium of the 12th National Congress of the China Association for Promoting Democracy Yan Junqi ZH_REF: 全国人大常委会副委员长、民进第十二次全国代表大会主席团常务主席严隽琪 -ZH_HYP: 1.. +ZH_HYP: (一)人的行为,是指在我们的国家中,有的是,在我们的中,是为了赢得胜利而又是为了赢得胜利的,而不是为了让人感到羞耻的,是的,是在他们的前方,而不是在哪里? EN: delivered a congratulatory message on behalf of the Central Committees for All Parties in the Democratic Party and the All-China Federation of Industry and Commerce. ZH_REF: 代表各民主党派中央和全国工商联致贺词 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,我们的态度是,对所有的事物都有影响,因为它是由你所拥有的,而不是在他们的面前,才会有多的,而不是在那里,也是为了让人感到厌倦的 EN: Han Qide, Executive President of the Presidium of the conference, delivered a report on behalf of the 13th Central Committee of the Jiu San Society. ZH_REF: 大会主席团常务主席韩启德代表九三学社第十三届中央委员会作工作报告。 -ZH_HYP: 1.. +ZH_HYP: (k)【句意】(a)【句意】我的意思是,我们的人,是为了给他们带来的,也是为了让自己的力量而去,而不是在我的上司中去,那是对的,是的,是的,是的。 EN: Guo Shengkun, You Quan, Arken Imirbaki, Wang Zhengwei and Wang Zhizhen attended the opening ceremony. ZH_REF: 郭声琨、尤权、艾利更依明巴海、王正伟以及王志珍出席开幕会 -ZH_HYP: 1.. +ZH_HYP: 5.a............................................................... EN: The conference members will listen to and consider the working report of the 13th Central Committee of the Jiu San Society. ZH_REF: 本次大会将听取和审议九三学社第十三届中央委员会工作报告。 -ZH_HYP: 1.. +ZH_HYP: (c)【句意】我的意思是,我们的工作是为了让自己的人,而不是在他们的身边,而不是在他们的身边,你的是,他们的力量是为了给别人的,而不是在那里,的 EN: The Amendment of the Jiu San Society was approved in the review, and the 14th Central Committee of the Jiu San Society was selected. ZH_REF: 审议通过《九三学社章程修正案》,选举九三学社第十四届中央委员会。 -ZH_HYP: 1.. +ZH_HYP: 4.在任何情况下,都是由其组成的,而不是由它的,在其他国家,它们的作用是由其所控制的,而不是由它的,而不是由它的,而是在(e)的情况下,的的的的的的的的的的的的的的的 EN: Today, the high-level dialog between the Chinese Communist Party and world political parties was closed in Beijing and passed the Beijing Initiative. ZH_REF: 中国共产党与世界政党高层对话会今天在北京闭幕,通过《北京倡议》。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: The dialog attracted nearly 300 leaders of political parties and political organizations from over 120 countries, covering different political systems, different cultural backgrounds and different ideologies. ZH_REF: 此次对话会吸引了一百二十多个国家的近三百个政党和政治组织领导人与会,涵盖不同政治制度、不同文化背景和不同意识形态。 -ZH_HYP: 1.. +ZH_HYP: (4)在任何情况下,都是有价值的,但在政治上,它们的作用和责任,都是为了使他们的利益而变得更加危险,而不是在政治上,也是为了让人的利益而使自己变得更加危险 EN: During the dialog, the General Secretary of the CPC Central Committee and President Xi Jinping delivered a keynote speech, where he comprehensively expounded the Chinese proposal of building a community of a shared future for mankind and building a better world. ZH_REF: 对话会期间,中共中央总书记、国家主席习近平发表主旨讲话,全面阐述构建人类命运共同体,建设美好世界的中国主张。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,他的表现为:“我们的经历和对的,是对的,而不是在你的面前,”他说,“你的心智,是在我们的共同点上,”他的意思,对我来说是个好人。 EN: The participating parties, both from developed and developing countries, think this is crucial. ZH_REF: 与会的政党不论是发达还是发展中国家都认为这点至关重要。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,我们的梦想,是为了使自己的利益而变得更容易,而不是在他们的身边,你就会被人所为,而不是在那里,要么是为了应付的,而不是太多了了了的的的的的的的 EN: The meeting adopted the Beijing Initiative and emphasized that mutual trust should be enhanced among political parties, there should be strengthened communication and ZH_REF: 会议通过北京倡议强调政党间应增进互信加强沟通 -ZH_HYP: 1.. +ZH_HYP: 4.为使人的尊严和不稳定,我们的努力将被视为是为了加强其利益,而不是在其上,而是在其上,以使其成为一个强大的、更有可能的力量,而不是在任何时候都会发生的,的 EN: As the largest political party in the world, the Chinese Communist Party has continuously kept up with the pace of progress and led China to gain world-class development achievements. ZH_REF: 中国共产党作为世界上最大的政党,不断隔间与进步,带领中国取得世界瞩目的发展成就。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),中国的发展,是一个不稳定的,是在不惜的,也是为了让人感到厌倦,而不是在过去的中,他们都是在一起,而不是在高处,而是要用的,是的。 EN: They provide public goods, for example. Today, China is stronger and more confident than ever before. China is committed to solving the common problems confronting the international community. ZH_REF: 提供公共产品。今天的中国比以往更加强大更加自信,中国致力于解决国际社会面临的共同问题。 -ZH_HYP: 1.. +ZH_HYP: (c)(一),在我们的情况下,我们的努力是为了使自己变得更容易,而不是在为自己的事,而不是在别人身上,而是在为之所带来的.的中的的的的的的的的的的的的的的的的 EN: And is working hard to promote a consensus among all countries of the world on a common goal. ZH_REF: 并努力促进世界各国在共同目标上达成共识 -ZH_HYP: 1.. +ZH_HYP: (4)a:(一),这是对我们的,是为了使自己的心目中的,而不是为了使自己的心智而变得更多,而不是在别人身上,而是在你的身边,那是对的,是对我们的的 EN: I think China will play a role of mediator in the world structure and China is becoming a global leader. ZH_REF: 我认为中国将在世界格局中扮演调和者的角色,中国正在成为一个全球的领导者。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................ EN: Keynote address at the Communist Party of China in Dialogue with World Political Parties High-Level Meeting ZH_REF: 中国共产党与世界政党高层对话会主旨讲话 -ZH_HYP: 1.. +ZH_HYP: (一)“中国”,“是”,“不”,“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,,。。 EN: Zhejiang Province vigorously promoted the spirit of the Red Ship, with a firm move to work at the forefront of the times. ZH_REF: 浙江省大力弘扬红船精神,以坚定的行动,让工作走在时代前列。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。。。。。。。。。 EN: A new batch of water samples were just finished being collected, Liu Rui and his colleagues were immediately busy. ZH_REF: 新的一批水样刚刚采集完,刘锐和同事们就马上忙碌了起来。 -ZH_HYP: 1.. +ZH_HYP: 5.a............................................................... EN: At the same time as the daily monitoring, ZH_REF: 在日常监测的同时 -ZH_HYP: 1.. +ZH_HYP: 然而,在任何情况下,都是为了使人的利益,而不是为了使他们的利益而变得更加危险,而不是为了使他们的人更容易地在一起,而不是为了给他们带来的,是在你的上司机上的,是对的。 EN: they are trying to tackle the smart management of rural sewage this year. ZH_REF: 今年他们正努力攻克农村污水的智慧化管理课题 -ZH_HYP: 1.. +ZH_HYP: 5.a.................................................................. EN: How to manage it well, in fact, it is a very serious challenge. ZH_REF: 怎么样能够把它治理好,那么实际上是一个非常严峻的挑战。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................. EN: The Institute of Ecology and the Environment, Tsinghua Yangtze River Delta Research Institute in Zhejiang Province is located in Jiaxing, the birthplace of the Red Boat spirit. ZH_REF: 浙江清华长三角研究院生态环境研究所就设在红船精神的发源地嘉兴。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,,,,, EN: From nothing more than a dozen years ago to the present, ZH_REF: 从十几年前的一无所有,到如今 -ZH_HYP: 1.. +ZH_HYP: 4.5.1.3.1.2........................................................ EN: the Research Institute of the Yangtze River Delta of Tsinghua in Zhejiang Province has developed into a platform with three key national level innovations. Nearly 400 overseas students have settled in this region to gather power for innovation in Zhejiang Province. ZH_REF: 浙江清华长三角研究院已经发展成了有三个国家级的重点创新平台、近四百名海外学子落户浙江的区域创新集聚力量。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,“黑龙”是“从”的角度,从它的角度来看,这是个很好的东西,在那里,它是在中国的,是在那里,它是为了让人的力量而去的。了了 EN: The spirit of the Red Boat is a force that we must follow and understand. Innovation is actually very difficult. ZH_REF: 红船精神是我们必须遵循和理解的一股力量,创新其实是很艰难的 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: There is a lot of frustration behind all innovations in this area, ZH_REF: 这里面每一个创新 -ZH_HYP: 1.. +ZH_HYP: 在这方面,我们的努力是很有价值的,因为它是由衷的,而不是在他们的身上,而是在为之时,为自己的力量而努力,而不是在其他的人身上,也是在(d)的时候,的了 EN: none of them can be solved. At this stage, you have to stick to it and keep going. ZH_REF: 都觉得无法解决的程度,那这个阶段你要坚持住,就你在不断地走不断地走。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,你的意思是,他们的意思是,我们的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: Previously, ordinary people asked for help, but now, officials have come to help. That is ZH_REF: 原来是老百姓上门去的,现在是上上到下面来,那么就是说 -ZH_HYP: 1.. +ZH_HYP: (美)(一),(),我们的人,也是为了使自己摆脱困境,而不是为了自己的利益而牺牲,而不是为了给别人带来的,也是为了让人感到厌倦的,而不是太多了了 EN: to do real things for the people. ZH_REF: 为老百姓办实事 -ZH_HYP: 1.. +ZH_HYP: (英译汉)()(),我们的东西是,从他们的角度来,把它放在一边,把它放在一边,把它放在一边,把它的东西弄得很好,因为它是在你的上司,还是要把它的东西分给了 EN: Up to now, in this way, Xiaoshan District collected a total of 5,985 issues, of which 3,868 were solved and 1,496 were in the process of being handled. ZH_REF: 截至目前,通过这种方式,萧山区共收集问题五千九百八十五个,其中解决问题三千八百六十八个,正在办理的问题有一千四百九十六个。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的名字,是,他们的生活方式,是,他们的事,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。了 EN: Our agents in Zhejiang Province have a saying that goes ZH_REF: 我们浙江的干部有一个话就是 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: that geographical advantages are inferior to those of the agents, policy concessions are not as good as service ones. The motivation of the Red Boat spirit dedication enables us to make progress and achieve this goal. ZH_REF: 地域优势不如干部优势,政策优惠不如服务优质,红船精神的奉献精神这个激励能够让我们奋发进取,更加得这个干在实处走在前列。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),在这种情况下,我们的贸易是不可能的,而不是为了使他们的利益而变得更有价值,而在我们的工作中,就会有更多的人,而不是在(或)上,而不是在意料中。 EN: They are brave to work. ZH_REF: 勇于奋斗 -ZH_HYP: 1.. +ZH_HYP: 5.a............................................................... EN: Recently, the China Federation of Literary and Art Circles organized part of the representatives of the 19th NPC from the literary and art circle and well-known artists to form a promotional group and went to Inner Mongolia, Heilongjiang, Gansu, Shanghai, Guangdong and Guizhou to tour and spread the word of the grand spirit of the 19th NPC. ZH_REF: 近日,中国文联组织部分文艺界十九大代表和知名艺术家组成宣讲团,分赴内蒙古、黑龙江、甘肃、上海、广东、贵州等地巡回宣讲十九大精神。 -ZH_HYP: 1.. +ZH_HYP: 在中国,中国的社会和文化也是一个重要的问题,它是由一个人的,而不是在他们的中,是一个人,而又是一个人,它的人,和它的人,和他的人,在那里,有的人 EN: They went deeply into the grassroots mass art museums, local academies and some colleges and universities in Inner Mongolia, as well as Heilongjiang and Gansu provinces to conduct a profound interpretation of the new cultural mission ZH_REF: 他们深入到内蒙古、黑龙江、甘肃等地的基层群众艺术馆、地方院团和部分高校,对十九大精神中文艺工作者担负的新的文化使命 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,我们的身体,是为了使他们的事业变得更容易,而且也是为了在他们的国家里去,而不是在那里,他们的知识是在高处的,而不是在那里,要么是为了而 EN: I am deeply proud and happy, and I am willing to go down and write more about the fate of the normal people in the major times. ZH_REF: 我深深感到骄傲和幸福,我愿意沉下去再沉下去,多写下大时代小人物的命运 -ZH_HYP: 1.. +ZH_HYP: (英译汉)(我)不喜欢,因为我们的工作是在不惜一切的,他们的工作是为了得到的,而不是在他们的身边,在那里,你会有多大的,而不是在那里,还是要把它的意思给 EN: on the development of grassroots literature and art. ZH_REF: 对这个基层文艺发展这方面,能够有一些什么好的建议想法 -ZH_HYP: 1.. +ZH_HYP: (四)为使徒生的行为,而不是在他们的中,是为了使他们的利益而被人所包围,而不是为了使他们的力量而被人所受的,而不是为你所受的,是对的,我也是最不礼貌的 EN: Nowadays mass literature and art are very popular, there is a little popularity, ZH_REF: 现在群众文艺搞得很热闹,普及方面是有一点 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为它是在被人身上,而不是在他们身上,也是为了让人感到羞耻的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: and continue to launch quality works worthy of the times. ZH_REF: 不断推出无愧于时代的精品力作。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,我们的生活方式是,他们的意思是,要把它放在一边,还是要把它的力量分给那些人,而不是为了给你带来更多的好处 EN: It should be rooted at grassroots and in-depth lives, with a certain substance of culture that is positive, with long-lasting artistic works that hold charm. ZH_REF: 应该是扎根与基层,深入生活,然后作出有一定文化厚度的,积极向上的,同时有恒久的艺术魅力的作品。 -ZH_HYP: 1.. +ZH_HYP: (a)【句意】(a)【句意】我们的生活是很有价值的,因为它是由人的,而不是在别人身上,它是由你来的,而不是在那里,它是由你所拥有的,是很有价值的 EN: The actual contracted area has reached 1.52 billion mu, of which 1.11 billion mu has been completed. ZH_REF: 已达二十八个,实测承包地面积十五点二亿亩,其中完成确权的有十一点一亿亩。 -ZH_HYP: 1.. +ZH_HYP: (4)如果有,就有可能,在其他方面,我们都是为了得到的,而不是在他们的身边,那是在我的上,是为了得到的,而不是在1500米(我的)上。 EN: This accounted for 82 percent of the farmland contracted by second-tier families. 7 provinces and autonomous regions including Sichuan have completed the report to the Party Central Committee and State Council at a basic level. ZH_REF: 占二轮家庭承包耕地面积的百分之八十二,四川等七省区已向党中央国务院报告基本完成。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,我们的工作是由一个人组成的,而不是由他们所控制的,是由他们所控制的,而不是在他们的国家中,而是在他们的土地上,而不是在那里,是为了达到最高的目的 EN: It is estimated that by the end of 2018, the confirmation of the country’s contracted land will be completed at a basic level. ZH_REF: 预计二零一八年年底前,全国承包地确权将基本完成 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,我们的处境是不可能的,因为他们的生活在了,而不是在那里,他们的力量是在那里,而不是在那里,是的,是的,是的,是的,是的。 EN: In the future, the Ministry of Agriculture will explore the transformation and application of the results of the confirmation of rights ZH_REF: 今后,农业部将探索确权成果 -ZH_HYP: 1.. +ZH_HYP: 5.3.在其他情况下,贸易的发展必须是一个错误的问题,而不是为了使其成为一个更有价值的,而不是为了使其成为一个人,而不是为了使他们的利益而受到损害,而这是对我们的最严重的威胁。了 EN: The first satellite in China's space science satellite series and the world's first dark matter particle detection satellite, Wukong, ZH_REF: 我国空间科学卫星系列的首发星,同时也是世界上首颗暗物质粒子探测卫星悟空 -ZH_HYP: 1.. +ZH_HYP: 在任何情况下,都是由我们来的,是在一个大的,是由它的,它的,是在你的,是在你的,是为了让你的,而不是在那里,你会被人的错觉到了的的的的的 EN: conducted four scans of an area all-day in the past two years during orbit and detected more than 3.5 billion high-energy particles. It obtained the most accurate ZH_REF: 在轨运行近两年来,对全天区进行了四次扫描,探测到超过三十五亿高能粒子,获得了世界上最精确的 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人在做了一个大的过程,从表面上看,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: This achievement has recently been published in Nature, an international academic journal. ZH_REF: 这一成果日前在国际学术期刊《自然》发表 -ZH_HYP: 1.. +ZH_HYP: 这一概念经费的是,我们的态度是,从某种意义上讲,他们是在为自己的,而不是在一起,而是为了在别人的工作中获得了更多的好处,而这是在他们的时候了。是了了了了 EN: In space, we observe that such a new observation that has not been observed before, which cannot be explained or illustrated by existing theories, ZH_REF: 在太空当中,我们观测到以前没有观察到观察到的这样一个新的,这个用这个用已有的理论不能进行解释和说明的 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,我们的态度是,我们的处境是不可能的,因为他们是在说谎,而不是在他们身上,而是在他们的上方,而不是在那里,也是为了得到的,而不是在那里,你会被人所处死的 EN: The significance of this result is diverse. Above all, it shows the ability of Chinese scientists to use the most cutting-edge technologies ZH_REF: 这项研究成果的意义是多重的,最重要的是它展现了中国科学家使用最前沿的技术 -ZH_HYP: 1.. +ZH_HYP: (一)(一)不一切,也是有可能的,因为它是在为我们所带来的,而不是为了使他们的利益而变得更高,而不是在他们的身边,才是为了给他们带来的,而不是最坏的 EN: to make scientific instruments to probe a very difficult scientific issue. ZH_REF: 制造科研仪器来探测一个非常艰深的科学问题的能力。 -ZH_HYP: 1.. +ZH_HYP: (4)................................................................. EN: Find the toilet by the nose, in the last century, this is memory that many Chinese are fond of. ZH_REF: 靠鼻子找厕所,这是上个世纪,不少人关于中国厕所的记忆。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(我们)的意思是,我们的生活在一起,是为了让自己的利益而变得更糟,因为他们是在说谎的,而不是在美国,是为了让人的心智而来的,而不是最需要的,而是要用 EN: but also incorporates more humanized designs. ZH_REF: 还融入了越来越多的人性化设计 -ZH_HYP: 1.. +ZH_HYP: (a)【句意】我们的意思是,我们的人是在做的,是为了使自己的工作变得更有价值,因为它是在你的,而不是在那里,还是要把它的东西分给别人,而不是最需要的,是什么意思? EN: impressed so many tourists. The toilet has ventilation all year around without a peculiar smell. ZH_REF: 让不少游客感到印象深刻,厕所里常年通风、没有异味 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,他们的意思是,我们的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: We no longer need to rely on the nose to find the toilet. ZH_REF: 现在不用再靠鼻子找厕所 -ZH_HYP: 1.. +ZH_HYP: (英译汉)()(),我们的意思是,我们的生活在一起,是为了让自己摆脱困境,而不是为了让自己的力量而去,因为它是在我们的时候,它的意思是对的,而不是最需要的,是什么? EN: We should not only change the hardware, but the software must also keep up. ZH_REF: 不光改变硬件,软件也要跟上 -ZH_HYP: 1.. +ZH_HYP: (英译汉)(不),我们的意思是,你的意思是,在我的时候,你会有更多的东西,因为你的心都是在的,而不是在那里,它是为了让人的,而不是在别人身上的,是对的,的 EN: The tourism department requires that toilets at famous sites should be equipped with toilet paper and hand sanitizer. ZH_REF: 旅游部门要求,景区厕所应配备厕纸、洗手液 -ZH_HYP: 1.. +ZH_HYP: 在这方面,我们的目的是为了使自己的处境,而不是从他们的身上,把它放在一边,然后把它放在一边,或者是在那里,要用得更多的,是的,是的,是的,是的,是的。 EN: But in some areas, ZH_REF: 但在有些地区 -ZH_HYP: 1.. +ZH_HYP: 在其他方面,在一个方面,我们是为了使自己的处境更加危险,而不是为了使他们的处境更加危险,而不是为了得到更多的补偿,而是为了在他们的工作中,把它当作是最坏的,因为它是对的,而不是 EN: Whether to stop this convenient service or not due to the uncivilized behavior of individuals ZH_REF: 是否因为个别人的不文明行为就停止这项便民服务 -ZH_HYP: 1.. +ZH_HYP: (a)(一)不允许的,因为它们的颜色和质量,是由人的,而不是在他们的中,是由你所控制的,而不是为了使自己的力量而被人所处死的,而不是最坏的,因为它是对的 EN: Was decided by managers from all areas who have made their choice. ZH_REF: 各地的管理者做出了选择 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),是在不可能的,我们的一切都是为了使他们的缘故,而不是为了自己的利益而去,而不是为了让人感到厌倦,因为他们是在说谎的,是的,是的,是的。 EN: On the one hand, through civilized prompts to promote conservation, on the other hand, they also carry out technological innovation. ZH_REF: 一方面通过文明提示倡导节约,另一方面也在进行技术创新。 -ZH_HYP: 1.. +ZH_HYP: 在一个人的中,一个人的意思是,他们的意思是,在做的事,是为了使自己的力量而变得更容易,而不是在他们的身边,也是为了保护自己的,而不是在别人身上的,因为它是对的,而不是 EN: In public toilets in places like Nanjing and Sucheng in Jiangsu Province, ZH_REF: 在江苏南京、宿城等地的公共厕所 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的名字是由一个人,在那里,他们是为了控制的,而不是在他们的面前,他们的是,他们的力量是为了让别人的力量而去,而不是在那里,也是为了得到的 EN: by scanning your face for three seconds, you can get a free copy of the toilet paper, but if you want to get double copies, you need to wait ten minutes. ZH_REF: 刷脸三秒,即可免费获得一份厕纸,但想获得双份,需要再多等十分钟 -ZH_HYP: 1.. +ZH_HYP: (4)()(),这是个谜语,是的,是的,是的,是的,是的,你的意思是,你要把它的东西拿出来,也不会给你带来的好处。了了了了了了了了了 EN: This avoids the abuse of public resources. ZH_REF: 避免公用资源的滥用 -ZH_HYP: 1.. +ZH_HYP: (4)a:(一),(不),我们的人都是为了使自己的利益而去,而不是为了使他们的缘故,而不是在他们的身边,而是在那里,是为了让人感到厌倦了,这也是对我们的最重要的 EN: habits. Some tourists may indeed think of taking the paper back, but on the other hand, we must reflect on this situation. ZH_REF: 习惯,可能有些游客确实是想着把纸要揣回去,但是另一方面我们也要反思 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Is there paper in the next toilet for tourists to use? This is what we highlighted in the new three-year plan. ZH_REF: 是不是我们游客要进入的下一个厕所就没有纸了,所以这也是我们在新三年计划中特别强调的 -ZH_HYP: 1.. +ZH_HYP: (4)a:(一),我们的人,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。了了了 EN: To solve this problem of inadequacy and imbalance ZH_REF: 要把这个不平衡不充分这块解决好 -ZH_HYP: 1.. +ZH_HYP: (k)(一)不一切,也是为了使自己的处境更加危险,而不是为了使他们的处境变得更容易,因为他们的工作是在为他们提供的服务的,而不是在(或)上,而不是在乎别人的 EN: and to push the revolution in toilets further, we should think more of what the masses think. ZH_REF: 将厕所革命推向深入,就是要更多地想群众之所想。 -ZH_HYP: 1.. +ZH_HYP: (4)................................................................ EN: to have a third toilet to facilitate family members to accompany the elderly and children to the restroom. ZH_REF: 必须具备第三卫生间,方便家人陪同老人、小孩上厕所。 -ZH_HYP: 1.. +ZH_HYP: (4)a:(一),这是个好的东西,是为了让自己的人在一起,而不是在他们的身边,而不是在他们的身边,而是在你的身边,那是对的,是对我们的最重要的 EN: We take our baby to the men’s room and we are embarrassed, ZH_REF: 我们带宝宝的,男厕所我们又不好意思陪进去 -ZH_HYP: 1.. +ZH_HYP: (英译汉)()(),我们的东西是,从句中,我们都是为了把它的东西弄得太多了,所以你就会被人来的,因为他们的工作是在说谎的,而不是在上司机上的,而是要用的。 EN: but when w go to the ladies’ room, babies are so small that we also feel a bit embarrassed. That board is particularly comfortable, it is convenient for those who have children. ZH_REF: 女厕所小孩子这么小就好像懂得一点尴尬一样,那个板子特别舒服,很方便我们带小孩的。 -ZH_HYP: 1.. +ZH_HYP: (美国)(这)是,我们的人,也是为了让自己摆脱困境,而不是在他们的身边,他们就会被人所迷惑的,是对的,而不是在别人身上,而是要有的。的的的了 EN: people feel more civilized and have become civilized builders. In the villages, villagers in Hechi, Guangxi, are creating flushing toilets in their homes, ZH_REF: 人们感受文明的同时,也成为文明的建设者。在乡村,广西河池的村民正在家中新建冲水厕所 -ZH_HYP: 1.. +ZH_HYP: (4)(一),在这方面,我们的人都会被人所包围,而他们的心也是如此,他们的心也是在他们的,是在那里,是为了让人感到厌倦的,而不是在那里,你会有多大的 EN: Great achievements have been made and the active promotion of the toilet revolution does not only help people stay away from disease, but also promotes economic development to narrow the regional development gap. ZH_REF: 已经有了很大成效,积极推动厕所革命不仅能帮助人民远离疾病,还能带动经济发展缩小地区发展差距。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为它是在发展中的,而不是为了使他们的利益而变得更容易,而且也是为了让人的发展而去,因为它是一种对人的影响的一种方式,而不是在其他方面的。 EN: This toilet problem is an issue of expository themes, it is a node of the social development. ZH_REF: 这个厕所问题它是一个纲举目张问题,是一个社会问题发展的节点。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: It is a national civilized project that leads from the national point of view to the layout, and then takes part in all aspects to solve the small social problems with varying degrees of participation. ZH_REF: 它是一个国家文明工程,从国家的角度去引导去布局,然后方方面面从不同程度的参与来解决细小的社会问题。 -ZH_HYP: 1.. +ZH_HYP: 在这个过程中,一个人的性格是,从某种意义上讲,我们的生活方式是,在他们的工作中,不需要的东西,是的,是在那里,而不是在那里,而是要去做,因为它是对的,而不是最多的 EN: In this way, we can make up for all shortcomings. ZH_REF: 这样就把我们的所有的短补齐。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)............................................................... EN: With the recent commencement of construction of Jinxi Irrigation District in Heilongjiang Province, this year began with a major water conservancy project across the country and has reached 14 items. ZH_REF: 随着黑龙江锦西灌区工程近日开工建设,今年全国新开工重大水利工程已达十四项。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个大的“大”,是在“大”的,它的意思是,它是在中国,它是由你所拥有的,而不是在那里,它是由你所拥有的,而不是在那里。了 EN: The investment scale reached 900 billion yuan. ZH_REF: 投资规模达九千亿元。 -ZH_HYP: 1.. +ZH_HYP: (美英)(4)............................................................ EN: At present, the enrollment rate of compulsory education for juvenile children in three categories of children with vision, hearing and intelligence disabilities in our country has reached over 90%. ZH_REF: 目前,我国视力、听力和智力三类残疾儿童、少年义务教育入学率达到百分之九十以上。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,我们的态度是,对,有的是,有的是,他们的生活方式,是为了得到的,而不是在他们的身边,而不是在那里,是为了给别人的,而不是在那里,而是为了达到最高目的而使人的痛苦 EN: Xicheng High Speed Rail that Links the High Speed Rail between Xi’an and Chengdu was launched on December 6, with tickets for the first train being sold and then scheduled the train after the diagram adjustment at the end of the year that is available today. ZH_REF: 连接西安和成都的高速铁路西成高铁将于十二月六日开通运营,首发列车及年底调图前列车车票今天开始发售。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这条路是由一个人在的,而不是在他们的中,是在经历了的,而这是在他们的比赛中,在那里,是的,是的,是的,是的,是的。了了 EN: At noon today, China successfully sent the No.1 land survey satellite into scheduled orbit using the Long March II Ding carrier rocket at Jiuquan Satellite Launch Center. ZH_REF: 今天中午,我国在酒泉卫星发射中心用长征二号丁运载火箭,成功将陆地勘查卫星一号送入预定轨道。 -ZH_HYP: 1.. +ZH_HYP: 5.4.在一个不完整的情况下,人们都在为自己的产品,而不是在他们的后面,而是在他们的时候,用了一个字,用的是,用的是,把它的东西放到一边,然后是用的。 EN: Yellow River’s first public railway tunnel construction started a few days ago. ZH_REF: 黄河首条公铁合用隧道日前开工建设。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这条路是由我的,是在用的,是用的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: The tunnel is 3.7 kilometers in length and will be under direct access to the Yellow River to establish a direct link to the main urban areas of Jinan city ZH_REF: 隧道全长三点七公里,建成后将下穿黄河直接联通济南主城区 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这条路是由大连的,是用的,是用的,是用的,是的,是在用的,是的,是的,是的,是的,是的,是对的,而不是什么? EN: of the spirit of Chinese culture. ZH_REF: 精神内涵 -ZH_HYP: 1.. +ZH_HYP: (四)(一)不存在,可造成中国人的利益,为之提供的,不受其影响的,在其他方面,都是为了控制的,而不是在(美)的,以使其成为一个大的,的的的 EN: Next up, a look at international news. ZH_REF: 接下来关注国际方面的消息。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................ EN: On the 2nd, after voting, the US Senate has passed a massive tax cut bill. ZH_REF: 美国国会参议院二号投票通过大规模减税法案。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的人都是为了得到的,而不是为了得到的,而不是在他们的身上,而是在他们的面前,为自己的力量而去,而不是为了给别人带来的,也是在我的上司。了了了的 EN: Analysts say it marks the Trump administration and Republican congressional parliament a step closer to completing the nation's largest tax relief program in three decades. ZH_REF: 分析称这标志着特朗普政府和国会共和党,距离完成美国三十年来最大规模的减税计划更近了一步。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,它是为了使自己的事业变得更糟,而不是在他们的时候,才会有更多的东西,而不是在那里,还是要把它给的 EN: The Republican-majority Senate ultimately passed the tax cut as a result of 51 votes in favor and 49 against it. ZH_REF: 共和党占多数的参议院最终以五十一票赞成、四十九票反对的结果通过了这份减税法案。 -ZH_HYP: 1.. +ZH_HYP: (美)(一),这是对的,而不是在他们的中,是为了使自己摆脱困境,而不是在他们的面前,为自己的力量而去,而不是太好了,因为它是什么,我们都是不可能的的的的的 EN: and for the middle class. ZH_REF: 和为中产阶级减负提供了机遇 -ZH_HYP: 1.. +ZH_HYP: (4)............................................................... EN: Democrats, on the other hand, have criticized the bill as benefiting large corporations and the rich in the United States. ZH_REF: 但民主党方面则批评说,这份法案主要让美国大企业和富人受益 -ZH_HYP: 1.. +ZH_HYP: “(英译汉)”“是的,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。。。。。。。。 EN: On the 2nd, U.S. President Trump welcomed the Senate voting to pass the tax cut bill ZH_REF: 美国总统特朗普二号对参院投票通过减税法案 -ZH_HYP: 1.. +ZH_HYP: (美国)(4)............................................................ EN: and stressed that all economic measures by the government are boosting the U.S. economy. ZH_REF: 表示欢迎,他强调政府的各项经济措施正在提振美国经济 -ZH_HYP: 1.. +ZH_HYP: b................................................................. EN: At the same time, Trump also criticized that it is a mistake for Democratic members of the Senate ZH_REF: 特朗普同时批评说,参院民主党议员 -ZH_HYP: 1.. +ZH_HYP: 4.在他的一个大范围内,他们的意图是,他们的动机是为了使他们的利益而被人所受的,而不是为他们的,而不是在他们的身边,而是要把它的全部门锁上的 EN: to vote against the bill. ZH_REF: 对法案全部投反对票是错误行为 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,你的意思是,他们的意思是,它是在为你的,而不是为了给别人带来的,也是为了让人感到厌倦的 EN: According to the U.S. legislative process, the two chambers will still reach a final unified version of the tax reduction bill in the coming weeks. ZH_REF: 按照美国立法流程,未来几周参众两院仍将就减税法案继续协商达成最终统一版本 -ZH_HYP: 1.. +ZH_HYP: (美国)(这篇)是一个错误的,因为它是在做的,它的意思是,它的意思是:“我们的东西,都是在一起,而不是为了给别人带来的,”他说,“你的意思是对的,” EN: And then voted separately before ZH_REF: 再分别投票通过后 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,我们的共同之处在于,他们的利益,是为了使他们的利益而被人所包围,而不是为了使他们的力量而被人所包围,而不是为了使他们的力量而被人所包围,而不是太多了 EN: According to a spokesman for the Yemeni Houthis armed forces and former President Saleh, the fighting between the two sides on the 2nd in the capital, Sana, has become more severe. Now, it has resulted in the death of 80 people. ZH_REF: 据也门胡塞武装和前总统萨利赫方面的发言人消息,双方军队二号在首都萨那的交火升级,目前已导致八十人死亡。 -ZH_HYP: 1.. +ZH_HYP: 在美国,有一个大的人,都是为了一个人,而不是为了自己的利益而牺牲,而在他们的后面,他们的对手就会被人所迷惑,而这是在他的最坏的,是在那里,的了 EN: Over 100 people were wounded. According to witnesses, both parties in the conflict dispatched heavy weapons such as tanks and started fighting on the streets of Sana, leaving thousands of people, including children, trapped in the central part of Sana. ZH_REF: 一百多人受伤 据目击者说,冲突双方出动了坦克等重型武器,在萨那街头展开战斗,数以千计的民众和儿童被困萨那中部 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,有的是,他们的人,是为了逃避,而不是为了他们的缘故,他们的人都是在他们的,是在战争中的,而这是对他们的,是的,是的,是对的。 EN: Currently, the Republican Guard supporting Saleh is also occupying the airport. ZH_REF: 目前,支持萨利赫的共和国卫队也占领机场 -ZH_HYP: 1.. +ZH_HYP: b)(一),(一),我们的手表是用的,因为他们的东西是用的,因为它是用的,而不是在上方,而是要用的,让它的双倍增加了的的的的的的的的的的的的 EN: The presidential palace and some important government agencies announced the imposition of a curfew in the occupied territories. ZH_REF: 总统府和部分重要政府机构,并宣布将在占领区施行宵禁 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),这条路是由不对的,而不是在他们的中,是在他们的,是在说谎的,是在给我的,是的,是的,是的,是的,是的,是的。 EN: The Houthis armed forces claimed to have taken control of today's television station, which belonged to Saleh. ZH_REF: 胡塞武装则声称已经控制了原属于萨利赫的今日电视台。 -ZH_HYP: 1.. +ZH_HYP: 在这一情况下,一个人的名字是:“我们的,是在他们的,”他的意思,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。了了了 EN: Houthis armed forces and Saleh formed an alliance in late 2014 to fight the legitimate government led by Yemeni President Hady. ZH_REF: 胡塞武装和萨利赫于二零一四年底组成同盟,对抗也门总统哈迪领导的合法政府。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,你的意思是,他们的意思是,在我的时候,要去做,因为你是在一起,还是要把它给的,是的,是的,是的,是的。 EN: In September this year, the Houthis Armed Forces announced the appointment of military commanders and other senior positions. ZH_REF: 今年九月,胡塞武装宣布任命军队指挥官等要职。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,军事人员的退役,被视为是为了使他们的生命而被赶走,而不是为了他们的利益而被赶走,而不是为了给他们的人而去,而不是在那里,是为了给我留下了一个 EN: Saleh refused to recognize the appointment. ZH_REF: 萨利赫拒绝承认这一任命。 -ZH_HYP: 1.. +ZH_HYP: (k)【句意】(a)【句意】我的意思是,你的意思是,他们的意思是,它是由你来的,因为它是由你来的,而不是在那里,它是由你所拥有的,是最重要的 EN: In late November, sporadic fighting started between Saleh supporters and the Houthis Armed Forces. ZH_REF: 十一月底,萨利赫支持者与胡塞武装之间开始有零星交火。 -ZH_HYP: 1.. +ZH_HYP: 在他的后面,一个人的意思是,在这一时期,我们的人都是为了他们的,而不是为了他们的,而不是在他们的身边,而是为了在他们的工作中去,而不是太多了了了了了的的的的的的的的 EN: At the same time, former Yemeni President Saleh said that ZH_REF: 与此同时,也门前总统萨利赫表示 -ZH_HYP: 1.. +ZH_HYP: 然而,在一个情况下,所有的人都被解雇,而另一些人则被认为是为了使他们的利益而被人所受的伤害,而不是为他们所提供的,而不是为了达到最高标准的目的,也是为了使他的人感到羞耻 EN: he was ready to open a new chapter of relations with the multinational coalition led by Saudi Arabia and begin to work with the coalition forces in a positive way ZH_REF: 他已经准备好与沙特为首的多国联军开启新的关系篇章,开始以积极的方式与联军相处 -ZH_HYP: 1.. +ZH_HYP: (1)【句意】(a)【句意】我们的意思是,在这方面,我们的努力是为了得到的,而不是为了给自己的力量而去,要么是为了得到更多的保护,而不是在西方的,要么是在一起,要么是在上上 EN: However, the premise is that the multinational coalition should stop the attack on Yemen first. ZH_REF: 不过前提是多国联军先停止对也门的袭击。 -ZH_HYP: 1.. +ZH_HYP: (b)(一),这是不可能的,因为它是在被占领的,是为了使自己的利益而被人所受的伤害,而不是为他们所需要的,而不是在那里,而是要为自己的力量去做 EN: In response, the multinational coalition headed by Saudi Arabia issued a statement that ZH_REF: 对此,以沙特为首的多国联军发表声明 -ZH_HYP: 1.. +ZH_HYP: 在任何情况下,都是由衷的,而不是为了使自己的力量而被人所包围,而不是为了使他们的利益而被人所包围,而不是为了给别人带来的,也是在你的前线上的,是对的 EN: On the 2nd, U.S. President Trump said his campaign team has absolutely no collusion with Russia. ZH_REF: 美国总统特朗普二号说,他的竞选团队和俄罗斯方面绝对没有勾结 -ZH_HYP: 1.. +ZH_HYP: (2)【句意】(我们)的意思是,我们的人,是为了使自己的事业变得更容易了,而不是在他们的面前,也是为了让人感到厌倦了,而不是在那里,他们是在一起的,是对的 EN: This is Trump’s first response to the Russian investigation after Flynn, the former ZH_REF: 这是特朗普在前总统国家安全事务助理弗林 -ZH_HYP: 1.. +ZH_HYP: 这条理由大师的,是在我们的,是,我们的人,是为了把自己的东西弄得太多了,所以你就会被打败了,而不是在那里,要去找他的了了了了了了了 EN: Assistant to the President for National Security Affairs, admitted perjury. ZH_REF: 承认作伪证后首次就通俄门调查作出反应 -ZH_HYP: 1.. +ZH_HYP: (k)【句意】(),我们的意思是,你的钱是为了让他们的,而不是在他们的中,也是为了让自己的力量而努力,而不是在那里,要么是为了提高他们的能力而去做 EN: Trump also said he is not worried about what Flynn will say to investigators. ZH_REF: 特朗普还表示,他并不担心弗林会对调查人员说什么。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),这是不可能的,因为它是在用的,而不是在他们的中,是在说谎的,是在说谎的,是对的,而不是为了给别人的,而不是在哪里? EN: On the 1st, Flynn admitted to the judge that he had committed perjury with the FBI on personal contact with Russia and ZH_REF: 一号,弗林向法官承认,他曾就个人与俄罗斯方面的接触问题向联邦调查局作伪证 -ZH_HYP: 1.. +ZH_HYP: 在这一情况下,一个人的名字是,在他的身上,是为了使自己的处境,而不是为了使他们的缘故,而不是为了给别人带来的,而不是为了给别人带来的,也是在我的上司了的的的的的的的的的的的的的的的 EN: He has repeatedly expressed his opposition to the German government’s acceptance of immigrants and even stated through right-wing rhetoric that Germany should be proud of veterans in World War II. ZH_REF: 他曾多次发表反对德国政府接收外来移民的看法,甚至有过德国应为二战老兵骄傲的右倾言论。 -ZH_HYP: 1.. +ZH_HYP: 他的背诵是,在这里,我们的处境也是为了使自己摆脱了自己的痛苦,而不是在他们的身边,他们的态度是,在那里,为自己的事业而牺牲了自己的力量,而不是最需要的,是对的,而不是 EN: A large number of local people gathered outside the venue of the conference to protest. They strongly opposed the far-right populism advocated by the party. ZH_REF: 此次大会的会场外聚集了大批当地民众前来抗议,他们强烈反对选择党的极右民粹主义主张。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在这方面,我们都是为了使他们的利益而被人所包围,而不是为了他们的利益而去,而不是为了让他们的人感到羞耻,因为他们是在那里,是的,是的,是的 EN: In September this year, during the German federal election, the Select Party was elected to become the third largest party in the House. ZH_REF: 在今年九月的德国联邦议院选举中,选择党获选成为议院第三大党。 -ZH_HYP: 1.. +ZH_HYP: 在这一情况下,一个人的错误是,在做决定的时候,都是为了使自己变得更容易,而不是在他们的面前,为自己的力量而去,而不是在那里,是的,是的,是的。了了了了了了了 EN: This is the first time that Germany had a far-right political party entering the federation after World War II. ZH_REF: 这是德国二战后首次有极右翼政党进入联邦议院。 -ZH_HYP: 1.. +ZH_HYP: 这是个不寻常的例子,是在做的,是在做的,是的,是的,是的,是在说谎的,而不是在那里,它是为了让你的力量而去,而不是为了让人感到羞耻吗?了了了了了了 EN: This concludes tonight's Xinwen Lianbo broadcast. Thank you for watching. ZH_REF: 今天的新闻联播节目播送完了,感谢您收看 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: For more news, visit the CCTV news website. For the download address, search CCTV News +. ZH_REF: 更多的新闻资讯你还可以关注央视新闻移动网,下载地址可以搜索央视新闻加。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(),我们的,是的,是的,是的,是的,是的,是的,是的,是的,是的,你的意思是,你会对自己的影响感到满意的的的的的的的的的 EN: Goodbye. ZH_REF: 再见。 -ZH_HYP: 1.. +ZH_HYP: (美英对照),是为了使自己的工作变得更容易,而不是为了让自己的力量而被人的,而不是在他们的时候,才会有更多的东西,而不是在你的身边,那是对的,你的意思是什么? EN: Good evening, viewers. ZH_REF: 各位观众晚上好。 -ZH_HYP: 1.. +ZH_HYP: (美英)()(),是,我们的,是为了使自己摆脱困境,而不是为了自己的力量而去,而不是为了让别人的感觉而去,因为它是在我们的,是的,是的,是的 EN: Today is Monday, December 4, October 17 in the lunar calendar. Welcome to Xinwen Lianbo. ZH_REF: 今天是十二月四号星期一农历十月十七,欢迎收看新闻联播节目。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: In tonight's program, we will cover the following main content. ZH_REF: 首先为您介绍今天节目的主要内容。 -ZH_HYP: 1.. +ZH_HYP: 5.a.............................................................. EN: At the invitation of Xi Jinping, the President of the Maldives will visit China. ZH_REF: 应习近平邀请马尔代夫总统将访华。 -ZH_HYP: 1.. +ZH_HYP: 在他的身材里,都是由我的,是在他们的,是为了使他们的缘故,而不是为了给我带来麻烦,那是我的错了,因为他是在为你的,而不是在那里,了了了 EN: Starting today, Xinwen Lianbo will launch a series of reports on the new era, new atmosphere, and new act. There will be in-depth coverage of various departments in various regions that are armed with the spirit of the 19th CPC National Congress ZH_REF: 新闻联播从今天起推出系列报道,新时代新气象新作为,深入报道各地区各部门用党的十九大精神 -ZH_HYP: 1.. +ZH_HYP: “”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。 EN: and their policies. ZH_REF: 武装头脑,指导实践。 -ZH_HYP: 1.. +ZH_HYP: 5.3.4.在这种情况下,我们的目的是为了使自己的心变得更容易,因为它是在为自己的,而不是为了使他们的力量而被人的伤害了,而你的心智是什么,而不是在他身上,还是要紧 EN: To promote new ideas, new actions, and new effects of the work. ZH_REF: 推动工作的新思路新举措新成效。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】(我们)的意思是,你的意思是,它是在为自己的,而不是在(或)上,都是为了提高他们的能力而来的。是了了了的了了了 EN: Today, innovation-driven development has become an important engine for Shanghai’s development. ZH_REF: 今天来看,创新驱动成为上海发展重要引擎 -ZH_HYP: 1.. +ZH_HYP: (一)(一),可乐的发展,是一种不稳定的,是在不喜欢的,而不是在他们的中,是在为自己的,而不是在那里,它是在别人身上的,是对的,而不是你的意思 EN: Li Keqiang held a ceremony to welcome the Canadian Prime Minister to China and held the Second Annual Dialog between China and Canada with the Prime Minister. ZH_REF: 李克强举行仪式欢迎加拿大总理访华,并与加拿大总理举行第二次中加总理年度对话。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Zhang Dejiang attended the fourth National Constitution Day symposium and delivered a speech. ZH_REF: 张德江出席第四个国家宪法日座谈会并讲话 -ZH_HYP: 1.. +ZH_HYP: (一)(一),可乐的,是用的,是用的,是的,是在说谎的,是在说谎的,而不是在那里,要有多的,要把它的意思和好的意思在 EN: Wang Yang will attend the 2017 Fortune Global Forum in Guangzhou ZH_REF: 汪洋将出席二零一七年广州《财富》全球论坛 -ZH_HYP: 1.. +ZH_HYP: 5.d.................................................................. EN: Wang Huning attended the forum on promoting the spirit of Red Ship and delivered a speech. ZH_REF: 王沪宁出席弘扬红船精神座谈会并讲话。 -ZH_HYP: 1.. +ZH_HYP: (k)【句意】(),我们的目的是为了使自己的工作变得更糟,因为他们的事也是在说谎的,而不是在他们的身边,而不是在那里,是的,是的,是的,是的。了 EN: The General Office of the Central Military Commission issued a notice requiring the entire military and the armed police force to conscientiously organize the study of the second volume of Xi Jinping Talks about State Governance. ZH_REF: 中央军委办公厅印发《通知》要求全军和武警部队认真组织学习《习近平谈治国理政》第二卷。 -ZH_HYP: 1.. +ZH_HYP: (一)一、一、一、一、一、二、四、三、四条的规定,都是不可能的,因为它是在为人提供的服务的时候,也是为了给人留下了深刻的印象的 EN: The Central Office of the State Council issued the Guiding Opinions on Establishing and Perfecting the Village Affairs Oversight Committee. ZH_REF: 中办国办印发《关于建立健全村务监督委员会的指导意见》。 -ZH_HYP: 1.. +ZH_HYP: (一)为“大”的,是指使人的自私,而不是在他们的手中,也是为了控制的,而不是为了自己的利益而去,而不是为了给他们带来的,是在我们的上司,还是要把它的全部赔偿责任 EN: Since the implementation of the eight provisions of the Central Government in the past five years, we have been rectifying the trend of four styles. ZH_REF: 中央八项规定实施五年来,驰而不息纠正四风。 -ZH_HYP: 1.. +ZH_HYP: 5.4.(一)在我们的工作中,我们的处境是,从某种意义上说,他们是在追求的,而不是在过去的中,它是由我所做的,是的,是的,是的,是的,是的。 EN: so that the party style, political style, and the social style can conduct major changes. ZH_REF: 使党风、政风、社会风气发生重大变化 -ZH_HYP: 1.. +ZH_HYP: (4)................................................................ EN: The Houthis Armed Forces of Yemen continues crossfires with supporters of Saleh, and the Saudi Arabia-led multinational coalition continued air strikes ZH_REF: 也门胡塞武装与萨利赫派别交火持续,沙特领导多国联军空袭 -ZH_HYP: 1.. +ZH_HYP: (b)(一),在一个国家,我们的行为是由他们所控制的,而不是在他们的国家中,也是为了得到的,而不是为了使他们的力量而被人所占的,而不是太多的,而是要在那里的 EN: In support of Saleh’s armed forces. ZH_REF: 支援萨利赫武装 -ZH_HYP: 1.. +ZH_HYP: (k)(一),(),(),把它们的东西从表面上掉下来,把它放在一边,把它放在一边,把它放在一边,还是要用的,让它的上司匹配,好吗?了了了了了 EN: Next, please watch the details. ZH_REF: 接下来请您收看详细内容。 -ZH_HYP: 1.. +ZH_HYP: b................................................................. EN: Our news. At the invitation of President Xi Jinping, the President of the Republic of Maldives Abdulla Yameen Abdul Gayoom will have a state visit to China ZH_REF: 本台消息,应国家主席习近平邀请,马尔代夫共和国总统阿卜杜拉亚明阿卜杜尔加尧姆将于十二月六号到九号 -ZH_HYP: 1.. +ZH_HYP: 在此,我们的一个重要的是,在他的祖国,我将为自己的利益而牺牲,而不是为他们所做的一切,是为了让他的心智而变得更高的,是对的,而不是在你的身边,那是对的 EN: from December 6 to September 9. ZH_REF: 对我国进行国事访问 -ZH_HYP: 1.. +ZH_HYP: 5.e................................................................. EN: This important exposition has given us loud trumpets to fulfill the new mission and proceed on a new journey. ZH_REF: 这一重要论述,为我们吹响了履行新使命、进军新征程的响亮号角。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),我们的作品,是为了使自己的行为而变得更有价值,因为它是在为他们提供的,而不是在他们的上,是在为他们的,而不是在那里,是的,是的,是的,是的。 EN: Starting from today, Xinwen Lianbo will launch a series of reports entitled New Era, New Atmosphere, and New Act. ZH_REF: 从今天开始,《新闻联播》推出系列报道《新时代新气象新作为》。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: This is the first company in the world to develop and manufacture educational robots. After graduating from university, 23-year-old Xiao Xu ZH_REF: 这里是全球第一家研发制造教育机器人的企业,二十三岁的小徐大学毕业后 -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................. EN: chose to come to Shanghai and he built his own team within half a year. ZH_REF: 选择来到上海,半年时间里他就已经有了自己的团队。 -ZH_HYP: 1.. +ZH_HYP: 5.a.............................................................. EN: My dream is to make a robot that belongs to myself and helps others. ZH_REF: 我的梦想是制作一个属于自己的机器人,还能帮助其他人。 -ZH_HYP: 1.. +ZH_HYP: (美英):(一),我们的工作是为了使自己的事业变得更容易,而不是为了自己的利益而去,因为它是在为别人而来的,而不是在别人身上,而是要用的,也是为了得到的 EN: The robot needs some motors, steering gears, and controllers, all of which can now be developed ourselves. ZH_REF: 机器人的话它需要一些电机、 舵机然后还有控制器,现在这些都都可以自己研发。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),有的,是,用的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是对的,而不是你的意思,也是对我们的最大的影响 EN: Shanghai introduced preferential policies ZH_REF: 上海出台优惠政策 -ZH_HYP: 1.. +ZH_HYP: a:(k)【句意】(),我们的意思是,你的意思是,他们的意思是,他们的意思是,它是为了让人的,而不是在那里,也是为了让人的,而不是在上司,而是要用的。 EN: It also led a group of innovative talents to stay in the country and stay in Shanghai. ZH_REF: 也带动了一批创新型的人才,留在国内,留在上海。 -ZH_HYP: 1.. +ZH_HYP: (a)(一),在我们的工作中,我们的经历是不可能的,因为它们是在一起,而不是在那里,它是由你所拥有的,而不是在那里,它是由你所拥有的,而不是最坏的,是什么 EN: The 19th National Congress of the Communist Party of China first proposed the construction of a modern economic system and demanded that ZH_REF: 十九大报告首次提出建设现代化经济体系,并要求 -ZH_HYP: 1.. +ZH_HYP: 1.4.在一个大的时期,它是一个由我们所拥有的,而不是在它的中,它是由它的,它的意思是,它是为了保护自己的,而不是在那里,它是为了让人感到更多的 EN: are being transformed from traditional manufacturing industries. ZH_REF: 智能制造企业正在从传统制造产业中转型 -ZH_HYP: 1.. +ZH_HYP: (b)(一)不一样,是指甲,也是为了使其成为一种,而不是在其他方面,它们是在被用来进行的,而不是在上层,是由高手的,而不是在(e)的(或)的 EN: In the first three quarters of this year, the value of smart manufacturing reached nearly 16 billion yuan, an increase of nearly 40% over the same period last year. Our original business was ZH_REF: 今年前三季度,智能制造产值接近一百六十亿元,同比增长近四成。我们原来的企业是 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的性格,是的,是的,是的,是的,是的,是的,是的,是的,是的,而不是在高处的,也是为了达到的目的而去的. EN: producing the elevator control system. In the past few years, we clearly felt that the new kinetic energy of the whole new industry was not enough. Therefore, we ZH_REF: 做那个电梯的控制系统,从前几年我们明显的就感到整个一个产业它新的动能就不足,所以我们 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(我们)的意思是,我们的生活在很大程度上是为了让自己的力量而变得更糟,因为它是在我们的,而不是在你的身上,它是由你的,是的,是的 EN: stepped up the transformation and development of this enterprise. ZH_REF: 加大了这个企业转型发展的力度 -ZH_HYP: 1.. +ZH_HYP: (4)................................................................. EN: In accordance with General Secretary Xi Jinping’s request, Shanghai is speeding up its march toward becoming a science and technology innovation center with global influence. ZH_REF: 上海正按照习近平总书记的要求,加快向具有全球影响力的科技创新中心进军。 -ZH_HYP: 1.. +ZH_HYP: 在任何情况下,都是由一个人的,而不是从他的角度来,他们的意思是,他们的态度是,在中国的,是为了使自己的事业变得更有价值,而不是在别人的上司,而是在别人身上的 EN: In order to speed up the process of transforming of scientific research from paper to money, Shanghai promulgated local regulations this year to promote the transformation and service of scientific and technological achievements. ZH_REF: 为了让科研成果加快从纸变成钱,今年上海出台地方条例,推动科技成果的转化和服务。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),从表面来看,我们的产品是用的,而不是用它来的,它是在用的,它的意思是,它是由“对”的,而不是在它的时候,它的意思是什么?了了了的了 EN: Ten days after the closing ceremony of the 19th NPC, Shanghai released to the public the implementation opinions on further promoting the development of a new generation of artificial intelligence. ZH_REF: 十九大闭幕十天后,上海又发布了进一步推动新一代人工智能发展的实施意见。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,我们的事业是由一个人所做的,而不是从他们的角度来看待事物,而不是在他们的上,为你的事业而去,而不是为了给别人带来的,也是为了给你带来的 EN: In the process of innovation, there are many unsuitable conditions. ZH_REF: 在创新过程中,有很多不适应。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】(b)在我们的过程中,我们的意思是,它是由你所控制的,而不是在那里,它是由你所拥有的,而不是在他的面前的的的的的的的的的的的的的 EN: can thrive with vitality. ZH_REF: 迸发出它们的活力 -ZH_HYP: 1.. +ZH_HYP: 5.e............................................................... EN: Enter a new era, science and technology innovation are promising. ZH_REF: 进入新时代,科技创新大有可为 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),(),和(),我们的东西都是在,而不是在,是为了使自己的力量而被人的,是在说谎的,是对的,而不是为了给别人带来的 EN: Located in Shanghai, the Chinese Academy of Sciences Institute of Micro-Satellite Innovation is the vanguard of China's satellite technology innovation research. ZH_REF: 位于上海的中科院微小卫星创新研究院是我国卫星技术创新研究的先锋队。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个大的,是由一个人的,而不是在他们的中,是在为自己的,而不是在一起,它是在为你所做的,而不是在乎的,是的,是的,是的。 EN: to make a certain thing. In itself, the target choice for this task is new. ZH_REF: 做一件新奇的事,本身来讲这个任务的目标选择就是新的。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)............................................................... EN: With the average age of researchers being only 31 years old, the Chinese Academy of Sciences Institute of Micro-Satellite Innovation ZH_REF: 科研人员平均年龄只有三十一岁的中科院微小卫星创新研究院 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是由一个人组成的,而不是从表面上看,而是在他们的中,为自己的工作而去,而不是在那里,它是由谁来的,而不是在别人身上的,是的,是的。 EN: will also launch five satellites in the near future. ZH_REF: 近期还将有五颗卫星升空 -ZH_HYP: 1.. +ZH_HYP: (a)【句意】我们的目的是,从句中解开,从句中解开,因为它是在用的,而不是用它来的,因为它是由你所产生的,而不是在别人身上的,是在说谎的,是的。 EN: From materials and devices to components of all-round innovation, it promotes the upgrade and transformation of China's manufacturing industry chain. ZH_REF: 从材料、器件到部件的全方位创新,推动了我国制造产业链条升级转化。 -ZH_HYP: 1.. +ZH_HYP: (c)(一),从表面来看,我们的产品是用的,而不是用它来的,它是在你的,是在为你的,而不是在那里,它是由你的,是对的,而不是太多了了了 EN: In the report of the 19th NPC, it is clearly stated that China has entered into a new era. Personally, the standard of a powerful nation is to take the lead. ZH_REF: 十九大报告中明确提出了中国已经进入新时代,强国的标准我个人的认为就是要领跑 -ZH_HYP: 1.. +ZH_HYP: 在这一情况下,一个人的错误是,在我的生活中,有一个人的身份,是的,是的,是的,是的,是的,是的,是的,是对的,而不是为了给别人带来的。 EN: So far, all satellites launched by our Little Satellite Institute have been groundbreaking, and we will not follow others or chase after others. ZH_REF: 你到目前为止,我们小卫星研究院发射的所有的卫星全部都是开创性的,我们不会走别人走过的路,也不会去追赶别人 -ZH_HYP: 1.. +ZH_HYP: (一)(一),我们的产品是,我们的东西,是为了使他们的利益而被人用,而不是在他们的身上,而是在我们的上方,而不是在别人身上,也是在说谎的,是的,是的。 EN: which comprehensively enhance Shanghai's original innovation capability and out-pace the strategic competence of the world in science and technology innovation and development. ZH_REF: 形成了一批跨学科、多领域、综合性的大科学产业,全面提升了上海原始创新能力和抢占世界科技创新发展先机的战略能力。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是对我们的技术,也是为了使其变得更加精致,而不是在自己的中,才是为了使自己的力量而变得更有价值,而且也是在国际上的,是对的,而不是什么? EN: Entering into a new era, the strong driving force brought by innovation-driven development to Shanghai is emerging. ZH_REF: 进入新时代,创新驱动发展给上海带来的强劲动力正在显现。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】(我们)的意思是,它是为了使人变得更容易,因为它是在为他们提供的,而不是在那里,还是要用的,而不是在(中)的的的 EN: Braving to try, daring to make breakthrough, self-determination and the enterprising spirit also originate from the fact that Shanghai has always taken institutional reform as the key to developing this great article. ZH_REF: 大胆试、大胆闯、自主改的进取精神,也源于上海始终把体制机制改革作为做好发展这篇大文章的关键。 -ZH_HYP: 1.. +ZH_HYP: 5.a.................................................................. EN: The report of the 19th National Congress of the CPC pointed out that to deepen the reform of the science and technology system and establish an innovation system that takes the enterprise as the main body, the market as the orientation and the industry-university-research institute must have deep integration, ZH_REF: 党的十九大报告中指出,深化科技体制改革,建立以企业为主体、市场为导向、产学研深度融合的技术创新体系 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的观点是,它的影响是,它的发展,是一种新的、更有价值的,它是由它的,它的作用,而不是在它的基础上,它的意思是:的的 EN: which is precisely for the reform mechanism to promote innovation and create a better atmosphere for the innovation subject. ZH_REF: 也正是要通过改革机制促进创新,为创新主体营造更好的氛围。 -ZH_HYP: 1.. +ZH_HYP: (美)(4)............................................................... EN: After the welcoming ceremony, Li Keqiang held the second annual dialog between China and Canada with Trudeau. ZH_REF: 欢迎仪式后,李克强同特鲁多举行第二次中加总理年度对话。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的态度是,在做了一些事,他们都是为了赢得了,而不是在比赛中,为自己的力量而去,而不是在那里,他们都是为了得到的,而不是太多了。了了了了了了了了了了了了了了了了 EN: Li Keqiang made positive comments on the development of Sino-Canadian relations over the past year ZH_REF: 李克强积极评价中加关系一年来的发展 -ZH_HYP: 1.. +ZH_HYP: “(k)”“是的,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。。。。。。。。 EN: Li Keqiang said that at present, economic globalization continues to advance. A new round of scientific and technological industrial revolution has swept the globe. ZH_REF: 李克强表示,当前经济全球化持续推进,新一轮科技和产业革命席卷全球 -ZH_HYP: 1.. +ZH_HYP: (k)【句意】(a)【句意】我的意思是,我们的生活在一起,是为了让自己的力量而努力,而不是在那里,也是为了让人感到厌倦了,而不是在高处,还是要把它弄得很好 EN: To maintain the sound and stable development of Sino-Canadian relations, we must comply with the trend of the times, ZH_REF: 中加关系要持续健康稳定发展,必须顺应时代潮流 -ZH_HYP: 1.. +ZH_HYP: [4]我们的研究与发展,是一种不稳定的,是一种有价值的,它是一种很好的,它是在你的,是为了让人感到厌倦的,而不是为了更多的,而不是在上司机上的 EN: uphold mutual respect, treat each other equally, seek mutual benefits and win-win cooperation, and constantly expand common interests. ZH_REF: 坚持相互尊重、平等相待、互利共赢,不断拓展共同利益。 -ZH_HYP: 1.. +ZH_HYP: (一)(一)不允许,也是为了使他们的利益而被人所为,而不是为了他们的利益而牺牲,而不是为了使他们的力量而得到,而且是为了更多的,而不是在(d)的的的的的的的的的的的的 EN: Li Keqiang pointed out that Sino-Canadian pragmatic cooperation has strong complementarity and it is expected to expand bilateral trade and investment, encourage the enterprises of the two countries to invest and start business in each other's countries, ZH_REF: 李克强指出,中加务实合作互补强,应扩大双向贸易投资,鼓励两国企业赴对方国家投资兴业 -ZH_HYP: 1.. +ZH_HYP: (k)【句意】(a)【句意】我们的意思是,我们的目的是为了使自己的事业变得更有价值,而不是在那里,也是为了给别人带来的,而不是在那里,还是要花费的 EN: Li Keqiang stressed that both China and Canada are important countries in the Asia-Pacific region and significant trade nations in the world, and the positive signals sent by both countries on promoting the liberalization of trade and investment is in the common interests of both sides. ZH_REF: 李克强强调,中加同为亚太地区重要国家和世界贸易大国,在推进贸易投资自由化便利化问题上发出积极信号符合双方共同利益。 -ZH_HYP: 1.. +ZH_HYP: 4.3.在对贸易的影响方面,我们都有一个共同的愿望,即,在国际贸易中,贸易和投资是一个巨大的障碍,它是对贸易的最大的,也是对其产生的,是对其产生的,是对发展中国家的最大利益。 EN: The door to China's opening up to the outside world will become larger and larger and the business environment will become better and better. China will continue to be a hot spot for international investment. ZH_REF: 中国对外开放的大门会越开越大,营商环境会越来越好,将继续是国际投资的热土。 -ZH_HYP: 1.. +ZH_HYP: 5.a.................................................................... EN: in the spirit of mutual benefit and reciprocity. ZH_REF: 延续两国友谊 -ZH_HYP: 1.. +ZH_HYP: (4)在任何情况下,都是为了使人的利益而被人所包围,而不是为了使他们的利益而被人所包围,而这是对他们的,是对的,是对我们的一种,是对的,是对的,而不是什么? EN: Canada supports free trade and is ready to work with China to promote globalization and free trade and make its contribution to the sustainable development of the world. ZH_REF: 加方支持自由贸易,愿同中方共同推动全球化和自由贸易,为全球可持续发展作出贡献。 -ZH_HYP: 1.. +ZH_HYP: 4.5.为使人的发展,我们也需要更多的机会,而不是为了使自己的工作变得更加危险,而不是在为自己的工作,而不是在那里,而是要把它给别人的,,, EN: Both sides also exchanged views on international and regional issues of common interest. ZH_REF: 双方还就共同关心的国际和地区问题交换意见。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】我们的意思是,我们的人都有了,而不是在一起,也是为了使他们的利益而变得更有可能,因为它是在你的,是对的,而不是在别人身上的,是对的,是对的。 EN: After the talks, China's premier and the prime minister of Canada witnessed the signing of bilateral cooperation documents in the fields of education, food safety, and energy. ZH_REF: 会谈后,两国总理共同见证了教育、食品安全、能源等领域双边合作文件的签署。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,我们的态度是,我们的命运是由衷的,而不是在他们的面前,而是为了得到的,而不是在他们的身边,在那里,和你的关系,是为了得到的,是的,是的,是的。 EN: On the afternoon of the 4th, Li Keqiang and Canadian Prime Minister Trudeau jointly met with reporters. ZH_REF: 四号下午,李克强与加拿大总理特鲁多共同会见记者。 -ZH_HYP: 1.. +ZH_HYP: (2)【句意】(a)【句意】我的意思是,我们的人,和他们的联系,是为了得到的,而不是在他们的身边,还是要把它的东西弄得太多了了了了了 EN: Li Keqiang introduced the outcome of the second annual ministerial-level dialog between China and Canada. ZH_REF: 李克强介绍了第二次中加总理年度对话成果。 -ZH_HYP: 1.. +ZH_HYP: (美英对照),是为了使自己的工作变得更糟,而不是在意外,而是在为自己的力量而来的,是在我们的时候,要把它的意思和好的意思联系起来,因为它是对的,而不是最需要的。 EN: He said both China and Canada unanimously agree to promote the process of globalization and safeguard the liberalization and facilitation of trade and investment,and both are ready to work together to explore the feasibility of the FTA. ZH_REF: 他表示,中加双方一致同意要推动全球化进程,维护贸易投资自由化、便利化,愿共同努力探讨中加自贸协定可行性。 -ZH_HYP: 1.. +ZH_HYP: 他的观点是,我们的工作是,我们的国家也是为了促进贸易,而不是为了使自己的利益而变得更加危险,而不是在为自己的工作,而不是在那里,要么是为了提高他们的利益而进行的,是对我们的一个好的问题。 EN: China is open to the process and the content of the negotiation. ZH_REF: 中方对谈判进程和内容持开放态度。 -ZH_HYP: 1.. +ZH_HYP: 4................................................................ EN: Both sides agree to step up cooperation in tourism and aviation and to closely promote humanities exchanges between the two countries. ZH_REF: 双方同意加强旅游、航空合作,密切两国人文交流。 -ZH_HYP: 1.. +ZH_HYP: (k)【句意】(a)【句意】我们的意思是,它是为了使自己的事业变得更容易,而且也是为了让人感到厌倦了,而不是在那里,他们是在一起的,是的,是的,是的。 EN: We share opportunities and welcome challenges together to push forward the Sino-Canadian relations in this golden stage. ZH_REF: 共享机遇,共迎挑战,推动中加关系在黄金阶段不断闪出耀眼光芒。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(我们)的意思是,我们的生活在一起,而不是在乎,因为它是在为你所带来的,而不是在那里,也是为了让人感到很好的了了了了了了的的的的的的的的的的的 EN: deepen cooperation in various fields, commit to common development and prosperity, and build a stable and active relationship with China in the medium to long term. ZH_REF: 深化各领域合作,致力于共同发展繁荣,打造加中长期稳定活跃的关系。 -ZH_HYP: 1.. +ZH_HYP: (四)为使人的生活变得更加复杂,而在其他方面,我们也是为了保持沉默,而不是在他们的中,在那里,和我的关系,是为了得到的,而不是在那里,是为了使人更多的 EN: Zhang Dejiang, president of the Standing Committee of the National People's Congress, attended the 4th National Constitution Day Symposium and delivered a speech on the 4th. ZH_REF: 全国人大常委会委员长张德江四号出席第四个国家宪法日座谈会并讲话 -ZH_HYP: 1.. +ZH_HYP: (一)中英文的意思是:“我们的是,在这个国家,他们的生活是由衷的,而不是在他们的面前,”他的意思,是的,是的,是的,是的,是的,是的。了 EN: He emphasized that we need to regard the study and implementation of the socialist ideology with Chinese characteristics in a new era of Xi Jinping ZH_REF: 他强调,要把深入学习贯彻习近平新时代中国特色社会主义思想 -ZH_HYP: 1.. +ZH_HYP: 他的意思是,我们的态度是,在我们的中,是为了使自己的事业变得更有价值,因为它是在为他们的工作而来的,而不是在那里,才会有更多的人。是了了了了了了了 EN: as the most important task in studying and implementing the spirit of the 19th CPC National Congress. It is important to comprehensively implement the major decision making and deployment on strengthening the implementation and supervision of the constitution under the Party Central Committee with Comrade Xi Jinping as the core. ZH_REF: 作为学习贯彻党的十九大精神的重中之重,全面贯彻落实以习近平同志为核心的党中央关于加强宪法实施和监督的重大决策部署 -ZH_HYP: 1.. +ZH_HYP: (一)在研究中,对所有的事物都是很重要的,因为它是一种在经济上的,它的作用和目的,是对其进行的,它的作用是对其进行的,是对国际事务的影响的一个关键所在,的的 EN: We must unswervingly adhere to the principles of the Constitution, carry forward the spirit of the Constitution, fulfill the mission of the Constitution, and give full play to the important role of the Constitution in successfully building a well-off society in an all-around way ZH_REF: 更加坚定自觉地恪守宪法原则、弘扬宪法精神、履行宪法使命,更好发挥宪法在决胜全面建成小康社会 -ZH_HYP: 1.. +ZH_HYP: (一)我们的态度是,我们必须在一个方面取得更大的进步,而不是在其上,才是为了实现其目的,而这是对其进行的,是对其进行的,是对其进行的,是对所有的人的认识 EN: and build an all-around modernized socialist nation. ZH_REF: 全面建设社会主义现代化国家中的重要作用。 -ZH_HYP: 1.. +ZH_HYP: 5.a............................................................... EN: Zhang Dejiang pointed out that the Constitution is the fundamental law of the country and is the general charter for administering state affairs well and ensuring national security. ZH_REF: 张德江指出,宪法是国家的根本法,是治国安邦的总章程。 -ZH_HYP: 1.. +ZH_HYP: 5.d................................................................... EN: It is the concentrated expression of the will of the party and the people. To vigorously carry forward the spirit of the Constitution and fully implement the Constitution, we must unswervingly adhere to the leadership of the CPC, ZH_REF: 是党和人民意志的集中体现。大力弘扬宪法精神、全面贯彻实施宪法,要坚定不移坚持中国共产党的领导 -ZH_HYP: 1.. +ZH_HYP: (4)(一)将是一种自拔的,而不是在它的上,而是在为之提供了一种,使它的力量得以实现,而我们的态度是,它的力量和力量在我们的面前,而不是最重要的 EN: firmly maintain the central position of General Secretary Xi Jinping, firmly safeguard the authority of the Party Central Committee and centralize and unify the leadership, unswervingly uphold socialism with Chinese characteristics, ZH_REF: 坚定维护习近平总书记的核心地位,坚定维护党中央权威和集中统一领导,坚定不移坚持中国特色社会主义 -ZH_HYP: 1.. +ZH_HYP: (一)(一),“大”,是指“不”,也是指在“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,,。。。 EN: and equality before the law. ZH_REF: 转化为全体人民的自觉行动 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,它是为了让人的,而不是在他们的上,也是为了让自己的力量而去,而不是为了让人更多的,因为你是在我们的人的 EN: Zhang Dejiang emphasized that conducting in-depth publicity and education on the Constitution is important fundamental work for comprehensively promoting the administration of the country according to the law and is also a long-term task that needs constant effort. ZH_REF: 张德江强调,深入开展宪法宣传教育,是全面推进依法治国的重要基础性工作,也是一项久久为功的长期任务。 -ZH_HYP: 1.. +ZH_HYP: 5.4.在对人的尊严和不稳定的情况下,必须为人提供了一个新的机会,而不是在其上,而是在为其提供的服务中,它是一个很好的,它是对的,而不是对它的影响的的的的的 EN: We should continue to play the important role of performing the activities on National Constitution Day and pledge allegiance to the Constitution, carry out publicity and education on the Constitution by using the methods loved by the masses, ZH_REF: 要继续发挥好国家宪法日活动、宪法宣誓等重要抓手的作用,更多采用人民群众喜闻乐见的方式 -ZH_HYP: 1.. +ZH_HYP: (一)我们的作品是对我们的,是为了使自己的力量得到满足,而不是为了使他们的利益而得到,而不是为了让人感到羞耻,而不是在那里,也是为了提高他们的知识而来的 EN: strive to improve law attainment by the entire nation, and lay a solid ideological foundation and create a good social environment for pushing forward the implementation of Constitutional law. ZH_REF: 开展宪法宣传教育,努力提高全民族法治素养,为推动宪法法律贯彻实施筑牢坚实思想基础、营造良好社会环境。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),是为了使我们的事业变得更容易,而不是为了使自己的心智而变得更有价值,而不是在为自己的工作,而不是为了给别人带来的,也是对的,而不是对我们的影响 EN: to establish constitutional awareness and enhance their confidence in the Constitution. They will become firm believers, preachers, practitioners, and defenders of the Constitution. ZH_REF: 树立宪法意识,增强宪法自信,成为宪法的坚定信仰者、宣讲者、实践者、维护者。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是对他们的影响,也是为了让他们的利益而去,而不是在他们的面前,他们的态度和行为,是对我们的,是对的,是对的,是对的,是最重要的 EN: Li Jianguo attended the symposium. ZH_REF: 李建国出席座谈会。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Wang Chen presided over the symposium. ZH_REF: 王晨主持座谈会。 -ZH_HYP: 1.. +ZH_HYP: (k)【句意】(这是我的),我们的工作是为了使自己摆脱困境,而不是为了让自己的力量而努力,而不是在那里,要么是为了提高他们的能力而来的,那是对我们的事了。了 EN: Vice Premier Wang Yang of the State Council will attend the opening ceremony of the 2017 Fortune Global Forum held in Guangzhou from December 6 to December 8 ZH_REF: 本台消息,二零一七年《财富》全球论坛将于十二月六日至八日在广州举行,国务院副总理汪洋将出席论坛开幕式。 -ZH_HYP: 1.. +ZH_HYP: 5.a.d................................................................. EN: and deliver a keynote speech. ZH_REF: 并发表主旨演讲。 -ZH_HYP: 1.. +ZH_HYP: 3.4................................................................ EN: Meanwhile, Vice Premier Wang Yang will meet with Canadian Prime Minister Trudeau and the Prime Minister of Papua New Guinea O'Neill who will attend the forum. ZH_REF: 其间,汪洋副总理将会见出席论坛的加拿大总理特鲁多、巴布亚新几内亚总理奥尼尔。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的名字,是为了使自己的利益而被人,而不是在一起,而是在他们的面前,为自己的利益而去,而不是在那里,是的,是的,是的,是的。了 EN: The symposium on carrying forward the Red Ship Spirit was held on December 4 in Jiaxing, Zhejiang Province. Wang Huning, member of the Standing Committee of the Political Bureau of the CPC Central Committee and Secretary of the Central Secretariat, attended the meeting and made a speech. ZH_REF: 弘扬红船精神座谈会十二月四号在浙江嘉兴召开,中共中央政治局常委、中央书记处书记王沪宁出席会议并讲话。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的名字,是一个非常的,是由衷的,是在他们的,是的,是的,是的,是的,是的,是的,是的,是的,也是你的。 EN: We will promote the further study and implementation of the spirit of the 19th National Congress of the Party and Xi Jinping's thoughts on socialism with Chinese characteristics in the new era, inspire and encourage all cadres and masses ZH_REF: 推动把学习贯彻党的十九大精神和习近平新时代中国特色社会主义思想引向深入,激励和鼓舞广大干部群众用伟大精神 -ZH_HYP: 1.. +ZH_HYP: (一)将“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”说。。。。。。。 EN: to promote great practice with great spirit, never forget their initial mission, keep their mission firmly in mind, and make unremitting efforts to achieve the tasks put forward by the 19th National Congress. ZH_REF: 推动伟大实践,不忘初心、牢记使命、永远奋斗,为实现党的十九大提出的任务不懈努力。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的目的是为了使自己的事业变得更容易,而不是为了自己的力量而努力,而不是在1950年才会被人所为,而不是在你的身上,而是要在那里 EN: Wang Huning said that the spirit of the Red Ship is the source of the Chinese revolutionary spirit, and it shows the initial intention of the Chinese Communists. ZH_REF: 王沪宁表示,红船精神是中国革命精神之源,昭示着中国共产党人的初心 -ZH_HYP: 1.. +ZH_HYP: 5.3.4................................................................ EN: The pioneering spirit ZH_REF: 它所承载的首创精神 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),(),是为了使自己的心从表面上掉下来,而不是在他们的身上,而是在你的身边,在那里,你会被人的错觉,而不是为了给别人带来的,更不用说了了 EN: and the spirit of struggle and dedication it carries are the spiritual impetus to our party's tenacious struggle and continuous development and growth. It is also a valuable spiritual asset for our party to establish and govern and rejuvenate the country. ZH_REF: 奋斗精神、奉献精神,是激励我们党顽强奋斗、不断发展壮大的精神动力,是我们党立党兴党、执政兴国的宝贵精神财富 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(我们)的意思是,我们的生活是由一个人所做的,而不是在他身上,也是为了让自己的力量而努力,而不是在我们的身边,它是一个很好的、更有价值的 EN: It is also a strong spiritual support to uphold and develop socialism with Chinese characteristics in the new era. ZH_REF: 也是新时代坚持和发展中国特色社会主义的坚强精神支撑 -ZH_HYP: 1.. +ZH_HYP: (a)为人的遗漏,为之提供的,是为了使之成为一个不稳定的,而不是在他们的面前,为自己的利益而去,而不是在那里,是为了给别人的,而不是在那里,是最重要的 EN: We must integrate the idea of carrying forward the spirit of the Red Ship and deepening the study and publicity of the 19th National Congress and firmly grasp the main idea of Xi Jinping's thought on socialism with Chinese characteristics in the new era. ZH_REF: 要把弘扬红船精神同深化党的十九大精神学习宣传贯彻结合起来,牢牢把握习近平新时代中国特色社会主义思想这个主线。 -ZH_HYP: 1.. +ZH_HYP: 5.4................................................................... EN: Make great efforts on learning and mastering. ZH_REF: 在学懂弄通做实上下功夫 -ZH_HYP: 1.. +ZH_HYP: (英译汉)()(),我们的生活是,也是为了让自己的事业变得更容易,而不是为了让自己的事变得更糟,因为他们是在说谎的,是对的,而不是为了给别人的而 EN: We should deepen the study and publicity of the revolutionary spirit, such as the spirit of the Red Ship, and carry out various forms of educational practice to guide people in actively participating in the great practice of socialism with Chinese characteristics in the new era. ZH_REF: 要深化对红船精神等革命精神的学习宣传,开展形式多样的教育实践,引导人们积极投身新时代中国特色社会主义伟大实践。 -ZH_HYP: 1.. +ZH_HYP: (a)为我们提供了一个不便,而我们的研究是,在这种情况下,我们的生活方式和方法都是为了使他们的生活变得更加危险,而不是在中国,他们的态度是在不断的,而不是在那里, EN: Before the forum, the participants jointly paid tribute to the Red Ship in South Lake. ZH_REF: 座谈会前,与会人员共同瞻仰了南湖红船。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的人都是为了使他们的,而不是为了他们的,而不是在他们的身边,他们的工作是在那里,而不是在那里,是为了让别人的,而不是为了让别人知道的,那是我的错了。了了了了 EN: And they visited the South Lake Revolutionary Memorial Hall. ZH_REF: 参观了南湖革命纪念馆 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,我们的房间,是为了使自己的心惊肉跳,而不是为了让人感到羞耻,而他们的态度就会被人所为,而不是在那里,要么是为了得到更多的 EN: The General Office of the Central Military Commission recently printed and issued the Notice on Carefully Organizing and Learning Xi Jinping's Speech on the Governance of China, Volume II. ZH_REF: 本台消息,中央军委办公厅日前印发《关于认真组织学习习近平谈治国理政第二卷的通知》。 -ZH_HYP: 1.. +ZH_HYP: (一)一、二、三条和一种的物品都是在不可能的情况下,在其他方面,以示为其提供的服务,而不是在国际上,也是为了控制的,而不是在(d)上, EN: It demands that the PLA and the Armed Police Force thoroughly study and understand Xi Jinping's socialism with Chinese characteristics in the new era and raise the spirit of learning, propaganda, and implementation of the 19th National Congress. ZH_REF: 要求全军和武警部队深入学习领会习近平新时代中国特色社会主义思想,兴起学习宣传贯彻党的十九大精神热潮。 -ZH_HYP: 1.. +ZH_HYP: 4.为使人的行为,并不包括:(a)为其带来的利益和对其进行的治疗;(b)对其进行的,以使其成为一个新的、有的、有价值的、有的、有的、有的、有的理由的 EN: The Notice points out that studying and implementing Xi Jinping's socialism with Chinese characteristics in the new era is a major political task of the entire party and army for the present and future. ZH_REF: 《通知》指出,学习贯彻习近平新时代中国特色社会主义思想,是当前和今后一个时期全党全军的重大政治任务 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,我们的态度是,在做的时候,把它当作是为了使自己的事业变得更容易了,而且也是为了给他们带来了新的、更多的东西,而不是在你的身边,而是要把它的东西给了 EN: At all levels, we should have the highest political consciousness and the highest standards and take on the first ZH_REF: 各级要以高度政治自觉和走在前列标准,把《习近平谈治国理政》第二卷和先期出版的 -ZH_HYP: 1.. +ZH_HYP: 在这方面,我们的态度是,我们的目的是,从某种意义上看,从某种意义上看,我们的是,他们的力量是为了得到的,而不是在那里,还是要把它的力量分给别人,而不是最需要的,也是为了 EN: and second volume of Xi Jinping: The Governance of China, published previously as the authoritative books in the profound study and understanding of Xi Jinping's socialism with Chinese characteristics in the new era, and the spirit of the 19th National Congress, ZH_REF: 《习近平谈治国理政》第一卷,作为深入学习领会习近平新时代中国特色社会主义思想和党的十九大精神的 -ZH_HYP: 1.. +ZH_HYP: (b)(一),在一个大的情况下,我们的贸易是在不稳定的,而不是在其上,而是在它的上,对它的影响,是一种新的、最重要的、有的、有的的 EN: and unify it to the major decisions and deployments set by the 19th National Congress of the party. ZH_REF: 统一到党的十九大确定的重大决策部署上来 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为它是在我们的,是为了使自己的行为而变得更有可能,而不是在他们的身边,还是要把它的全部力量在一起,而不是对我来说是最重要的了了 EN: Poverty and Death in Indonesia's Land of Gold ZH_REF: 印尼金洲的贫穷与死亡 -ZH_HYP: 1.. +ZH_HYP: (a)在所有情况下,都是由不稳定的,而不是为了使其成为一种危险,而不是为了使他们的利益而被人所受的伤害,而是为了使他们的利益而被人所包围,而这是对他们的最严重的影响 EN: When Bardina Degei cooks dinner, she doesn't use a stove. ZH_REF: 巴德汀娜·戴杰做饭的时候不用炉子。 -ZH_HYP: 1.. +ZH_HYP: (美英对照),“不”,“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。!。。。。。。。。。 EN: She rarely even uses a pot. ZH_REF: 她甚至很少用锅。 -ZH_HYP: 1.. +ZH_HYP: 5.a.................................................................. EN: In her wooden home in Enarotali, the capital of Paniai regency in the restive Indonesian province of Papua, the housewife usually just places a sweet potato - known locally as "nota" - directly into the fireplace. ZH_REF: 她的木屋位于印度尼西亚巴布亚省帕尼艾县首府埃纳罗塔利,这位家庭主妇通常只是把一个红薯——当地人称其为“nota”——直接放进火里。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,他的名字是用的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,而不是你的意思 EN: After half-an-hour, the charred tuber is retrieved and devoured with eager, unwashed hands. ZH_REF: 半个小时后,这烧焦的红薯就被一双没有洗过的手迫不及待地拿了出来,狼吞虎咽地吃掉。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: Degei sits on the mud floor - she has no furniture - which is where she also performs her daily chores, such as washing clothes with murky water from the nearby swamp. ZH_REF: 戴杰坐在泥地上——她没有家具,这里也是她做日常家庭杂务的地方,比如洗衣服,洗衣服的水十分浑浊,都是从附近的沼泽地里弄来的。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................. EN: A bucket in a roofless room serves as a latrine. ZH_REF: 一个没有屋顶的房间里放着一个水桶,这就是户外厕所。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),(),(),(),是用铁锤子,把它的东西放到一边,就会被人的,是在说谎的,是在说谎的,是的,是的,是的,是的。 EN: As the youngest of her husband's four wives, she has been assigned no fields to tend. ZH_REF: 她是丈夫四个妻子中最年轻的那个,所以她没有被分到田地来照料。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,他们的意思是,他们的意思是,我的意思是,他们的意思是,你的意思是,要把它的意思和(或)的意思 EN: Polygamy is common here. ZH_REF: 一夫多妻现象在这里很常见。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,它是为了让人的,而不是在他们的上,也是为了让自己的力量而努力,而不是在那里,还是要把它的意思和联系 EN: Of course, working late can be dangerous: Most of the village men are unemployed and many drink heavily, plus there are the soldiers. ZH_REF: 当然工作到很晚会很危险:村里大部分男人都没有工作,而且很多都烂醉如泥,加上这里有很多士兵。 -ZH_HYP: 1.. +ZH_HYP: (4)............................................................... EN: "No one dares to walk around the village after 5 p.m.," she says. ZH_REF: 她说:“没人敢在下午 5 点以后在村里走动。” -ZH_HYP: 1.. +ZH_HYP: (一)(一),“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。 EN: It's a rare glimpse of daily life in the highlands of Papua, a former Dutch colony that was absorbed into Indonesia in 1969 following a controversial referendum, when just 1,026 elders were forced to vote through a public show of hands before occupying troops. ZH_REF: 这是巴布亚高地日常生活的罕见一瞥,这里曾经是荷兰的殖民地,1969 年全民公投后并入印度尼西亚,但那次公投也备受争议,当时只有 1026 名长辈被强迫在占领此地的军队面前通过举手表决投票。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有一个人的名字是,他们的生活在一起,而不是在他们的面前,他们是在一起,在那里,是在一起,在那里,有一个人在那里,是在1960年的。了 EN: An existing movement agitating for independence against Dutch rule swiftly turned its ire against the Jakarta government, which maintains tight control over the region, barring foreign journalists or rights monitors. ZH_REF: 目前强烈要求独立、反对荷兰统治的运动很快又将矛头指向雅加达政府,因为该政府对该地区实行高压统治,隔绝外国记者和维权人士。 -ZH_HYP: 1.. +ZH_HYP: (a)【句意】他的意思是,我们的目的是为了使自己的处境更容易,而不是为了自己的利益而去,因为他们是在为你的,而不是在那里,还是要把它的责任推到了的的的的的的 EN: In 2003, the province was officially split into Papua and West Papua, with independent Papua New Guinea occupying the eastern part of the island. ZH_REF: 2003 年,该省正式分裂为巴布亚省和西巴布亚省,而巴布亚新几内亚独立控制该岛东部。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的名字,是为了使他们的生活变得更糟,而不是在他们的身边,而是在他们的面前,为自己的力量而去,而不是在那里,是为了给人留下了 EN: Enarotali is as remote as it is desolate; the journey here involves a 90-minute flight from the provincial capital Jayapura to Nabire, and then a stomach-churning five-hour drive by hire car. ZH_REF: 埃纳罗塔利位置偏远,荒无人烟;要到这里来需要从省会查亚普拉坐 90 分钟飞机到那比雷,然后租车行驶 5 个小时,一路胃里翻江倒海。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),这条形象是由你来的,是在用的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。的了了了 EN: There is no public transport. ZH_REF: 这里没有公共交通。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)()(),我们的东西是不可能的,因为它是在用的,是的,是的,是的,是的,是的,是的,是的,是对的,而不是在那里,也是为了提高的 EN: The town of some 19,000 people consists of wooden houses ringed by bamboo fencing, corrugated iron roofs transformed by rust into varying tawny shades. ZH_REF: 在这个大约有 19,000 人的城镇里,木屋外环绕着竹栅栏,褶皱的铁皮屋顶是各类由铁锈制成的黄褐色的遮盖物。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有一个人的名字,是用了,从头到尾,就像往前的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: Very few Indonesians have made the journey here, let alone journalists, and practically no foreigners. ZH_REF: 很少有印尼人来到里,更别说新闻记者,也几乎没有外国人。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,我们的人都是为了得到的,而不是为了自己的,而不是在那里,而是为了得到更多的保护,而不是在那里,要么是为了得到最坏的,而不是什么? EN: Before Christian missionaries arrived, Mee Pago Papuans worshiped a God named Uga Tamee. ZH_REF: 在基督教传道士到来之前,Mee Pago 巴布亚人信奉一个叫 Uga Tamee 的神。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),是,用的,是,是用的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: There were other changes, too. ZH_REF: 这里也还有其他的改变。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,我们的性格是由一个人的,而不是,是为了使自己的力量而变得更容易,因为他们的行为是由你所做的,而不是在那里,还是要把它的力量分给了 EN: "We were not used to wearing these clothes," says Degei, indicating her vividly colored, hand-woven turban, dark shirt and a bright skirt. ZH_REF: 戴杰说“我们穿不惯这些衣服。”她指的是她那颜色亮丽的手织头巾、深色衬衫和鲜艳的半裙。 -ZH_HYP: 1.. +ZH_HYP: “我们的作品是,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。 EN: "Before, we only wore leaves on our bodies." ZH_REF: “我们以前只用树叶盖住身体。” -ZH_HYP: 1.. +ZH_HYP: “我们的意思是,”“不,”“是的,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。 EN: Papua is Indonesia's poorest province, where 28% of people live below the poverty line and with some of the worst infant mortality and literacy rates in Asia. ZH_REF: 巴布亚是印度尼西亚最贫穷的省份,这里 28% 的人生活在贫困线以下,也是亚洲婴儿死亡率最高而识字率最低的地区。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................... EN: But it is also Indonesia's land of gold. ZH_REF: 但是这里也是印尼的金洲。 -ZH_HYP: 1.. +ZH_HYP: "(a)对其进行了彻底的检查,而不是从他们的角度来,因为它是在为其提供的,而不是在(或)上,它的意思是,它是对的,而不是在上层,它是什么?的的的的的 EN: The world's largest and most profitable gold mine, Grasberg, owned by Phoenix-based Freeport McMoran, lies just 60 miles from Paniai, a highland province around the size of New Jersey and home to 153,000 people. ZH_REF: 帕尼艾县地处高地,面积大约与新泽西州相同,拥有 153,000 人。世界上最大、最有利可图的金矿格拉斯伯格距离这里只有 60 英里,该金矿由总部位于凤凰城的费利浦·麦克莫兰铜金公司所有。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的性格,是一种很有价值的东西,而不是从他们的角度来,他们的经历都是在,它是由高贵的,而不是在高处,它的价值是高的,它是在300米的 EN: In 2015 alone, Freeport mined some $3.1 billion worth of gold and copper here. ZH_REF: 仅在 2015 年,费利浦就在这里开采了大约价值 31 亿美元的金矿和铜矿。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,一个人的责任是,他们的生活方式是,从他们的手中夺走了,而不是在那里,他们的才是,他们的力量是为了赢得了.的的的(的的的的的的的的的的的的的的的的的的的的的的的的 EN: In addition, Papua boasts timber resources worth an estimated $78 billion. ZH_REF: 此外,巴布亚的木材资源十分丰富,估计价值为 780 亿美元。 -ZH_HYP: 1.. +ZH_HYP: 此外,在一个不寻常的情况下,我们的工作是为了得到的,而不是为了自己的利益而去,而不是为了他们的,而不是为了给我带来的,那是对的,是的,是的,是的,是的,是的。 EN: These riches are, however, a source of misery for Papuans, ensuring Indonesia's powerful military maintains a suffocating presence. ZH_REF: 然而这些丰富的资源也是巴布亚人悲剧的来源,印尼强大的军事力量是因此才得以一直压制着他们。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................... EN: A 2005 investigation in The New York Times reported that Freeport paid local military personnel and units nearly $20 million between 1998 and 2004, including up to $150,000 to a single officer. ZH_REF: 《纽约时报》一份 2005 年的调查报道显示,费利浦在 1998 年至 2004 年间向当地军事人员和部队支付近 2 千万美元,单单一位官员就高达 150,000 美元。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,有的是,有的是,有的是,他们的钱是用的,而不是用2000美元的,而不是用了,而是用了,那就会有很多的,是的,是的,是的。 EN: Papuan calls for greater autonomy threaten this golden goose, and are dealt with mercilessly. ZH_REF: 巴布亚人对独立自主的诉求越来越强烈,这威胁到了这位金主,他们因而遭受了残忍的待遇。 -ZH_HYP: 1.. +ZH_HYP: (k)(一)为使之更有好处,因为它们的价格是在为之而进行的,而不是在他们的上,是为了保护自己的,而不是在他们的中,是在说谎的,是对的,而不是最重要的。 EN: According to rights activists, more than 500,000 Papuans have been killed, and thousands more have been raped, tortured and imprisoned by the Indonesian military since 1969. ZH_REF: 据维权人士称,1969 年以来,有超过 50 万巴布亚人被杀害,数千人被印尼军队强奸、折磨和关押。 -ZH_HYP: 1.. +ZH_HYP: 40.如果有任何其他的理由,就会被人所犯,而被驱逐的人,是他们的,是他们的,是他们的,是在他们的时候,也是为了保护他们的,而不是为了更多的,而不是为了而而 EN: Mass killings in Papua's tribal highlands during the 1970s amounted to genocide, according to the Asia Human Rights Commission. ZH_REF: 据亚洲人权委员会称,1970 年代在巴布亚部落高地的大规模屠杀已升级为种族灭绝。 -ZH_HYP: 1.. +ZH_HYP: (a)在"e"类"中,"无",",",",",",",",",",",",",",",",",",",",",",",",",","""""" EN: Indonesian police arrested more than 3,900 peaceful protesters in the region last year alone. ZH_REF: 单单去年印尼警方就逮捕了 3,900 多名和平抗议者。 -ZH_HYP: 1.. +ZH_HYP: 4.5.在被占领的地区,有必要的,是为了使他们的利益而被人所包围,而不是为了使他们的工作变得更加危险,而不是在他们的身边,而是在那里,是为了达到最高的目的而去的 EN: We Will Lose Everything, a 2016 report by the Archdiocese of Brisbane, contains testimony of atrocities committed the previous year, such as extrajudicial executions, torture - rape and electrocution are especially popular, according to another report - and the brutal crushing of peaceful demonstrations. ZH_REF: 天主教布里斯班总教区 2016 年的一份报告《我们将会失去一切》囊括了对前一年昭昭恶行的证明,比如法外处决、折磨——另一份报告称强奸和电邢尤其普遍——以及对和平游行示威的残酷镇压。 -ZH_HYP: 1.. +ZH_HYP: 我们的态度是,在这一过程中,我们的经历是,他们的痛苦,是一种不寻常的东西,他们的痛苦是在发生的,而不是在那里,他们的人都是在一起,也是对的,而不是对你的攻击。 EN: "It's difficult to count the number of victims as incidents happen every week," says Andreas Harsono, Indonesia researcher for Human Rights Watch. ZH_REF: 人权观察组织印尼研究员安德里亚斯·哈尔索诺称,“暴力事件每天都在发生,因此很难计算受害者的人数。” -ZH_HYP: 1.. +ZH_HYP: “”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。。。。。。。。。。 EN: The screws have tightened as Papua's resources bring an influx of settlers from elsewhere in Indonesia. ZH_REF: 巴布亚的资源招来印尼以外的大批移民,压迫便开始了。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为它是在用的,而不是在他们的中,是为了控制着他们的,而不是在那里,要么是为了得到的,而不是在那里,要么是为了得到更多的保护 EN: The province's 3.5 million population is 83% Christian, but the demographic is changing as Muslim economic migrants arrive from Indonesia's populous islands of Java, Borneo, Sumatra and Sulawesi. ZH_REF: 该省 350 万人口中有 83% 是基督徒,但是穆斯林经济移民从人口稠密的爪哇岛、加里曼丹岛、苏门答腊岛、苏拉威西岛来到这里以后,其人口结构就发生了变化。 -ZH_HYP: 1.. +ZH_HYP: (c)(一)是,在我们的情况下,有可能被用来为他们的人提供了更多的东西,而不是在他们的身上,而是在那里,是为了保护他们的,而不是在那里,它是一种(e)的的的的的的的的的的 EN: Javanese warung canteens sell fried chicken and gado-gado mixed-vegetables served with peanut sauce. ZH_REF: 爪哇人的小吃摊出售炸鸡和蔬菜混合的加多加多,配以花生酱。 -ZH_HYP: 1.. +ZH_HYP: (美)(一),可乐意,是用的,是用的,是用的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的 EN: Local people struggle to compete. ZH_REF: 当地人努力抗争。 -ZH_HYP: 1.. +ZH_HYP: (k)(一),是,在我们的上,都是为了使自己的缘故,而不是为了让自己的心跳而去,因为它是在你的,是在我们的,是的,是的,是的,是最重要的 EN: "The migrants started to sell chicken and vegetables in the traditional market cheaper than the local Papuans," explains Abeth You, a 24-year-old Paniai native who moved to the provincial capital Jayapura for work. ZH_REF: 24 岁的帕尼艾当地人阿波斯·尤搬到了省会查亚普拉去找工作,他解释道“那些移民开始在传统市场以比当地巴布亚人更低的价格出售鸡肉和蔬菜。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,你是在他们的,是为了得到的,而不是为了给他们带来的,而不是在他们的时候,才会有价值的东西,而不是在你的身边。 EN: "It made the native Papuans - the mama-mama [the women] of Papua - lose their market." ZH_REF: 这让当地巴布亚人——巴布亚女人 ( mama-mama)——失去了她们的市场。” -ZH_HYP: 1.. +ZH_HYP: “我们的人的性格是,”他的意思是,“我们的是,他们的是,他们的力量,是为了得到的,而不是在那里,他们是为了让我的,而不是去掉一切的。了了了了了了””””””””””””” EN: Indonesian President Joko Widodo, popularly known as Jokowi, vowed to address the inequalities and rights abuses in Papua during his election campaign in 2014. ZH_REF: 印尼总统佐科·维多多(人们常称其为佐科维)在他 2014 年的竞选活动上发誓要解决巴布亚的不平等问题和滥用职权问题。 -ZH_HYP: 1.. +ZH_HYP: 在他的名声中,有一个人的名字,是在说谎,而不是在说谎,而是在他们的面前,为自己的行为而去,而不是在那里,它是由谁来的,而不是在我们面前的,是最重要的 EN: The former carpenter secured 27 of Papua's total 29 districts - including Paniai - on the way to the Presidential Palace in Jakarta. ZH_REF: 这位曾经的木匠通往雅加达总统府的道路受到了全部 29 个地区中 27 个地区的支持——包括帕尼艾。 -ZH_HYP: 1.. +ZH_HYP: 在他的家门里,有一个大的东西,是,是的,是的,是的,是的,是的,是的,是的,是的,是的,是对的,而不是你的意思。了了了了了了了了了了了 EN: But precious little has changed in Papua, and today local people feel betrayed. ZH_REF: 但是巴布亚什么也没有改变,今天,当地人感觉遭到了背叛。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: "Our hearts have been broken because in 2014 we voted for Jokowi, with the expectation that he would fulfill our hopes for justice to be restored," You says. ZH_REF: 尤说“我们已经心碎了,2014 年我们给佐科维投了票,希望他能实现我们的愿望,重新恢复公平。” -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: In fact, Paniai suffered a nadir just two months after Jokowi's October inauguration. ZH_REF: 事实上,在佐科维 10 月份就任仅仅两个月后,帕尼艾就遭遇了最可怕的噩梦。 -ZH_HYP: 1.. +ZH_HYP: a:(b)【句意】(),我们的生活是由“”的,因为它是由“”的,而在这方面,他们的意思是,他们的意思是,“你的意思”,“我的意思是,”“不,”说 EN: On Dec. 7, 2014 a group of 11 children were outside singing Christmas carols in front of a bonfire in Enarotali when two Indonesian soldiers on a motorbike broke through the gloom. ZH_REF: 2014 年 12 月 7 日,埃纳罗塔利 11 名儿童在外面的篝火前唱着圣诞颂歌,两名印尼士兵突然骑着摩托车冲了过来。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,有的是,他们的名字,是为了让别人的爱,而不是在他们的身边,在他们的面前,你就会被人打败了,而你的心就会被人所迷惑了 EN: The startled children told them that they should turn on their headlights. ZH_REF: 受惊的孩子们告诉他们应该打开车头灯。 -ZH_HYP: 1.. +ZH_HYP: (英译汉).................................................................. EN: One of the soldiers took umbrage at their tone and later returned with four soldiers, according to local Pastor Yavedt Tebai. ZH_REF: 据当地牧师亚伟特·特拜称,其中一名士兵对他们的语气不满,随后带着四名士兵回来了。 -ZH_HYP: 1.. +ZH_HYP: 在他的后面,一个人的名字是,他们的处境太小了,而不是在他们的身边,他们就会被打败了,而我的心也是在那里,是的,是的,是的,是的,是的。了了 EN: The soldiers, who had been drinking, chased and beat the group with their rifle butts, said victims and witnesses. ZH_REF: 受害者和目击者称这些喝醉的士兵用他们的枪把追着这群孩子打。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................. EN: Then one of the soldiers fired into the group of children. ZH_REF: 然后其中一名士兵对着这群孩子开了枪。 -ZH_HYP: 1.. +ZH_HYP: (a)在他的后面,一列有的,是的,是在他们的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是对的,而不是为了给你的。 EN: One child, 16-year-old Yulianus Yeimo, was beaten so badly he fell into a coma. ZH_REF: 16 岁的尤利安努斯·叶墨因被打得严重而昏迷。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),(),(),是,用的,是用的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: A couple of hours later, the nearby government Election Commission building was set ablaze, and things escalated the following day. ZH_REF: 几个小时后,附近政府机构选举委员会大楼燃起熊熊大火,第二天事件升级。 -ZH_HYP: 1.. +ZH_HYP: (a)【句意】,我们的人,是为了使他们的事业变得更容易,而不是在他们的身边,而是在他们的面前,为你的服务而去,而不是在那里,也是为了让人感到厌倦了 EN: About 1,000 young Papuan men, women and children gathered on a soccer field in front of the local police station and military command center to demand justice. ZH_REF: 大约 1,000 名年轻巴布亚男子、女人和儿童聚集在当地警察局和军事指挥中心前的一个足球场要求伸张正义。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,有的是,他们的眼睛,是为了让他们的,而不是在他们的身边,在那里,是为了让他们的,而不是在那里,是为了让人的力量而去,而不是为了我们的人而去 EN: They carried ceremonial hunting bows and performed the waita dance - running in circles and simulating birdsong - of Papua's Mee Pago tribe. ZH_REF: 他们带着仪式用的猎弓,跳着巴布亚 Mee Pago 部落的 waita 舞——绕圈奔跑,并模仿鸟鸣。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在做作的事,是用的,是用的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: Some protesters started hurling stones at police and military posts. ZH_REF: 部分抗议者开始往军事经常岗哨扔石头。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),他们的手表,都是用的,用的,是用的,因为它是用的,而不是在(或)上,而不是在上方,那是对的,是的,是的,是的,是的。 EN: As tempers grew more heated, an order was sent to the soldiers through internal radio: "If the masses offer resistance more than three times, shoot them dead," it said, according to an official document seen by TIME that has not been released to the local media. ZH_REF: 根据《时代》杂志看到的一份官方文件记录,当情绪持续激化,士兵们通过内部无线电收到命令:“如果人群抵抗超过三次,立即枪决。”但这份文件并没有向当地媒体发布。 -ZH_HYP: 1.. +ZH_HYP: 如果有的话,就会被人的意思,是的,是的,是的,是的,是的,是的,是的,因为他们的意思是,你的意思是,你的意思是,“你的意思是,”他说。 EN: Yeremias Kayame, 56, the head of the Kego Koto neighborhood of Enarotali, saw the impending danger and appealed for calm, imploring the crowd to go back home. ZH_REF: 56 岁的耶雷米亚斯·卡亚木是埃纳罗塔利 Kego Koto 街区的首领,他感觉到了即将有危险发生,于是呼吁人群冷静,并恳求他们回家。 -ZH_HYP: 1.. +ZH_HYP: (美)(一),(),(),我们的背面是,在他们的面前,为你带来的,而不是在他们的面前,为你带来的,是为了使自己的心智而变得更多的了的的的的的的的的的的的的 EN: Nobody was in the mood to listen. ZH_REF: 但没人有心情听他说。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(),我们的人,是为了使自己摆脱困境,而不是为了使他们变得更有可能,而不是为了让人感到厌倦,而不是在他们的身边,那是对的,对我们来说,这是个很好的问题 EN: "When I turned around I suddenly got shot in my left wrist," he told TIME on the porch of his brightly painted wooden house. ZH_REF: 他站在他那栋颜色鲜艳的木屋的门廊上告诉《时代》杂志“当我回过头来的时候,我的左腕突然中枪。” -ZH_HYP: 1.. +ZH_HYP: “我的意思是,”“是的,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。!。。。。。。。。。 EN: Kayame still doesn't know who fired but says the bullet came from the ranks of amassed soldiers. ZH_REF: 卡亚木现在仍然不知道是谁开的枪,但他说子弹来自聚集的士兵之中。 -ZH_HYP: 1.. +ZH_HYP: (k)【句意】(),我们的意思是,你的意思是,他们的意思是,他们的意思是,你的意思是,他们的意思是,你的意思是,要把它给别人的,也是不可能的的的 EN: "It was crowded, many shots were fired," he adds. ZH_REF: 他又说“当时很挤,他们开了很多枪。” -ZH_HYP: 1.. +ZH_HYP: “我们的目的是,”他说,“我们的东西是在一起,而不是在他们身上,而是为了让人感到厌倦,而不是为了让人更多的,”他说,“你是在我的上,”说 EN: Local man Alfius Youw was hit three times, according to his cousin who witnessed the shootings. ZH_REF: 据当地人奥尔夫尤斯·尤尔的堂兄弟称,他目睹了枪击,看到奥尔夫尤斯·尤尔身中三枪。 -ZH_HYP: 1.. +ZH_HYP: 5.a:()【句意】(他的意思是,你的意思是,你的意思是,你的意思是,在他们的时候,你会有多的,是在你的)下,你的意思是对的,对的,对的是不对的 EN: "I ran to him and examined his body to make sure it was him," Yohanes, who like many Indonesians only goes by one name, told TIME somberly. ZH_REF: 尤哈内斯悲伤地告诉《时代》杂志,“我跑过去检查他的身体看是不是他, -ZH_HYP: 1.. +ZH_HYP: “我的意思是,”他说,“我们的一切都是为了”,“你的意思是,”他说,“我是为了让你的人去,而不是去掉你的。”说说了了 EN: "I saw he was dead ... I kissed him." ZH_REF: 我发现他已经死了……我亲吻了他。” -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: The Papua Police Chief Inspector General Yotje Mende told reporters that his officers were only "securing" their station because it was under attack. ZH_REF: 巴布亚警方总督察尤杰·门德告诉记者,他的下属只是在“保护”警察局,因为警察局受到了袭击。 -ZH_HYP: 1.. +ZH_HYP: 在这一情况下,一个人的名字是,他们的手,是的,是的,他们的事,是为了得到的,而不是为了得到的,而不是在那里,而是为了给他的,而不是太多了。了了了了了了了了了了了了 EN: "We have to defend ourselves when people threaten to kill us," Papua Police spokesperson, Commissioner Pudjo Sulistiyo said in 2015. ZH_REF: 2015 年巴布亚警方发言人、警察局长普吉奥·苏利斯提奥称“有人威胁要杀我们的时候,我们必须自卫。 -ZH_HYP: 1.. +ZH_HYP: “我们的人是不可能的,”他说,“我们的事,是为了他们的,”“我的意思,”“我的意思,”“我的意思,”“你的意思是,”“我是为了”的的的的的的的的的 EN: "It's a matter of life and death." ZH_REF: 这是关乎生死的问题。” -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: According to Human Rights Watch, five young protesters were killed and many more injured. ZH_REF: 据人权观察组织称,五名年轻抗议者被杀,还有更多人受伤。 -ZH_HYP: 1.. +ZH_HYP: 在这个例子中,一个人的意思是,他们的意思是,他们的生活是由“而来的,”他的意思,“你的意思是,”“我的意思是,”他说,“你的意思是,”说了了 EN: News of the killings only filtered through to Jakarta the following day. ZH_REF: 第二天关于此次杀戮的消息只在雅加达慢慢传开。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在被人的时候,我们都会被人抓住,因为他们是在一起,而不是为了他们的,而不是在他们的身边,那是对的,是对的,是对的,是最重要的 EN: Three weeks later, Jokowi gave an impassioned speech in Jayapura, where he expressed sympathies with the victims' families and vowed to address the historic abuses in Papua. ZH_REF: 三个星期后,佐科维在查亚普拉作了一次声情并茂的演讲,对受害者家人表示深切同情,并发誓要解决巴布亚历史遗留的滥用职权问题。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,他的处境是:“对,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。了。。。。。。 EN: "I want this case to be solved immediately so it won't ever happen again in the future," he said. ZH_REF: 他说“我希望此案能尽快解决,这样未来就不会再发生这样的事。” -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Security Minister Wiranto said in October 2016 that he was setting up a non-judicial mechanism to settle historic human-rights violations. ZH_REF: 2016 年 10 月安全部长维兰多称他要设立一个非司法机制来解决侵犯人权这一历史遗留问题。 -ZH_HYP: 1.. +ZH_HYP: 他的身材是在外边的,是在我们的,是为了使他们的事业变得更容易了,而不是在他们的时候,才会有什么危险的,而不是你的,是的,是的,是的,是的,是的。 EN: But the excuses started almost immediately. ZH_REF: 但是推脱的借口也几乎立马响起。 -ZH_HYP: 1.. +ZH_HYP: 但是,在这一时期,我们的态度是,他们的处境,是为了使他们的利益而被人所迷惑,而不是为了他们的利益而去,要么是为了让他们的力量而去,要么是在那里,要么是在西方,要么是在西方,要么是不可能的。 EN: "Most of the violations occurred a long time ago. ZH_REF: 他说,“大部分的侵犯发生在很久以前。 -ZH_HYP: 1.. +ZH_HYP: “我们的理由是,”“是的,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。 EN: Some were in the '90s and in early 2000s. ZH_REF: 有些是在 90 年代和 2000 年代初。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,有的是,我们的人,是为了使他们的缘故,而不是为了他们的,而不是在他们的身边,而是为了在那里,而不是为了更多的,而不是为了使我感到很好 EN: The point is we are committed to addressing these violations, but there are processes to go through," he said. ZH_REF: 重点是我们已致力于解决这些侵犯,但是这还需要一个过程。” -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Then Wiranto backtracked when speaking to TIME in Jakarta on June 5, saying he has no plans to establish a grievance mechanism in Papua. ZH_REF: 然后 6 月 5 日在雅加达,维兰多在与《时代》杂志对话时出尔反尔,他说他没有在巴布亚建立申诉机制的计划。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)1.................................................................. EN: Instead, "All will be settled by law," he said. ZH_REF: 相反,他说“一切会依法解决。” -ZH_HYP: 1.. +ZH_HYP: “”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。。。。 EN: Wiranto, who the U.N. has indicted for "crimes against humanity" relating to more than 1,000 deaths during East Timor's bloody 1999 independence vote, said that 11 cases of human-rights violations in Papua have already been settled, including the Paniai incident. ZH_REF: 联合国已经就 1999 年东帝汶血腥的独立投票中 1000 多人死亡事件以“反人权罪”对维兰多提起控诉,但他说巴布亚地区 11 宗人权侵犯案已经得到解决,包括帕尼艾事件。 -ZH_HYP: 1.. +ZH_HYP: (c)【句意】(a),"我们的"是指的是,他们的人对他们的生活有了影响,而在1990年,他们的人就被人所犯的罪过,而不是在那里,也是对的。 EN: Families of the Paniai victims greeted such claims with grim incredulity. ZH_REF: 帕尼艾事件受害者家属对这些说辞嗤之以鼻。 -ZH_HYP: 1.. +ZH_HYP: 5.a............................................................... EN: "I've been interviewed four times for the past three years, but there has been no progress at all," Yohanes says. ZH_REF: 尤哈内斯说“在过去的三年中,我已经接受了四次采访,但是事情完全没有进展。” -ZH_HYP: 1.. +ZH_HYP: “我的意思是,”“是的,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。。。。。。。。。。 EN: "I'm tired." ZH_REF: 多年后他说“我累了。” -ZH_HYP: 1.. +ZH_HYP: 5.a............................................................... EN: He says that years later, he still lives in fear. ZH_REF: 他现在仍然生活在恐惧之中。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(),我们的生活是为了使自己的事业变得更糟,而不是在他们的身边,而不是在那里,而是要在别人的时候,才会有价值的东西,而不是为了给别人带来的, EN: "I'm afraid," he says. ZH_REF: 他说“我很害怕。 -ZH_HYP: 1.. +ZH_HYP: “我的意思是,”“不,”“是的,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。 EN: "I'm afraid of being arrested by the military, afraid to be shot." ZH_REF: 我害怕被军队逮捕,害怕被枪杀。” -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: His brother Yacobus echoed the view that people in Paniai are fearful of discussing the incident. ZH_REF: 他的兄弟尤卡布斯也认为帕尼艾的人民很害怕谈论那次事件。 -ZH_HYP: 1.. +ZH_HYP: (美)(一),在这方面,我们的态度是,他们的事,都是为了让他们的利益而感到羞耻,因为他们的事也是在他们的,是为了让人感到厌倦的,而不是在他们的前线上,是不可能的 EN: He says he was beaten by the military after helping to bury four of the victims. ZH_REF: 他说他在帮助埋葬四名受害者之后被军方打了。 -ZH_HYP: 1.. +ZH_HYP: 在他的名声中,有一个人的错误,是,他们的是,他们的工作是为了得到的,而不是为了给他们带来麻烦,因为他们的工作是在(上)的,而不是在那里,是的,是的,是的。 EN: "After burying the bodies, the military came looking for me," he says. ZH_REF: 他说“埋了尸体之后,军方来找我。” -ZH_HYP: 1.. +ZH_HYP: “(”)“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。 EN: The shootings haven't stopped. ZH_REF: 枪击并未停止。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(我的意思是,在他的后面,我们都是为了把它的东西弄得太好了,因为你的意思是在用功的方法)了的的的的的的的的的的的的的的的的的的的的的的 EN: On Tuesday, Indonesian police shot at villagers in Paniai's neighboring Deiyai regency. ZH_REF: 星期二,印尼警方在帕尼艾邻县德亚伊县枪击村民。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的名字,是为了使他们的缘故,而不是在他们的身边,他们的是,他们的力量,是为了让别人的服务,而不是在那里,你会在那里得到的 EN: One person died and 17 others were wounded, including children, during a confrontation between villagers and the manager of a construction company who refused to help transport an unconscious man to hospital. ZH_REF: 一名建筑公司经理拒绝帮助运送一名昏迷男子去医院,双方发生冲突,一人死亡,另 17 人受伤,其中还有儿童。 -ZH_HYP: 1.. +ZH_HYP: (a)【句意】(a)【句意】我们的人是在为自己的人,而不是在他们的时候,也是为了保护自己的人,而不是为了逃避责任,而是为了得到更多的保护 EN: The man, 24-year-old Ravianus Douw who drowned while he was fishing in a nearby river, died on the way to hospital. ZH_REF: 24 岁的男子拉维亚努斯·多伍在附近河边钓鱼时溺水,在去医院的路上死亡。 -ZH_HYP: 1.. +ZH_HYP: (美国作家),是,在我们的时候,他们都是为了保护自己的,而不是在他们的身边,他们的工作是在那里,而不是在那里,他们的工作是对的,而不是在那里,你的意思是什么?了了了 EN: Incensed villagers protested in front of the company's site office. ZH_REF: 愤怒的村民在该公司的现场办公室前抗议。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: Police said the villagers threw rocks at officers, who responded by firing warning shots. ZH_REF: 警方称村民向警察扔石头,所以警察开枪警告。 -ZH_HYP: 1.. +ZH_HYP: (k)【句意】(),我们的背面是,把它放在一边,把它们的东西弄到了,因为它是在说谎的,而不是在别人的上方,你会被人的错觉到了的的的的的的 EN: But locals say the mobile brigade (Indonesian paramilitary police) began shooting at the crowd, killing one. ZH_REF: 但是防暴机动部队(印尼准军事警察)开始向人群开枪,一人被杀。 -ZH_HYP: 1.. +ZH_HYP: (k)(一),在这方面,我们的事也是,他们的事儿都是为了得到的,而不是为了他们的,而不是为了给他们带来的,那就太多了,因为你的意思是什么?了了了了 EN: "We were so panicked, we are afraid there will be revenge," 29-year-old Dominggu Badii, who lives near the hospital and witnessed the injured being hurried in, tells TIME. ZH_REF: 29 岁的多明谷·巴迪告诉《时代》杂志称,“我们当时都慌了,现在很害怕他们会报复。”他住在医院附近,当时目睹了伤员被急忙送进医院。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: "I have been hiding in my house for two days." ZH_REF: “我在家躲了两天。” -ZH_HYP: 1.. +ZH_HYP: “我的意思是,”“是的,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。 EN: The Deiyai parliament has called for the officers involved to be held to account and the police mobile brigade to be withdrawn from the area. ZH_REF: 德亚伊议会已经呼吁将涉事警察绳之以法,并将防暴机动部队撤离该地区。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的意思是,他们的意思是,他们的意思是,他们的意思是,他们的意思是,要把它给我,也是为了给你的,而不是为了给你带来的,而不是太多了 EN: Paniai has always been a troublespot for the Indonesian government. ZH_REF: 帕尼艾对印尼政府来说一直是一个是非之地。 -ZH_HYP: 1.. +ZH_HYP: 5.d.(这是个谜题,是为了使自己的麻烦而变得更糟,因为他们的意思是,在我的上,我们都是为了得到的,而不是为了给别人的,而不是为了使他们的利益而被人所取代) EN: The lack of meaningful development feeds the discontent of the tribal Mee, Moni, Dani, and Damal peoples, who live sprawled across Papua's verdant central highlands. ZH_REF: 有效发展的缺失滋长了 Mee、Moni、Dani 和 Damal 部落人民的不满,这些部落分散在帕尼艾葱郁的中央高地。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,我们的生活是由谁来的,而不是在他们的身边,他们是在一起,是为了让人更多的,而不是在高处,还是要把它的意思给 EN: Many joined the Free Papua Movement (OPM), the rebel army that claims to defend the rights of the Papuans by launching sporadic attacks and kidnapping raids on Indonesian soldiers. ZH_REF: 很多人加入了自由巴布亚运动 (OPM),该组织是一支反叛军队,声称要通过分散袭击和突袭绑架印尼士兵来保护巴布亚人的权利。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的名字,是为了使他们的缘故,他们的目的是为了使他们的力量而受到伤害,而不是在他们的面前,对他们的攻击进行了比较,而这是对你的大意的影响了了的的 EN: Some of the top OPM leaders hail from Paniai, including Tadius Yogi and Daniel Yudas Kogoya. ZH_REF: 部分自由巴布亚运动高层领导出生于帕尼艾,包括塔迪尤斯·尤吉和丹尼尔·尤达斯·柯高亚。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是由大人的,是在他们的,是,他们是在一起,也是为了得到的,而不是在他们的中,是为了得到的,而不是在那里,要么是为了提高他们的能力而去的。 EN: In response, thousands of people in Paniai have been arrested and arbitrarily detained by the military in recent years, under the guise of "safeguarding national sovereignty." ZH_REF: 因此,近几年数千帕尼艾人被军方打着“维护国家主权”的幌子逮捕,并故意拘留。 -ZH_HYP: 1.. +ZH_HYP: 4.在任何情况下,都是为了使人的缘故,而不是为了使他们的利益而被人所包围,而这是他们的工作,而不是在他们的国度上,而不是为了保护他们的。了了 EN: Some never reappear. ZH_REF: 有些人再未出现过。 -ZH_HYP: 1.. +ZH_HYP: (4)()(一),(),是为了使自己的工作变得更糟,因为他们的意思是在说谎,而不是在他们的身边,而不是在那里,要么是为了保护自己的了的的的的的的的的的的的的的 EN: Among the people of Papua, Paniai is known as "a tragic, forgotten place." ZH_REF: 在巴布亚人眼里,帕尼艾就是一个“被遗忘的悲剧之地”。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),这是指甲的,是在被人身上的,是在说谎的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: Poverty feeds the discontent. ZH_REF: 贫穷滋长了不满。 -ZH_HYP: 1.. +ZH_HYP: (4)()(一),是为了使人的,而不是为了自己的,而不是在他们的身边,而是在他们的面前,为自己的力量而去,而不是在那里,是为了使我们的人更多的 EN: The little rice on sale in Enarotali is too expensive for locals to buy. ZH_REF: 埃纳罗塔利在售的大米少得可怜,当地人根本买不起。 -ZH_HYP: 1.. +ZH_HYP: (美英对照),是为了使自己的工作变得更容易,因为它是在用的,而不是在他们的中,是在为他们的,而不是在那里,是为了给别人带来的,因为它是对的,而不是什么,而是我们的意思 EN: Bread is just as out of reach. ZH_REF: 面包根本就遥不可及。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: People here grow everything they eat: mainly nota plus some fruit and leafy vegetables. ZH_REF: 这里的人种植他们能吃的一切:主要是红薯和一些水果和叶子蔬菜。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,我们的人都是为了自己的,而不是为了自己的,而不是在他们的身边,他们的是,他们的力量是为了得到的,而不是在那里,还是要把它的东西分给别人, EN: Farming is the job of the women, who each can maintain four or five fields of the sweet potato. ZH_REF: 耕种是女人的工作,每一位女性都能照料四块或五块红薯地。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),(),我们的生活是不可能的,因为他们的工作是在做的,而不是在他们的中,才会有价值的,而不是在上司,还是要在的时候,要把它的意思在 EN: They usually keep most of the harvest for the family, with the rest sold in the local market. ZH_REF: 他们通常将大部分收成留作家用,剩余的放到当地市场上卖。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),在这方面,我们都是为了使他们的利益而得到,他们的工作是由他们所控制的,而不是在他们的身边,而是在那里,是为了得到更多的保护(的的的的的的的的的的的的的的的 EN: Ten pieces of nota cost only 10,000 Indonesian rupiah (75 cents). ZH_REF: 十块红薯只值 1 万印尼卢比(75 美分)。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),(),(2),(2),在用的东西,你的意思是用的,因为它是用的,而不是在上方,而是要用的,因为它是什么意思?了了了了 EN: Over time, economic inequalities have grown between the native Papuans and the new migrants, who have arrived in greater numbers since the opening of a new air routes to Nabire Airport. ZH_REF: 随着时间的推移,经济不平等已经在当地巴布亚人和新移民中拉开,自从往那比雷机场的新路线开放以来这些移民的人数就大大增加了。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的态度是,有可能是为了使他们的生活变得更糟,而不是在他们的国度上,而是在他们的面前,为他们的服务带来了新的负担,而不是在那里,这是对你的了 EN: What few jobs exist typically go to the better-educated and wealthier migrants. ZH_REF: 现有的少量工作通常都落到了受过更好教育且更富有的移民手里。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),也是不可能的,因为他们的东西是在用的,而不是在他们的中,是为了使自己的力量而变得更糟的了,而不是在别人的时候,他们都是为了得到的,而不是在哪里? EN: Papuans rarely have the capital or the necessary skills to run their own businesses competitively. ZH_REF: 巴布亚人很少有资金或必需的技能经营有竞争性的公司。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为他们的东西是用的,而不是在他们的中,才是为了得到的,而不是在那里,要么是为了得到的,而不是在那里,要么是为了提高他们的能力而去做 EN: "The young people are not interested to stay in the village ... because there's no jobs or money here," says John Gobai, the chairman of the tribal council of Paniai. ZH_REF: 帕尼艾部落理事会主席约翰·戈拜称“年轻人并不想留在这个村庄......因为这里没有工作也没有钱。” -ZH_HYP: 1.. +ZH_HYP: “(美国)的是,”“不,”“是的,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,!。。。。。。。。。。 EN: Isolation keeps the world's eyes off Papua. ZH_REF: 巴布亚与世隔绝。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,我们的生活方式是,他们的意思是,它是由你所控制的,而不是在那里,还是要把它的东西给我,好吗?的了了了了了了了了 EN: In addition, reporting restrictions for international media remain tight. ZH_REF: 此外国际媒体报道的限制依然很紧。 -ZH_HYP: 1.. +ZH_HYP: (a)(一)不存在,而不包括在其他方面,也是为了使其成为一种不稳定的,而在其他情况下,它们的供应被认为是不可能的,因为它是在国际上造成的,而不是(a)的的的的 EN: Earlier this year, French journalists Franck Escudie and Basille Longchamp were deported from Papua for a "lack of coordination with related institutions" despite having been granted rare permission to film. ZH_REF: 今年早些时候,法国记者弗兰克·埃斯库迪和巴塞尔·隆尚被驱逐出巴布亚,因为他们“不与相关机构配合”,即使他们已经罕见地拿到了拍摄授权。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,他的性格是不可能的,因为他们的事,是为了得到的,而不是在他们的面前,他们是在说谎的,而不是在那里,也是为了得到的,而不是为了给别人的。 EN: According to Phelim Kine, Deputy Asia Director of Human Rights Watch, Jokowi's election campaign pledges to lift reporting restrictions to boost transparency and development have not been realized. ZH_REF: 据人权观察组织亚洲副局长费利姆·凯恩称,佐科维撤销报道限制以促进透明化和发展的选举誓言并没有实现。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的观点是,在这个过程中,我们的贡献是不可能的,因为它是为了让人的力量而努力,而不是在那里,他们的表现为你的,而不是在那里,他们的表现为你的 EN: "There are new hazards for foreign journalists attempting to report from Indonesia's restive easternmost provinces of Papua and West Papua: visa denial and blacklisting," he said in a statement. ZH_REF: 他在一次声明中称“如果外国记者试图报道印尼最东部的不满省份巴布亚和西巴布亚,他们是有新风险的:拒绝签证和拉入黑名单。” -ZH_HYP: 1.. +ZH_HYP: “”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。。。。。。。。 EN: The lack of press scrutiny means international pressure on the Indonesian government has been largely limited to Papua's immediate neighbors. ZH_REF: 没有媒体监督意味着国际上对印尼政府的压力基本上只局限于巴布亚的邻国。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),是,不需要的是,他们的处境也是为了使他们的缘故,而不是为了让自己的利益而去,而不是为了让别人的事而去,因为它是对的,而不是在我们的身边。了 EN: In March, six Pacific nations - Tonga, Nauru, Palau, Tuvalu, the Marshall Islands, and the Solomon Islands - urged the U.N. Human Rights Council to investigate the "various and widespread violations" in Papua, including the Paniai shooting. ZH_REF: 3 月份,6 个太平洋国家——汤加、瑙鲁、帕劳、图瓦卢、马绍尔群岛、所罗门群岛——要求联合国人权理事会调查巴布亚“各类普遍的人权侵犯事件”,包括帕尼艾枪击案。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,我们将为我们的子孙后代,包括:他们的国家,是他们的,是的,他们的是,他们的是,他们的语言,和我们的,是的,是的,是的,是对的,而不是用的。 EN: These same countries have historically backed the OPM. ZH_REF: 这几个国家也曾支持自由巴布亚运动 。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,我们的经历都是由他们来的,而不是在他们的中,是为了得到的,而不是在那里,是为了让自己的力量而努力,而不是在那里,要么是为了得到更多的 EN: Indonesian Foreign Ministry spokesperson Arrmanatha Nasir shrugged off the group's allegations, telling journalists in Jakarta, "In Indonesia, a democratic system still applies and there's free media so it's hard for the evidence of human rights cases to be covered up." ZH_REF: 印尼外交部发言人阿尔曼纳塔·纳西尔对该群体的指控满不在乎,他告诉雅加达的记者说,“印尼仍在实行民主体制,而且媒体自由,因此人权侵犯案的证据是很难被掩盖的。” -ZH_HYP: 1.. +ZH_HYP: 在美国,一个人的名字是,在那里,他们的处境很容易,而不是在那里,他们的人都是为了他们的,而不是在那里,他们是在那里,是为了让人知道,这是对的,而不是在你身上的。了了 EN: Local people want more foreign governments to take note. ZH_REF: 当地人希望更多外国政府重视。 -ZH_HYP: 1.. +ZH_HYP: (美英):(一),我们的产品是用的,而不是在你的中,是为了使自己的力量而变得更容易了,而你也会被人所迷惑的,是对的,而不是你的意思了了 EN: When an official delegation from the Netherlands, headed by the nation's human rights ambassador Kees Van Baar, visited Jayapura on May 4, local people broke their silence, beseeching, "We want freedom," according to a source who also attended the meeting but who asked to stay anonymous. ZH_REF: 据一位知情人士透露,5 月 4 日,荷兰人权大使凯斯·万·巴尔带领官员代表团访问查亚普拉时,当地人民打破了沉默,哀求道“我们想要自由。”他也参加了那次会议,但要求匿名。 -ZH_HYP: 1.. +ZH_HYP: 在美国,一个人的名字是由一个人组成的,而不是在他们的身边,他们都是在一起,而不是在那里,而是为了让人感到羞耻,他们的人都会在那里,而不是在那里,而是要去的。 EN: Indonesia has another presidential election in 2019, but Papuans say they are unlikely to vote again for Jokowi. ZH_REF: 印尼将在 2019 年举行下一届总统选举,但是巴布亚人称他们不太可能再投佐科维。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,一个人的态度是,在我的身上,你会被淘汰,而不是在他们的面前,他们就会被打败了,而你也会被人的心烦起来,因为他是在说谎的,是的,是的 EN: "Jokowi is a person who has good intentions, but he is surrounded by the people who are involved in the Paniai shooting," says Gobai, the tribal council chairman. ZH_REF: 部落理事会主席戈拜称“佐科维的意图是好的,但是他周围都是参与了帕尼艾枪击案的人。” -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: He wants Jokowi to know that the Paniai people, aside from living under the looming threat of a rapacious military, wallow in destitution, with paltry education and health services. ZH_REF: 他想让佐科维知道帕尼艾人民不仅生活在贪婪的军队的威胁之下,而且一无所有,这个地区教育寥寥,公共医疗保健服务匮乏。 -ZH_HYP: 1.. +ZH_HYP: 他的名声是,在这里,我们都是为了让他们的,而不是为了自己的利益而牺牲,而不是为了让自己的生命而变得更有价值,而且在那里,也是为了保护自己的事了的的的的的的的的的的的的 EN: Gobai says the Paniai people, like other Papuans, consider their vote to Jokowi as a "debt" he must repay. ZH_REF: 戈拜说帕尼艾人民像其他巴布亚人一样认为他们投给佐科维的选票是他必须偿还的债务。 -ZH_HYP: 1.. +ZH_HYP: (美)(),我们的意思是,你的意思是,他们的意思是,他们的意思是,他们的意思是,你的意思是,他们的意思是,你的意思是,“你的意思是,”“”“”“”了 EN: "They don't need money, they just want justice," he says. ZH_REF: 他说“他们不需要钱,他们需要正义。” -ZH_HYP: 1.. +ZH_HYP: “我们的秘密是,”“不,”“是的,”“是的,”“你的意思是,”“你的意思是,”“我也要把它的东西拿出来,”他说,“你要把它的东西弄得太多了了了了了了了了了 EN: Despite the threats and intimidation, families of the Paniai shooting victims carried out one last symbolic act of defiance: burying one victim's body on land just opposite the police and military station. ZH_REF: 即使在威胁与恐吓之下,帕尼艾枪击案受害者的家属依然作出了他们最后一次象征性的反抗:将一具受害者尸体埋在那个军事警察岗哨的对面。 -ZH_HYP: 1.. +ZH_HYP: 在美国,对其进行了彻底的打击,而这种情况也是如此,因为他们的痛苦和死亡,而不是在他们的国家中,而不是为他们提供的,是在一起,也是为了保护他们的。了了的的的的的的的的的的 EN: Knowing that justice may never be served, at least they won't let those responsible forget their crimes. ZH_REF: 他们知道正义也许永远不会到来,但至少他们不会让那些罪魁祸首忘记他们的罪行。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】我的意思是,我们的人都是为了让他们的,而不是为了自己的,而不是为了让他们的,而不是在那里,要么是为了让他们的服务而去掉,因为你是在最糟糕的 EN: "A member of our family has been killed," says Yacobus, head bowed. ZH_REF: 尤卡布斯低着头说“我的家人被杀了, -ZH_HYP: 1.. +ZH_HYP: “我们的人的性格是,”“是的,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。。。 EN: "What else could we do?" ZH_REF: 我们还能做什么?” -ZH_HYP: 1.. +ZH_HYP: “如果你能在这里,我们就会有更多的东西,”他说,“你的东西都是在,”他说,“你就把它弄得太棒了,”他说,“你是在我的,是吗?” EN: Brands such as Suofeiya, Holike and Topstrong have leveraged the strength of capital to actively grow their business in the customized home furnishing industry. On February 10, 2017, the China Securities Regulatory Commission (CSRC) approved the IPO application of Guangzhou Shangpin Home Collection Co., Ltd., and issued a listing permit on the Small and Medium Enterprise Board of Shenzhen Stock Exchange. More than 20 days ago, Oppein Home Group received approval for its IPO. ZH_REF: 索菲亚、好莱客、顶固等品牌借助资本力量正在定制家居行业大施拳脚,2017年2月10日,中国证监会核准广东尚品宅配家居股份有限公司的首发申请,下发深交所中小板上市通行证,此前20多天欧派家居刚刚IPO首发通过。 -ZH_HYP: 1.. +ZH_HYP: 在这一研究中,有一个人的设计,是由中国人的,而这是由中国人的,而他们的经历,他们的经历,都是由中国的企业的,而不是在香港,还是在美国,而不是在2005年12月。 EN: Industry insiders believed that with the listings of Shangpin Home Collection and Oppein Home Group, the customized home furnishing sector, which was already soaring, will turn from production competition to competing for capital. ZH_REF: 业内人士认为,随着尚品宅配、欧派家居的接踵上市,原本就处在风口上的定制家居领域将由产品竞争转向资本角逐。 -ZH_HYP: 1.. +ZH_HYP: (c)【句意】(a)【句意】我的意思是,他们的意思是,他们的意思是,“我们的钱,是为了挣脱的,而不是在那里,也是为了提高他们的服务而来的。了了了了了””””””””” EN: At the beginning of the new year, when Shangpin Home Collection’s IPO was first approved, news of the listing of this classic brand, which represented the customized home furnishing sector, attracted the attention of the entire home furnishing industry. ZH_REF: 尚品宅配首发获批新年伊始,定制家居领域一个典型的代表品牌尚品宅配即将上市的消息,吸引着整个家居行业的关注。 -ZH_HYP: 1.. +ZH_HYP: 在这个过程中,一个人的意思是,“我们的东西是在一起,”他说,“你的意思是,”他说,“我从那家里出来,就把它的东西都换了起来了。的了了了了了了了了”””””””””” EN: On the 9th (Beijing time), Reuters reported that Samsung Electronics Co Ltd launched its first set of components for autonomous driving and infotainment solutions it jointly developed with Harman International on Tuesday. This was a major move by the company to expand into the automotive electronics market. ZH_REF: 北京时间9日路透社称,三星电子公司周二发布了与哈曼国际(Harman International)共同开发的首套自动驾驶车用的组件,以及信息娱乐解决方案,这是该公司进军车用电子市场的重要举措。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,一个人的名字是:“是的,是的,是在为我们的,而不是在一起,它是在一起,它是在制造的,它的意思是,它是由国际商会的,”他说,“我们的车胎是什么?””” EN: Samsung Electronics acquired Harman International about a year ago. ZH_REF: 三星电子在大约一年前收购了哈曼国际。 -ZH_HYP: 1.. +ZH_HYP: (2)【句意】(a)【句意】我们的意思是,它是为了让人的,而不是在,它是由你来的,而不是在别人身上,而是在你的上司,你的意思是什么?了的的 EN: At the International Consumer Electronics Show (CES) held in Las Vegas this week, Samsung unveiled its automotive camera equipped with collision warning, lane-departure warning, and adaptive cruise control, which was also developed jointly with Harman. ZH_REF: 在本周于拉斯维加斯举办的消费电子产品展(CES)上,三星发布了具有碰撞警示、车道偏移警示、巡航控制功能的车用摄影机,这些产品是与哈曼合作开发的。 -ZH_HYP: 1.. +ZH_HYP: 在美国,对这一现象的影响是,在我们的工作中,有的是,他们的运气,是为了保护自己的,而不是在他们的时候,也是在他们的,是的,是的,是的,是的,是对的。 EN: Samsung plans to begin shipping this camera system, which is built on automatic machine learning and augmented reality technology this year. ZH_REF: 三星计划今年开始出货这套摄影机系统,这套系统是建构在机器自动学习及扩增实境等技术上。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Samsung also exhibited a “digital cockpit”, which allows a car to adapt to the personalized characteristics of the driver even if he or she is not the car owner by accessing the user’s information from mobile devices and cloud. ZH_REF: 三星同时也展示了“数字驾驶舱”,就算驾驶人不是车主,也可以让车辆更具个人化特色,因这套系统可以让用户从移动设备及云端下载驾驶人的资料。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的名字,是用的,是的,是的,是的,是的,是的,是的,也是不对的,因为你的意思是,你的意思是,他的意思是对的,你的意思是什么? EN: The 20th round of CBA regular season will begin tonight, which also means the start of the second half of CBA league in 2016~2017 season. ZH_REF: 今晚,CBA第20轮常规赛的比赛即将开始,这也意味着2016~2017赛季的CBA联赛下半程开始。 -ZH_HYP: 1.. +ZH_HYP: (c)(一),在我们的情况下,将是在2002年之前,我们将在其进行中,以使其成为一个共同的,而不是在其他方面,也是在1995年的时候,它是最坏的,的 EN: Fire engulfs Dubai's 'Torch' skyscraper for second time ZH_REF: 大火再次吞没迪拜“火炬”摩天塔 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: A fire ripped through one of the world's tallest residential towers in Dubai on Friday, forcing hundreds of occupants to flee the 337 metre-tall, 79-storey structure. ZH_REF: 周五,迪拜一座世界最高的住宅大楼发生火灾,迫使数百名居民逃离这座高 337 米,79 层的超高层建筑。 -ZH_HYP: 1.. +ZH_HYP: 5.a.................................................................. EN: It's the second blaze to sweep through the high-rise - which happens to be called the Torch tower - in just two years. ZH_REF: 这是短短两年内第二场横扫高层建筑的大火,而恰巧发生在是被称为“火炬”的摩天塔。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)(这是不可能的),因为我们的心从头到尾,就像往前走,把它的东西弄到了,就像在了,也是在为你的,是的,是的,是的,是的,是的。 EN: The building was evacuated, no injuries were reported, and there was no immediate word on the cause of the blaze. ZH_REF: 该大楼已经进行了疏散,没有人员受伤的报道,目前还未发现导致大火的原因。 -ZH_HYP: 1.. +ZH_HYP: (4)在任何情况下,都是为了使自己的处境,而不是为了使他们的缘故,而不是为了使他们变得更有可能,而不是为了让人感到厌倦,而不是在他们的身边,那是对的,对我们来说,是最重要的 EN: "We were sleeping and we woke up to the fire alarm and people screaming. ZH_REF: “我们正在睡觉,然后我们被火警吵醒,人们就开始尖叫了。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................. EN: We ran down the stairs and it took us about 10 minutes to reach from the 50th floor," a resident who gave his name as George told Reuters. ZH_REF: 我们跑下楼梯,从 50 层跑下来大约需要 10 分钟,“一位叫乔治的居民告诉路透社。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)()(),我们的意思是,你的意思是,他们的意思是,在他们的时候,我就会有多大的东西,而不是在那里,要么是为了得到的,而不是在那里,要么是为了得到更多的东西 EN: Dubai's civil defence authorities said firefighting squads put out the blaze at around 4.00 am local time (0000 GMT) and were cooling the building. ZH_REF: 迪拜的民防当局称,消防队在当地时间 (格林威治标准时间 0000) 4 点左右扑灭了大火,并正在为该大楼进行降温处理。 -ZH_HYP: 1.. +ZH_HYP: (4)如果有,就可以用,把它的东西放到一边,把它们的东西从表面上掉下来,而不是在(上),让人感到很舒服,因为它是在你的,是在说谎的,是的,是的。 EN: The government said it was working on providing shelter for those affected. ZH_REF: 政府表示正在努力为受到影响的人员提供避难场所。 -ZH_HYP: 1.. +ZH_HYP: (4)a:(b),这是个谜语,因为它是在为自己的,而不是在,他们的意思是,他们的意思是,要把它给我带来的,也是为了给你带来的,而不是太多了 EN: The incident may revive questions about the safety of materials used on the exteriors of tall buildings across the world. ZH_REF: 这起事故可能会再次引发世界各地对高层建筑使用外墙材料安全问题的关注。 -ZH_HYP: 1.. +ZH_HYP: (a)【句意】我们的人是在不可能的,因为他们是在为自己的,而不是在他们的上,也是为了给别人带来的,而不是在他们的身边,还是要把它的东西分给别人, EN: An investigation by the management of the Torch after its 2015 fire found that most of the damage was to the cladding, exterior panelling used for decoration or insulation. ZH_REF: “火炬”摩天大厦管理层在其 2015 年发生的火灾后进行的一项调查发现,被损坏的大部分物体的是装饰和绝缘用的覆层外墙板。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。。。。 EN: In the UK, police have said they believe the system of insulation and cladding panels on London's Grenfell Tower may have contributed to the rapid spread of a fire there in June in which some 80 people died. ZH_REF: 英国警方已经表示,他们认为伦敦格伦费尔大楼的隔热和覆面板系统的问题可能是导致 6 月份火迅速蔓延的原因,这场大火造成约 80 人死亡大。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,我们的人,是为了使他们的缘故,他们的气息,是为了使他们的心惊肉跳,而不是在那里,他们的力量是在那里,而不是在那里,是的,是的。了了 EN: The Williams team also suggested that Massa might return, even though he had already announced his retirement. ZH_REF: 威廉姆斯车队还暗示马萨有可能会重返,尽管他已经宣布了退役。 -ZH_HYP: 1.. +ZH_HYP: 他的意思是,你的意思是,我们的,是的,是的,也是为了让他们的,而不是为了自己的利益而去,因为他们是在一起,而不是在那里,是为了给别人的((的的 EN: January 9 is just a month away from the PyeongChang Winter Olympics. As the Olympic torch relay moves north, warm-ups and intense preparations for the Games were carried out. South Korea was warming up for the Winter Olympics. ZH_REF: 1月9日距离韩国平昌冬奥会开幕仅剩一个月,随着奥运圣火从南向北的传递预热和各项筹备工作紧锣密鼓地进行,韩国国内的冬奥气氛日益浓厚。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),在进行中,我们将用铁锤,用它来进行,而不是在(中),它是在中,它是在你的,是的,它的意思是:“你的意思是什么?了了?了””””””””””””” EN: Public opinion in South Korea hope that this long-waited North-South Dialog would lead to an “Easter egg” (nice surprise) for the countdown to the PyeongChang Winter Olympic Games. ZH_REF: 韩国舆论期待这一久违的朝韩会谈,能为平昌冬奥会倒计时一个月带来一颗“彩蛋”。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的意思是,他们的意思是,他们的意思是:“你的意思是,他们的意思是,”“我的意思是,”他说,“你的意思是,”“我是在你的。” EN: The Winter Olympic torch arrived in South Korea on November 1 last year. ZH_REF: 去年11月1日,平昌冬奥会圣火抵达韩国。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】(),我们的生活方式是,他们的意思是,它是在为你带来的,而不是在他们的上,也是为了给别人带来的,而不是太多了 EN: The fervor stirred up by the Olympic torch is directly reflected on the sale of admission tickets for the PyeongChang Winter Olympics. ZH_REF: 圣火掀起的热潮直接反映在了平昌冬奥会的门票销售上。 -ZH_HYP: 1.. +ZH_HYP: 5.a.............................................................. EN: A little over two months ago, the proportion of tickets sold lingered at 32% for the PyeongChang Winter Olympics, and a mere 4.3% for the Winter Paralympics. The sluggish ticket sales caused concern among the outside world about the popularity of the PyeongChang Winter Olympics at one point. ZH_REF: 就在两个多月前,平昌冬奥会门票销售率还只徘徊在32%,冬残奥会门票销售率更是只有4.3%,低迷的门票销售率一度令外界对平昌冬奥会的人气倍感担忧。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是在一个大的地方,它是在用的,而不是在他们的中,是在为他们的时候,才会有多大的,而不是在比赛中,而不是在等方面,而是要用的。了了 EN: However, just as the Chairman of the PyeongChang Organizing Committee for the 2018 Olympic & Paralympic Winter Games, Lee Hee-Beom predicted, “As the Winter Olympic torch is carried and passed on across South Korea, interest in the Winter Olympics will rise. I believe that ticket sales will turn around very quickly”. ZH_REF: 但正如平昌冬奥会组委会主席李熙范不久前对记者预测的那样,“随着冬奥会圣火在韩国各地传递,冬奥会的热度日益高涨,相信门票销售状况很快就会好转”。 -ZH_HYP: 1.. +ZH_HYP: 但是,在这个过程中,我们的人都是这样的,因为它是在为自己的,而不是在比赛中,他们都会在比赛中获得胜利,所以,你的心就会在那儿,而不是在高处,而是要在那儿 EN: South Korean media reported that as of January 3, the proportion of tickets sold for the PyeongChang Winter Olympics has reached 64%, and that for the Paralympics has also exceeded 50%. ZH_REF: 据韩国媒体报道,截至1月3日,平昌冬奥会门票销售已达到64%,冬残奥会门票销售率也突破了50%。 -ZH_HYP: 1.. +ZH_HYP: 在任何情况下,都是由衷的,而不是在,我们的人都是为了得到的,而不是在他们的身上,而是在他们的上司,而不是在那里,也是为了赢得了他们的服务,而这是对他的最严重的影响。。 EN: To encourage foreigners to come to watch the Games, South Korea’s Ministry of Justice has also announced on the 8th that foreigners who visit the country for the PyeongChang Winter Olympics may extend their stay for up to 120 days. ZH_REF: 为鼓励外国人赴韩观赛,韩国法务部8日还宣布,将为访韩观看平昌冬奥会的外国人延长在韩停留时间,最长可停留120天。 -ZH_HYP: 1.. +ZH_HYP: (美国)(),这是对的,我们的愿望是,在那里,他们的愿望是为了让自己的力量去追逐,而不是在那里,他们的表现为:(),我们要在那里去做 EN: More than 1 in 5 US travellers carry prohibited items onto aircraft, survey finds ZH_REF: 调查发现,超过五分之一的美国旅行者携带违禁物品登机 -ZH_HYP: 1.. +ZH_HYP: 在任何情况下,都是为了使我们的人都有机会,他们的工作是为了得到的,而不是为了他们的,而不是在他们的上司,而是在他们的工作中,才是为了得到更多的保护的的的的的的的 EN: A survey of airline passengers found that more than 20 per cent had knowingly or unknowingly smuggled prohibited items past the US Transportation Security Administration checkpoints onto the aircraft, including at least 6 per cent who boarded the plane while unintentionally carrying prohibited knives or other bladed objects. ZH_REF: 一项针对飞机乘客的调查发现,超过 20% 的乘客曾故意或非故意夹带非法物品通过美国运输安全管理局检查站登机,其中至少有 6% 的乘客非故意携带违禁刀具或其他带刃物登机。 -ZH_HYP: 1.. +ZH_HYP: 在其他情况下,我们的工作是不可能的,因为他们的货物被偷了,而他们的待遇是在他们的,是为了得到的,而不是在他们的身上,要么是为了逃避的,而不是在其他地方,要么是如此的,要么是错误的。 EN: Less than 1 per cent claimed that they discovered belatedly that they had mistakenly travelled with firearms, ammunition or explosives. ZH_REF: 不足 1% 的乘客宣称他们事后才发现误带枪支、弹药或爆炸物旅行。 -ZH_HYP: 1.. +ZH_HYP: (4)如果有,就会被认为是为了使他们的缘故,而不是在他们的脚趾中,而不是在他们的脚趾中,或在我的脚趾上,把它的东西弄得太平了 EN: The survey of more than 1000 people - which was conducted by a jet-chartering service Stratos Jet Charters Inc. - also found that younger travellers were more likely to flout the rules. ZH_REF: 这项针对超过 1000 人的调查由包机服务公司 Stratos Jet Charters Inc. 进行,调查还发现,年轻旅行者更可能公然无视规定。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),这条纹的人,是用的,是的,是的,是的,是的,是的,也是为了使他们的缘故而被人的,而不是在他身上的,是对的,是对的,我们的意思是 EN: Of the respondents who admitted knowingly trying to fly with something banned by the TSA, 19.7 per cent were millennials, compared with less than 15 per cent who were members of Generation X. ZH_REF: 承认曾试图故意携带 TSA 违禁物品登机的回答者中,有 19.7% 为千禧世代,相比之下 X 世代人群不足 15%。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),这是指甲的,是在不可能的,而不是在他们的中,是在说谎的,而不是在他们的上方,而是要比别人的好意,因为它是对的,而不是最多的 EN: The most common items whisked past TSA agents on purpose were food and liquids. ZH_REF: 最常见的故意溜过 TSA 安检人员的物品是食品和饮料。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),是用不对的,有的,是的,是在说谎的,是在说谎的,是在说谎的,是为了使我们的工作变得更有价值的了(( EN: More than 3 per cent admitted knowingly carrying bladed items past security, while 2.2 per cent of female respondents and 3.7 per cent of male respondents also acknowledged intentionally carrying prohibited drugs onto the aircraft. ZH_REF: 超过 3% 的人承认曾故意携带带刃物过安检,而 2.2% 的女性回答者和 3.7% 的男性回答者也表示曾故意携带违禁药物登机。 -ZH_HYP: 1.. +ZH_HYP: 在美国,有的是,有的是,他们的缺点是,在做的事,是为了使自己的心烦起来,而不是在他们的身上,也是为了保护自己的,而不是在别人身上,也是对的,而不是对你的反应 EN: The company said it surveyed travellers around the country to find out how many had accidentally brought contraband through airport security and how many had done so on purpose. ZH_REF: 该公司称此次调查全国旅行者是为了了解意外携带和故意携带禁运品过飞机安检登机的人数。 -ZH_HYP: 1.. +ZH_HYP: 他的名声是,在这里,我们都是为了得到的,而不是为了使他们的缘故,更不用说,他们的事也是为了得到的,而不是为了给别人带来的,而不是在那里,而是要在那里的一切 EN: It's no surprise that the people most likely to haul contraband past security - knowingly or unknowingly - were those who fly the most. ZH_REF: 并不意外的是最可能携带禁运品过安检的人——故意或非故意——是那些飞得最频繁的人。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)()(),这是个谜语,是我们的,是在不可能的,是为了让自己的力量而努力,而不是在那里,要么是在那里,要么是为了提高他们的能力而去做的事了了了了的的的的 EN: As the company points out, however, the TSA guidelines are somewhat complicated and confusing. ZH_REF: 然而,该公司指出 TSA 指南有点复杂难懂。 -ZH_HYP: 1.. +ZH_HYP: (美英)(这)是,我们的处境也是,他们的缺点是,从某种意义上,我们的不已,是为了让自己的力量而去,而不是太多了,因为它是对的,而不是最需要的,也是的的的的的的的的的的 EN: People are often uncertain of what liquids they can carry or how much of them. ZH_REF: 人们通常不确定可以携带何种以及多少液体。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,他们的意思是,他们的意思是,他们的意思是,和(或)的,是对的,而不是为了给别人的,而不是在哪里? EN: So it's no surprise that the largest amount of stuff seized by the TSA happens to be forbidden liquids. ZH_REF: 因此 TSA 缴获最多的正好是违禁液体也就不奇怪了。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)()(),我们的东西是在不可能的,因为它是在被人用的,是的,是的,是的,是的,是的,是的,是的,是对的,而不是最需要的,也是的的 EN: For a time, people thought the TSA might be treating books as contraband. ZH_REF: 人们曾一度认为 TSA 可能将书本也当成了禁运品。 -ZH_HYP: 1.. +ZH_HYP: (4)a:(),(),我们的人,都是为了使他们的缘故,而不是为了自己的利益而去,因为他们的事也是为了得到的,而不是在他们的身边,而是要在我们的工作中去掉的的 EN: Liquids are allowed on domestic flights, but not on international ones. ZH_REF: 国内航班允许携带液体,但国际航班则不允许携带。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: EPA Chief Pruitt Backtracks on Delaying Obama-Era Rules to Reduce Emissions ZH_REF: 美国环保局局长普鲁特对奥巴马时代的减排条例改变主意 -ZH_HYP: 1.. +ZH_HYP: (美英)(一),我们的产品,是为了使自己摆脱困境,而不是在自己的面前,为自己的力量而努力,而不是在那里,也是为了让人感到厌倦了,那是对的,我们的态度也是最坏的 EN: One day after getting sued by 15 states, Environmental Protection Agency chief Scott Pruitt reversed his earlier decision to delay implementation of Obama-era rules reducing emissions of smog-causing air pollutants. ZH_REF: 在被 15 个州起诉一天后,环境保护局局长斯科特·普鲁特改变了他早先推迟实施奥巴马时代减少烟雾空气污染物排放规定的决定。 -ZH_HYP: 1.. +ZH_HYP: 5.a.................................................................. EN: Pruitt presented the change as his agency being more responsive than past administrations to the needs of state environmental regulators. ZH_REF: 普鲁特提出作出这个改变,因为相比以前的政府,环境保护局能够针对环境监管州立机构的需求作出更快速的反应。 -ZH_HYP: 1.. +ZH_HYP: (k)【句意】(这是我的意思),因为我们的工作是为了使自己的事业变得更容易了,而不是为了让人感到厌倦,而不是在他们的时候,才会有更多的东西,而不是最需要的,是什么? EN: He made no mention of the legal challenge filed against his prior position in a federal appeals court. ZH_REF: 他没有提及联邦上诉法院针对他的前任职位提起的法律挑战。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是对不对的,也是为了使他们的缘故,而不是为了给他们带来麻烦,因为他们的工作是在他们的,是为了得到的,而不是在那里,要么是为了得到更多的 EN: At issue is an Oct. 1 deadline for states to begin meeting 2015 standards for ground-level ozone. ZH_REF: 争议的焦点是设置 10 月 1 日为各州开始实现 2015 年地面臭氧标准的最后期限。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),是,我们的事,是为了使自己的心从容中,而不是在他们的面前,为自己的力量而去,而不是在那里,是最坏的,是的,是的,是的,是的。了 EN: Pruitt announced in June he would delay compliance by one year to give his agency more time to study the plan and avoid "interfering with local decisions or impeding economic growth." ZH_REF: 6 月份,普鲁特宣布他将延迟履约一年,以便让环境保护局有更多时间研究该计划,避免“干扰当地决策或阻碍经济增长”。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为它是在用它的方式来进行,而不是在他的身上,而是用它的方式来进行,而不是在(或)上,使它变得更高,因为它是指甲的,而不是 EN: Pruitt, who was Oklahoma's state attorney general prior to his appointment by President Donald Trump, has long served as a reliable opponent of stricter environmental regulations. ZH_REF: 在被唐纳德·特朗普总统任命之前,普鲁特是俄克拉何马州总检察长,长期以来反对环境法规的严格化。 -ZH_HYP: 1.. +ZH_HYP: (美国)(4)................................................................ EN: Since arriving in Washington, Pruitt has repeatedly moved to block or delay regulations opposed by the chemical and fossil-fuel industries. ZH_REF: 自从抵达华盛顿以来,普鲁特一再转而阻止或推迟化学和化石燃料行业反对的法规。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为它是在用的,而不是在他们的中,用了,把它的东西弄得太平了,要么是在用的,因为它是由谁来的,而不是在哪里? EN: Wednesday's sudden reversal is the latest legal setback for Pruitt's regulatory rollback agenda. ZH_REF: 周三的突然反转是普鲁特监管转返议程上一项最新的法律障碍。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),这是不可能的,因为它是在用的,而不是在,它是由谁来的,而不是在说谎的,而是要用的,来的,是的,是的,是的,是的。 EN: Last month, a federal appeals court in Washington ruled the EPA administrator overstepped his authority in trying to delay implementation of an Obama administration rule requiring oil and gas companies to monitor and reduce methane leaks. ZH_REF: 上月,华盛顿联邦上诉法院裁定环境保护局局长越权,试图推迟执行奥巴马政府要求石油和天然气公司监控和减少甲烷泄漏的规定。 -ZH_HYP: 1.. +ZH_HYP: 在这一情况下,一个人的错误是,他们的理由是,他们的意思是,他们的意思是,他们的意思是,它是为了保护自己的,而不是在那里,也是为了控制的,而不是太多了 EN: In a statement issued Wednesday evening, Pruitt suggested his about-face on ozone standards simply reinforced the EPA's commitment to working with states through the complex process of meeting the new standards on time. ZH_REF: 在周三晚上发布的一份声明中,普鲁特提出他对于臭氧标准的态度大转弯,表示要加强环境保护局的承诺,与各州展开合作,采取复杂的程序达成新标准。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,一个人的名字是,他们的意思是,他们的意思是,在他们的上,对的,对的,是对的,而不是在你的身上,也是为了提高它的效率,而不是太多了的的的的的的的的 EN: "Under previous administrations, EPA would often fail to meet designation deadlines, and then wait to be sued by activist groups and others, agreeing in a settlement to set schedules for designation," said Pruitt, who sued EPA more than a dozen times in his prior job. ZH_REF: 普鲁特表示,“在以前的政府管理下,环保局通常达不到指定的期限,然后等激进团体和其他人士起诉,再同意通过协议确定指定时间表。”他在以前的工作中对环境保护局发起十几次起诉。 -ZH_HYP: 1.. +ZH_HYP: 在其他方面,一个人的责任是,他们的愿望是不可能的,而不是为了得到更多的钱,而不是在他们的面前,才会有可能的,而不是在别人身上,而是要在别人的时候,要有多的时间来 EN: "We do not believe in regulation through litigation, and we take deadlines seriously. ZH_REF: “我们不相信通过诉讼进行的监管,我们认真对待最后期限。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: We also take the statute and the authority it gives us seriously." ZH_REF: 我们也认真对待法规和当局。” -ZH_HYP: 1.. +ZH_HYP: (4)【句意】我们的意思是,我们的意思是,在这方面,我们都有了,因为它是为了让自己的力量而努力,而不是在那里,也是为了让人感到厌倦了的的的的的的的的的的的的的的 EN: Still, the EPA's statement said Pruitt may at some point once again use his "delay authority and all other authority legally available" to ensure regulations "are founded on sound policy and the best available information." ZH_REF: 尽管如此,环保局的声明表示,普鲁特可能再次使用他的“延期授权和所有其他合法可用的授权”来确保各项规定符合“良好的政策和可用的最佳信息”。 -ZH_HYP: 1.. +ZH_HYP: 然而,在任何情况下,我们都会被人的伤害,而不是为了自己的利益而被人抓住,而不是为了得到更多的保护,而不是在他们的面前,才会被人所为,而不是在其他地方,也是最重要的。 EN: Republicans in Congress are pushing for a broader rewrite of the ozone rules. ZH_REF: 国会中的共和党人正在推动大范围改写臭氧层条例。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: A House bill approved last month seeks to delay implementation of the 2015 rules at least eight years. ZH_REF: 上月批准的众议院法案旨在使 2015 年规则推迟至少八年实施。 -ZH_HYP: 1.. +ZH_HYP: 5.a.................................................................. EN: The measure has not yet been brought to a vote in the Senate. ZH_REF: 这项措施尚未在参议院投票。 -ZH_HYP: 1.. +ZH_HYP: (a)(一),这也是由我们来的,而不是在他们的中,是为了使他们的工作变得更有价值,因为他们的工作是在(d)的,是在为别人而来的。的的的的的的的的的的的的 EN: New York Attorney General Eric Schneiderman, who led the coalition of states that sued the EPA this week, said the group intends to keep up the legal pressure. ZH_REF: 纽约州检察长埃里克·施耐德曼领导各州联盟本周起诉美国环保局,称其打算维持法律压力。 -ZH_HYP: 1.. +ZH_HYP: (美国)【句意】他的意思是,我们的人,是为了让他们的,而不是为了自己的利益而去,而不是为了让他们的,而不是为了自己的力量而去,要么是在说谎的,是对我们的事了。了了了了了了 EN: "The EPA's reversal - following our lawsuits - is an important win for the health and safety of those 6.7 million New Yorkers, and the over 115 million Americans directly impacted by smog pouring into their communities," Schneiderman said. ZH_REF: 施耐德曼说:“美国环保局的反转 – 在我们提起诉讼之后 - 对于 670 万纽约人的健康和安全来说是具有重要意义的胜利,有超过 1.15 亿美国人的社区直接受到烟雾排放的影响。” -ZH_HYP: 1.. +ZH_HYP: “”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。 EN: New York was joined in the case by California, Connecticut, Delaware, Illinois, Iowa, Maine, Massachusetts, Minnesota, New Mexico, Oregon, Pennsylvania, Rhode Island, Vermont and Washington, and the District of Columbia. ZH_REF: 加利福尼亚州、康涅狄格州、特拉华州、伊利诺伊州、爱荷华州、缅因州、马萨诸塞州、明尼苏达州、新墨西哥州、俄勒冈州、宾夕法尼亚州、罗德岛州、佛蒙特州和华盛顿州以及哥伦比亚特区都加入纽约州的行列,参与到这个案件当中。 -ZH_HYP: 1.. +ZH_HYP: 在美国,有的是,有的是,他们的生活,是在一起,是,他们是在一起,是的,是的,是的,是的,是的,是的,是的,是的,也是在国际上的,而不是在哪里? EN: Ground-level ozone is created when common pollutants emitted by cars, power plants, oil refineries, chemical plants and other sources react in the atmosphere to sunlight. ZH_REF: 地面臭氧是汽车、发电厂、炼油厂、化工厂和其他来源排放的常见污染物在大气中阳光照射下产生反应而形成的。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在其他方面,我们的产品是用的,而不是用它来的,因为它是用的,它的意思是,它是由你所控制的,而不是在那里,它是由你所造成的,的 EN: The resulting smog can cause serious breathing problems among sensitive groups of people, contributing to thousands of premature deaths each year. ZH_REF: 由此产生的烟雾会给敏感人群造成严重的呼吸问题,每年造成数千人过早死亡。 -ZH_HYP: 1.. +ZH_HYP: (四)(一)不允许的,因为它们的安全,是为了使它们的失常而变得更容易,而不是为了使他们的心智而变得更严重,而且是在我们的时候,要把它给的,是的,是的,是的。 EN: Public health advocates and environmentalists cheered Pruitt's surprising change of course. ZH_REF: 当然,公共健康倡导者和环保人士为普鲁特令人惊讶的转变感到欢呼。 -ZH_HYP: 1.. +ZH_HYP: (k)(一),是用不对的,而不是在乎的,因为它是在用的,而不是在说谎,而是要用的,让它的力量和它的力量去掉,而不是最坏的,是什么? EN: "It's disturbing how much pressure it took to get this commonsense step from the guy in charge of protecting the air we breathe," said Lori Ann Burd of the Center for Biological Diversity. ZH_REF: 生物多样性中心的洛里·安·伯德表示:“令人感到不安的是,这个常识性措施遭到来自保护我们呼吸所需空气的部门负责人的巨大压力。” -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................ EN: "We've got to keep fighting the Trump administration's ideological crusade to pander to polluters and special interests." ZH_REF: “我们必须与特朗普政府为迎合污染者和特殊利益群体的思想运动斗争到底。” -ZH_HYP: 1.. +ZH_HYP: “我们的目的是,”“是,”“是,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。。。。。。 EN: In addition to the external factor of rebounding steel prices, enterprises are also forging arduously ahead on the path of lowering costs. ZH_REF: 除了钢价回暖的外部因素,企业也在降低成本的路上艰难行进。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),(),我们的外套是为了使他们的工作变得更糟,而不是在他们的身边,在那里,他们的工作是为了得到的,而不是在那里,要么是为了得到更多的保护 EN: As enterprises resume production on a large scale, steel prices have begun to fall. ZH_REF: 伴随着企业大面积复产,钢价开始趋于回落。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),是不对的,因为它是在用的,而不是在,它的意思是,它是由它来的,而不是在上方,它的意思是:的的的 EN: At present, both China Iron and Steel Association and the National Bureau of Statistics have yet to release June’s earnings figures for the steel industry. ZH_REF: 目前中钢协和国家统计局均未发布6月钢铁行业盈利数据。 -ZH_HYP: 1.. +ZH_HYP: 但如果是,在这个问题上,我们就会有更多的东西,而不是在他们的上方,而不是在那里,也是为了让他们的工作而去,因为他们是在一起,是为了给别人带来的,的 EN: Beijing Railway Administration revealed that railway transportation for the 2017 Spring Festival will begin on January 13 and end on February 21, a total of 40 days. ZH_REF: 从北京铁路局获悉,2017年铁路春运自1月13日起至2月21日止,共计40天。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),在这一过程中,我们将在2002年12月31日之前到达,并在其他国家中,以示放弃,以达到最高的标准,并将其视为是为了使之更有可能的 EN: My goal was to learn about the state of artificial intelligence -- where we're further along than people realize and where we're still a long ways off. ZH_REF: 我的目标是了解人工智能的现状——我们目前的进步远超人们的预期,但仍有很长的路要走。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),我们的人都是为了使自己的处境更多,而不是在他们的身边,他们就会被人所迷惑,而不是在那里,要么是为了让人感到羞耻的,是的,是的,是的,是的。 EN: Yesterday, two land parcels at Fangshan and Daxing, offered for tender on-site, were transacted for a total of RMB1,845.2 million. ZH_REF: 昨日,位于房山、大兴的两宗土地迎来现场竞拍,两宗地块总计以18.452亿元成交。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的名字,是为了使自己的事业变得更容易,而不是为了自己的,而不是在那里,而是为了得到的,而不是在那里,而是为了给别人带来的,而不是在他身上的东西,而是要用的 EN: Recently, Japanese anime film “Your Name” was a massive hit in Asia. In Japan, this film became the first film after “Spirited Away”, directed by Hayao Miyazaki, to exceed JPY20 billion in 15 years, taking second place in box office rankings. ZH_REF: 近期,日本动画《你的名字》风靡亚洲,在日本,该片成为宫崎骏导演的《千与千寻》之后,15年来首次破200亿日元的影片,跃居票房排行榜第二位。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的名字是由“大”的,在这方面,它是由“黑帮”的,它是在中国,它是在“五一”,它的意思是:“你的意思是什么?了了了了了”了””””””””””””””” EN: Since the second half of 2009, sales (volume) of Xiaoshan’s flowering trees and shrubs have remained relatively buoyant. This Spring in particular, sales of Xiaoshan’s seedlings recorded a historic high. Sales volume grew significantly and prices jumped. Statistics revealed that for the first six months of the year, the sales revenue of seedlings in the Xiaoshan District increased by 48% year-on-year, and the magnitude of the growth rate was the biggest in nearly 20 years. ZH_REF: 自2009年下半年以来,萧山花木销售量(额)一直保持较高态势,特别是今春,萧山苗木销售再创历史新高,销量大增、价格大涨,据统计,今年1至6月萧山区实现苗木销售收入比去年同期增长48%,增长幅度之大为近20年之最。 -ZH_HYP: 1.. +ZH_HYP: 由于其原因,销售量是在2000年的月,而亚洲的增长速度,而其他的则是其销售量的增长,而其在中国的最高水平(如:年)和年产量的增长速度快,而在中国的高产量中,只有1.4% EN: Shi Haiyong, Deputy Director of the Xiaoshan Forestry Bureau, said that the production of Xiaoshan’s flowering trees and shrubs also grown rapidly along with the positive sales trend. ZH_REF: 萧山区林业局副局长施海勇表示,伴随良好的销售形势,萧山花木生产也取得了较快的发展。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(二)小子,是指甲,在里面,是在不可能的,也是在不断成长的,是在不断成长的,而不是在那里,它是由你所能的,是的。的的的的 EN: In the last two years, the planting acreage of Xiaoshan’s flowering trees and shrubs have expanded by 30,000 mu, with total area at 180,000 mu. At the same time, expansion is being actively carried out outside the region. Xiaoshan’s farmers have been setting up flowering tree and shrub bases totaling 80,000 mu across the country, an increase of 30,000 mu from that in 2008. ZH_REF: 近两年萧山花木种植面积扩大了3万亩,总面积达到了18万亩;同时积极向区外发展,萧山苗农在全国各地建立花木基地达到8万亩,比2008年增加了3万亩。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,中国的生活方式是由一个人组成的,而这是由其组成的,而这是在2000年的,其人口的增长速度超过了300000人,而这是在800米的中国,而在中国的地区 EN: While expanding planting acreage, the quality of the seedlings have also continued to improve; the existing value of the nurseries has been rising. More large specimen and high quality seedlings have been preserved, and sellers have been reluctant to sell some seedlings. ZH_REF: 在种植面积扩大的同时,苗木质量也不断提高,苗圃圃存价值不断提升,大规格、高品质的苗木留存较多,部分苗木出现惜售现象。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的性格,是一种不稳定的,因为他们的东西是在用的,而不是用它来的,而是要用的,因为它的意思是“”“”“”“”“”“”“”“”“”说!。!!!!!!。。。。 EN: Shi Haiyong also said that confronted with the current buoyant peak production and sales period, producers should calmly face and objectively analyze the situation, and take into consideration that the demand for flowering trees and shrubs is long term and will continue to increase. At the same time, they should also be aware that market competition will intensify. ZH_REF: 施海勇还提醒,面对目前产销两旺的繁荣景象,生产者应该冷静面对、客观分析,既要看到社会对花木的需求将是长期、不断增加的,同时也要认识到市场竞争将更加激烈。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的性格,是一种不稳定的,而不是在他们的面前,而是在不断地改变,而不是在不断地把它的东西推向,也会使人感到很不舒服,而且也是在不断地进行的。 EN: July 13 morning Beijing Time. US-based Somaltus filed a lawsuit in the U.S. District Court for the Eastern District of Texas accusing Apple of infringing on a battery technology patent it applied for in 2010. ZH_REF: 北京时间7月13日上午消息,美国Somaltus公司向东德克萨斯地区法院提交诉讼,指控苹果侵犯其2010年申请的一项电池技术专利。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在这方面,我们的态度是,他们的运气,是为了使他们的利益而被人用,而不是在他们的时候,才会有可能的,是在那里,是的,是的,是的。了 EN: The company had previously used the same patent to sue Asus, Lenovo, Samsung, Sony and Toshiba. ZH_REF: 该公司之前也曾用同样的专利起诉过华硕、联想、三星、索尼和东芝。 -ZH_HYP: 1.. +ZH_HYP: (k)【句意】(a)【句意】我们的意思是,它是在为自己的,而不是在,它是由你所做的,而不是在那里,它是由你所做的,是的,是最重要的 EN: The lawsuit claimed that iPhone 6s and Apple equipment similar to it have violated US Patent No. 7,657,386, which is known as “Integrated battery service system”. ZH_REF: 该诉讼称,iPhone 6s和与之类似的苹果设备均侵犯了7,657,386号美国专利,该专利名称为《综合电池服务系统》。 -ZH_HYP: 1.. +ZH_HYP: 在这一情况下,我们的名字是,是为了使自己的工作变得更糟,而且是为了使他们的服务而被淘汰,而不是在美国,他们是在那里,是为了保护他们的,而不是(e)的的的的的的的的的的的的的的的的 EN: The plaintiff is seeking monetary damages or royalties on the infringing equipment upon announcement of the verdict. ZH_REF: 原告希望获得现金赔偿,或者针对判决宣布后的侵权设备收取专利费。 -ZH_HYP: 1.. +ZH_HYP: 在这一情况下,对其进行了修改,以使其成为了一个错误的对象,而不是在(或)上,它是由它的,它的意思是,它的意思是:“你的力量”了 EN: According to the indictment, the plaintiff appears to believe that iPhone’s fast-charging technology jas violated the former’s patent. ZH_REF: 从起诉书判断,原告似乎认为iPhone的快充功能侵犯了该公司的专利。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,你的意思是,他们的意思是,我们的,是的,是的,是的,是的,是的,是的,是的,是的,而不是什么? EN: iPhone’s fast-charging function charges the battery quickly until to 80% of its capacity, then switches to slower trickle charging. ZH_REF: 具备快充功能的iPhone会快速将电量充到80%,之后再进行涓流充电。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),我们的口号是,用的,是用的,是用的,而不是在用的,因为它是在用的,而不是在上方,而是要用的,要有多的,要有的 EN: Somaltus is actually a so-called “patent troll” because the company does not provide any apparent product or service, and it is hard to find any information on the company online. ZH_REF: Somaltus其实是一家所谓的“专利流氓”,因为该公司并不提供明显的产品和服务,而且在网上很难查找到相关信息。 -ZH_HYP: 1.. +ZH_HYP: (a)【句意】(b),这是个错误的,因为它是由你所做的,而不是在他身上,也是为了给别人带来的,而不是在他们的上司机上,也是不可能的,因为我们的人是在一起的。 EN: However, it has successfully reached out-of-court settlement with auto makers such as Ford and Nissan with this patent. ZH_REF: 然而,他们已经成功就这项专利与福特和日产等汽车厂商达成了庭外和解。 -ZH_HYP: 1.. +ZH_HYP: 但是,在这一过程中,我们的态度是,在做得很好的时候,也是为了使他们的工作变得更糟,因为他们是在说谎的,是对的,而不是为了给你带来的,而不是太多了 EN: The meeting believed that accelerating information development; promoting interconnection and integration, as well as efficient utilization of resources; and enhancing the level of digitization and intelligence in industry would have great significance for advancing “Made in China 2025”; entrepreneurship and innovation by the masses; developing new drivers; and raising the standard of living for the masses. ZH_REF: 会议认为,加快信息化发展,促进资源互联集成、高效利用,提升产业数字化、智能化水平,对推动“中国制造2025”和大众创业、万众创新,培育新动能,提高群众生活品质,意义重大。 -ZH_HYP: 1.. +ZH_HYP: 50.研究的目的是,为使人的发展更加开放,并使其成为贸易,而非促进经济发展;(b)提高人们对其经济的认识;以及(d)在国际上,以最大限度地发挥其作用,并使其成为一种新的、更有价值的 EN: “At Café 6”, a Taiwanese movie about the relationship of a group of youths, starring Dong Zijian, is a film competing for the current film festival’s media award. “De Lan”, another movie in which he is the leading actor, has also been shortlisted for the Golden Goblet Award. ZH_REF: 由董子健主演的台湾热血青春片《六弄咖啡馆》是本届电影节传媒大奖竞赛片,另一部由他主演的华语片《德兰》更入围主竞赛单元争夺金爵奖。 -ZH_HYP: 1.. +ZH_HYP: (美英)(美式),是一种在做作的,而不是在其他的事物上,也是在为自己的,而不是在为自己的,而不是在为自己的服务,而是在为“而”的意思上说的的的 EN: The 23-year-old, dressed in a camouflage T-shirt and black sweat pants, looked young and radiant. As there were not enough chairs in the interview room, he sat on the floor and said, “Let’s start. Chatting like this isn’t half bad.” ZH_REF: 今年23岁的他,身穿迷彩T恤、黑色运动裤,一身青春阳光。因为采访间的椅子不够,他就直接坐在了地上,说:“来吧,就这样聊挺好的。” -ZH_HYP: 1.. +ZH_HYP: (美)(美)(美),用力差,用完的,把它的东西放到一边,也是很好的,因为你的心都是在说谎的,而不是在他的身边,你的心就会被人的。了了了 EN: It was earlier revealed that the railway department would enhance the capacity of and remodel the 12306 website, and launch new services during the Spring Festival transportation ticket purchase period. Identifying codes for close to 60% of railway tickets will no longer be required. ZH_REF: 据此前透露,铁路部门对12306网站进行扩容改造,春运购票期间推出新服务,近六成车票不再需要使用验证码。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个大的错误,是,我们的工作是为了使他们的服务变得更容易,而不是为了让他们的服务而去,而不是在那里,他们的工作就会被打败了。的了了了了了了了了了了了了了了了 EN: Trump pressured Mexico on border wall payment according to leaked phone call transcripts ZH_REF: 据泄露的电话记录显示,特朗普曾向墨西哥施压要求支付边境筑墙费用 -ZH_HYP: 1.. +ZH_HYP: (k)【句意】(我们)的意思是,你的意思是,他们的意思是,他们的意思是,你的意思是,你要把它的钱给我,也是为了让你的,而不是在一起,还是要把它的东西分给你 EN: Transcripts of phone calls between US President Donald Trump and leaders of Mexico and Australia have been leaked by the Washington Post. ZH_REF: 《华盛顿邮报》泄露了美国总统唐纳德?特朗普与墨西哥和澳大利亚领导人之间的通话记录。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),我们的人,是,他们都是在,是为了把他们的东西弄到,而不是在他们的面前,把它放在一边,还是要把它的东西弄得太平了了了了了了了了了了 EN: On 27th January in a phone call to Mexican president, Enrique Pena Nieto, Trump urged him to stop publicly saying he would not pay for a proposed border wall. ZH_REF: 1 月 27 日,在向墨西哥总统恩里克·佩纳·涅托通话中,特朗普敦促他停止公开表示不会支付拟建边界墙的费用。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,一个人的名字是,他的意思是,他们的意思是,他们的意思是,他们的意思是,你的意思是,你要把它的钱给我,也是为了支持他的,而不是太多了了了的的的的的 EN: The US President berated him for publicly denouncing the wall, reportedly saying to him "You cannot say that to the press." ZH_REF: 据报道,美国总统对他公开抨击隔离墙表示不满,据称普特朗曾对他说:“你不要告诉媒体。” -ZH_HYP: 1.. +ZH_HYP: (n)()(),我们的意思是,在这一点上,我们都不喜欢它,因为他们的意思是,他们的意思是,他们的意思是,要把它给你的,是的,是的,是的,是的,是的,是的。 EN: Trump launched his presidential campaign on a promise to build a wall along the US southern border and vowed to make Mexico pay for the project. ZH_REF: 特朗普在总统竞选活动中承诺在美国南部边界建造隔离墙,并郑重宣布要让墨西哥就该项目付费。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: Transcripts of his first call with Australian Prime Minister Malcolm Turnbull were also published revealing a tense exchange. ZH_REF: 他与澳大利亚总理马尔科姆·特恩布尔之间的通话记录也被公布,该记录显示出他们之间紧张的交流。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),这条纹的人,都是用的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是对的,而不是对你的反应 EN: Mr Trump told Mr Turnbull a deal for the US to take on refugees headed for Australia was "ridiculous," "rotten" and "stupid," insisting the deal, brokered under the Obama administration, would make him look like "a dope" after he had proposed a ban on refugee resettlement in the US. ZH_REF: 特朗普告诉特恩布尔,美国承担难民遣送至澳大利亚的交易是“荒谬的”,“令人讨厌的”和“愚蠢的”,他曾建议美国禁止难民重新安置,而现在坚持奥巴马政府斡旋下的交易,这将使他看起来像是一个“傻瓜”。 -ZH_HYP: 1.. +ZH_HYP: (美国)的一个谜语是“不”,“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。。。 EN: Mr Trump ended the call after telling Mr Turnbull "this is the most unpleasant call all day." ZH_REF: 特朗普在告诉特恩布尔“这是今天最不愉快的通话”之后挂了电话。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: In his Nobel Prize banquet speech read by the United States Ambassador to Sweden, Bob Dylan said that he was out on the road when when he received news that he had won the award. “It took me more than a few minutes to properly process it.” ZH_REF: 在美国驻瑞典大使代为朗读的获奖感言中,迪伦表示收到获奖消息时还在巡演的路上,“我花了好一会儿的时间才反应过来”。 -ZH_HYP: 1.. +ZH_HYP: 在美国的一个大的过程中,有的是,你的意思是“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”说说。。。。 EN: Renowned Chinese tenor and folk song performer, Guo Song, passed away at the age 85 in Beijing at 7am today. ZH_REF: 今天上午7时,我国著名男高音歌唱家和民歌演唱家郭颂在北京去世,享年85岁。 -ZH_HYP: 1.. +ZH_HYP: (美英对照):“我们的是,在我们的过程中,有的是,它的颜色和它的区别,是为了使自己的力量而去,而不是在别人身上,而是在你的身上,”说 EN: Guo Song wrote and sang more than 50 works including “The New Goods Deliveryman”, “Wusuli Boat Song”, “I Love These Young People”, and “Heartwarming”. ZH_REF: 郭颂曾创作、演唱了《新货郎》、《乌苏里船歌》、《我爱这些年轻人》、《甜透了咱心窝》等50余首作品。 -ZH_HYP: 1.. +ZH_HYP: 5.a............................................................... EN: It is understood that the first lawsuit concerning graphene will be released next week. This has sounded the alarm for China’s graphene products’ trademark brands. ZH_REF: 据了解,下周有关石墨烯的首个诉讼案件将会发布,这将对中国石墨烯产品商标品牌敲响了警钟。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。 EN: Residential property prices in popular cities nationwide stabilized in November. In particular, prices stopped rising in Beijing, Shanghai and Shenzhen. Going forward, the level of residential property prices in some cities will continue to decline. ZH_REF: 11月份全国热点城市房价趋稳,其中京沪深止涨,未来部分城市房价水平将继续回落。 -ZH_HYP: 1.. +ZH_HYP: 5.1.在这一阶段,美国的经济是一个不公平的,它是在我们的,是为了使自己的利益而变得更糟,而不是在(e)上,而在其他情况下,他们都是在了,而不是在哪里? EN: Xinhua News Agency Seoul January 9 wire (Reporter: Lu Rui, Geng Xuepeng) South Korea and North Korea concluded high-level talks on the night of the 9th at Panmunjom. Both parties issued a joint declaration, having reached a consensus on North Korea participating in the PyeongChang Winter Olympic Games, the two parties holding military talks and other matters. ZH_REF: 新华社首尔1月9日电(记者陆睿 耿学鹏)韩国和朝鲜9日晚在板门店结束高级别会谈,双方发布共同声明,就朝方参加平昌冬奥会、双方举行军事部门会谈等事项达成一致。 -ZH_HYP: 1.. +ZH_HYP: 10.5."大人",是一个不公平的,是在一个贸易点,它是由一个人所产生的,而不是在那里,它是在9月1日和10日之间的,这是在中国的,是在一起的。 EN: According to the joint declaration issued by the two parties, North Korea will send a high-level delegation and the national Olympic Committee delegation to the PyeongChang Winter Olympics. ZH_REF: 根据双方发布的共同声明,朝方将派遣高级别代表团和民族奥林匹克委员会代表团参加平昌冬奥会。 -ZH_HYP: 1.. +ZH_HYP: 在任何情况下,都是由“黑海”的,而不是在它的中,是由它来的,它是由我来的,它是由我所做的,是为了给他们带来的,而不是在那里,的了 EN: In addition, North Korea will also send athletes, a group of cheerleaders, artists, reporters and other groups. South Korea will provide the necessary convenience in this regard. ZH_REF: 此外,朝方还将派遣运动员团、啦啦队、艺术团、记者团等团体访韩;韩方对此提供必要的便利。 -ZH_HYP: 1.. +ZH_HYP: 在其他方面,我们是为了使自己的事业变得更容易,而不是为了自己的,而不是在他们的身边,他们的工作,是为了得到的,而不是在那里,也是为了给别人带来的,而不是太多了了的的 EN: North and South Korea also reached a consensus on easing the current military tensions, and have decided to hold military talks. ZH_REF: 韩朝还就缓解当前军事紧张局势达成一致,并决定举行韩朝军事部门会谈。 -ZH_HYP: 1.. +ZH_HYP: (k)(一),在这方面,我们也要做,而不是为了使自己的处境更加危险,而不是为了使他们的处境更加危险,而不是在他们的中,才会有什么关系,因为你的意思是什么?了了了了了了了了了了了了了 EN: The report analyzed the results of a survey of 1,045 foreign tourists who visited Seoul in December last year. ZH_REF: 报告对去年12月访问首尔的1045名外国游客参与问卷调查的结果进行了分析。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),我们的事,是为了使他们的心从容中,而不是在他们的身边,在那里,他们的工作是在中途中,为你的,而不是在我的上方,你会有什么关系的 EN: The report indicated that the per capita spending for shopping by foreign tourists amounted to KRW1.06 million. ZH_REF: 报告指出,外国游客人均购物额为106万韩元。 -ZH_HYP: 1.. +ZH_HYP: (k)【句意】(a)【句意】我们的意思是,你的意思是,在那里,我们的工作是为了得到的,而不是为了给他们带来的,也是在你的上司,还是要花了,就会有多大的 EN: In particular, the per capita spending for shopping by Chinese tourists, at KRW2.13 million, was the highest; this was 6.5 times that of Japanese tourists and 3.2 times that of American and European tourists. ZH_REF: 其中,中国游客人均购物额最大,为213万韩元,达日本游客的6.5倍、美欧游客的3.2倍。 -ZH_HYP: 1.. +ZH_HYP: (美国)(美),这是个好的东西,是在做的,是的,是的,是的,是的,是在那里,也是为了赢得了................................ EN: With respect to the purpose for visiting Seoul, the answer from 62.2% of Chinese tourists was “shopping”; 94.4% of Chinese tourists purchased cosmetics. ZH_REF: 被问及来首尔旅游的目的,62.2%的中国游客回答“购物”,94.9%的中国游客购买化妆品。 -ZH_HYP: 1.. +ZH_HYP: (美英)(一),是,我们的产品是用的,是用的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: 96.3% of Chinese tourists shopped at urban duty-free shops, with per capita spending at KRW1.56 million. ZH_REF: 96.3%的中国游客在市区免税店购物,人均花费156万韩元。 -ZH_HYP: 1.. +ZH_HYP: (a)(一),在其他方面,我们的工作是由他们来的,而不是在他们的国家里,而不是在那里,他们的人都是为了得到的,而不是在那里,要么是为了得到更多的 EN: At TFBOYS’ third anniversary meet-the-fans event this year, Chen Junting served as the music producer of the event. ZH_REF: 今年,TFBOYS三周年粉丝见面会,陈俊廷担任了活动的音乐制作人。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),(),是在不可能的,我们的东西,是为了让自己的,而不是在他们的身边,在那里,是为了给别人带来的,而不是在乎的,是的,是的,是的。 EN: Moore's Ford Massacre: Activists Reenact Racist Lynching as a Call for Justice ZH_REF: 摩尔滩惨案:活动者再现种族主义私刑,伸张正义 -ZH_HYP: 1.. +ZH_HYP: (k)【句意】(a)【句意】我的意思是,你的意思是,他们的意思是,他们的意思是,我们的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: A 1948 Ford Mercury passed through a group of onlookers in rural Monroe, Georgia, and rumbled toward the small Moore's Ford Bridge. ZH_REF: 一辆 1948 年的福特水星汽车穿过佐治亚州门罗小镇的一群围观者,朝着小小的摩尔滩桥隆隆奔行。 -ZH_HYP: 1.. +ZH_HYP: (a)【句意】(a)【句意】我们的意思是,在这方面,我们的工作是由他们来的,而不是在那里,他们是在一起,还是要把它的钱包给你,是的,是的,是的,是的。 EN: Before the car, which had four black passengers and a white driver, could reach the bridge, a group of white men with guns stepped forward to block its path. ZH_REF: 车上载有四名黑人乘客和一名白人司机,在车抵达这座桥之前,一群带枪的白人走向前,堵住了汽车前进的路。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】(b)【句意】我们的意思是,它是在为你的,而不是在,它的意思是:“你的意思是,”他说,“你的意思是什么?了了?的了了?????””””” EN: The leader of the mob - a middle aged man in a pinstriped suit - took a long drag on his cigar and peered through the windshield. ZH_REF: 这帮暴徒的头儿 - 一名穿着细条纹西装的中年男子 – 深吸一口雪茄,眼睛瞥进挡风玻璃。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),(),是在不对的,是在不可能的,也是在为自己的,而不是在,他们的意思是,要把它的意思和好的意思联系起来,而不是太多了 EN: Inside, the occupants reeled in fear. ZH_REF: 车内乘客充满恐惧。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),(),(),(),(),你的背面是不对的,因为它的意思是,他们的意思是,要把它给的,是的,是的,是的,是的,是的,是的 EN: "We want that n----r Roger!" the man barked. ZH_REF: “我们想要 - 罗杰!” 那人喊道。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: "Get him out of the car!" ZH_REF: “把他从车里拖出来!” -ZH_HYP: 1.. +ZH_HYP: (美英对照),“我们的”是,“是”,“是,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。。。。。。。。。 EN: Screams ripped through the silence as a young black man was dragged from the front passenger seat. ZH_REF: 一名年轻的黑人从前排乘客座位上被拖下来,尖叫声刺破沉默。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),(),把它们从头到尾,都是在了,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: Fortunately, this horrific scene, which played out on July 22, is just a reenactment. ZH_REF: 幸运的是,7 月 22 日这个可怕的场面只是一场重演。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: But when a noose is thrown around the neck of "Roger," nearly everyone in the audience let out very real gasps. ZH_REF: 但是,当“罗杰”的脖子上套上套索时,几乎所有围观的观众都发出了真切的喘息声。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Since 2005, civil rights activists have returned to the Moore's Ford Bridge to recreate the night two black couples - Roger and Dorothy Malcom, and George and Mae Murray Dorsey - were lynched by the Ku Klux Klan in 1946. ZH_REF: 自 2005 年以来,民权活动者重返摩尔滩桥,再现两对黑人夫妇 - 罗杰和多萝西·马尔康以及乔治和梅雷·多西 - 1946 年被三 K 党私刑绞死那天晚上的场景。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的责任是由一个人,而不是,他们是为了他们的,是为了他们的利益而牺牲,而不是在他们的身边,那是在一起,是在与埃伦·德斯的关系中的。 EN: No one has ever been charged with the murders. ZH_REF: 从未有人被指控谋杀。 -ZH_HYP: 1.. +ZH_HYP: (a)(一),(),(),是用铁锤子,把它们的东西放到一边,也是为了保护自己的,而不是在他们的身边,而不是在那里,是为了使人更多的,而不是太多了了 EN: "It's mind boggling that all of these years, not a single person has been arrested - even though we see them in our communities; even though we know who they are," said Tyrone Brooks, who helps organize the reenactment. ZH_REF: “虽然我们知道他们是谁,尽管我们在社区中看到过他们,但这些年来,他们没有一个人遭发逮捕,这着实令人难以置信,”帮助组织这次重演的蒂龙·布鲁克斯说道。 -ZH_HYP: 1.. +ZH_HYP: (美国)(4)............................................................ EN: "It's a stain on a history, but it's a burden on our souls." ZH_REF: “这是历史的污点,是我们灵魂的负担。” -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................ EN: Brooks is a 71-year-old former Georgia state congressman and lifelong civil rights activist. ZH_REF: 布鲁克斯 71 岁,是一位佐治亚州前议员和终身维权活动家。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),是,我们的是,是为了使他们的缘故,而不是为了自己的利益而去,而不是为了让他们的,而不是在那里,而是为了让人感到厌倦了,这也是我所要的,是的,是的 EN: For him, the reenactment serves as a dramatic call to action and an annual reminder to the Monroe community that an injustice has never been corrected. ZH_REF: 对他而言,重演是一场引人注目的号召行动,每年提醒门罗社区的人们,不公正从未得到纠正。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,它是为了使人的,而不是为了自己的,而不是在一起,而是为了得到更多的东西,而不是为了给别人带来的,也是在说谎的 EN: "We want prosecution, we want closure, we want healing, we want reconciliation, but we have to have justice first," he said. ZH_REF: “我们想起诉,我们要结案,我们要治愈,我们希望和解,但我们必须首先得到正义,”他说。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: "We can't get to healing and reconciliation until we get justice." ZH_REF: “除非我们得到正义,否则我们就得不到治愈及和解。” -ZH_HYP: 1.. +ZH_HYP: (英译汉).............................................................. EN: A coroner places a sheet over the body of one of the victims of the Moore's Ford lynching on July 27, 1946. ZH_REF: 1946 年 7 月 27 日,验尸官在一名摩尔滩私刑受害者的尸体上盖上床单。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),(),(2),是用的,是用的,是用的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: According to FBI files obtained by NBC News, more than 50 men from Monroe and the surrounding counties were suspected in the lynching. ZH_REF: 根据美国全国广播公司新闻获得的联邦调查局档案,来自门罗和周边各县的 50 多名男子涉嫌参与私刑。 -ZH_HYP: 1.. +ZH_HYP: 5.a.................................................................. EN: But not one was ever prosecuted. ZH_REF: 但他们中没有一人被起诉过。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,我的意思是,他们的意思是,他们的意思是,我们的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: Though the suspects have remained at large for decades, civil rights activists say the twin motivations for the lynchings were always well known throughout town: politics and sex. ZH_REF: 虽然嫌疑人数十年来一直处于逍遥法外的状态,但民权活动者表示,实施私刑的双重动机在整个城镇都是众所周知的:政治和性。 -ZH_HYP: 1.. +ZH_HYP: 虽然在他的身上,是一种不寻常的东西,但我们的生活是由他们所控制的,而不是在他们身上,而是在那里,是为了让自己的力量而去,而不是在那里,这是对的,而不是最重要的 EN: In April 1946, a Supreme Court ruling enabled black citizens in Georgia to cast ballots for the first time during the primary race later that summer. ZH_REF: 1946 年 4 月,最高法院的一项裁决使佐治亚州的黑人公民得以在当年夏天晚些时候首次在初选中进行投票。 -ZH_HYP: 1.. +ZH_HYP: 在其他方面,一个人的错误是,在做了一个不对的,因为它是在为自己的,而不是在他们的时候,才会有的,是的,是的,是的,是的,是的,是的,是的。了了 EN: Around the same time of the election, according to the FBI, black sharecropper Roger Malcom stabbed Barnett Hester, a white landowner, during a fight - ostensibly over a woman. ZH_REF: 根据联邦调查局的统计,大约在同一时间,黑人佃农罗杰·马尔科姆在一场斗争中刺杀了白人地主巴内特·赫斯特 - 看起来像是为了一个女人。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的性格是由衷的,而不是在他们的,是的,是的,是的,是的,是的,是在说谎的,也是在对的,而不是在(中)的,是的,是的。 EN: Brooks said the town rumor was that Hester had been sleeping with Malcom's wife, Dorothy, and that the baby she was carrying was not her husband's. ZH_REF: 布鲁克斯说,镇上的传言是赫斯特睡了马尔科姆的妻子多萝西,她的宝宝也不是她丈夫的。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】他的意思是,我们的人是在做的,是的,是的,是的,是的,是的,是的,也是为了提高他们的性感,而不是为了给他的,而不是在哪里? EN: On July 25, 1946, Loy Harrison, a prominent white landowner, paid $600 to bail Malcom out of jail, according to the FBI. ZH_REF: 联邦调查局称,1946 年 7 月 25 日,地位显赫的白人地主洛伊·哈里森花了 600 美元将马尔科姆保释出狱。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: He was accompanied to the prison by Dorothy, and their cousins, Mae Murray and George Dorsey. ZH_REF: 多萝西和堂兄妹麦·美瑞和乔治·多尔西陪他到监狱。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,我的意思是,他们的意思是,他们的意思是,和(或)的,是对的,因为它是对的,而不是在上司的 EN: But, driving away from the jail, as they approached Moore's Ford Bridge, a lynch mob surrounded the car. ZH_REF: 但是,当他们从监狱回来,快到摩尔滩桥时,一群私刑暴徒把车围了起来。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................ EN: "As it turns out it was Harrison who set up and ordered the murders," one FBI report concludes. ZH_REF: “事实证明,是哈里森组织并命令执行了这场谋杀,”一份 FBI 报告得出了这样的结论。 -ZH_HYP: 1.. +ZH_HYP: “如果你的观点是,我们就会被发现了,”“是的,”“是的,”“你的意思是,”“我的意思是,”“你的意思是,”“你的意思是,”“”“”“”“”。。。。。。。。。。。。 EN: "It is also apparent that there was a conspiracy among state and local law enforcement, who not only took part in the murders, disposed of evidence and concealed the identity of witnesses." ZH_REF: “很明显,州和地方执法部门之间存在阴谋,他们不仅参与了谋杀,毁灭了证据,还隐瞒了证人的身份。” -ZH_HYP: 1.. +ZH_HYP: "在一个情况下,一个人的错误,是指使人的,是不可能的,是在他们的,是为了逃避的,而不是为了逃避,而不是为了使他们的行为而被人所受的,而不是太多了,因为他是在说谎的。了"""""" EN: Brooks put it more succinctly. ZH_REF: 布鲁克斯十分简明扼要。 -ZH_HYP: 1.. +ZH_HYP: (4)b:(一),(),我们的东西是在不喜欢的,因为它是在为你带来的,而不是在别人身上,它是在为你的,而不是在别人身上,而是要用的,让你的心智 EN: "It was a voting rights massacre," he said. ZH_REF: 他表示,“这是一场投票权惨案。” -ZH_HYP: 1.. +ZH_HYP: “()”“是的,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”说。。。。。。。。。。。。。。 EN: "They were all killed to send a message to black people in this community: 'If you register and if you vote, this is what will happen to you.'" ZH_REF: “他们惨遭杀害,是凶手向这个社区的黑人发出信息:‘如果你注册并投票,你也将遭遇同样的结局。'” -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,你的意思是,他们的意思是,你的意思是,你的意思是,你要把它的钱给我,好吗?的了了了了了了了了了了了了了了了了了了了了了了了 EN: For nearly a decade, Cassandra Greene has directed the annual reenactment of the Moore's Ford Bridge lynchings. ZH_REF: 近十年来,卡桑德拉·格林一直负责主导摩尔滩桥私刑惨案的年度重演工作。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Her performance is graphic, gripping and grounded in a kind of deep racism that many would like to believe no longer exists in America. ZH_REF: 她的表现手法形象鲜明,扣人心弦,带有一种深刻的种族主义背景。许多人都希望这种种族主义在美国已不复存在。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: It's difficult to watch, and even more difficult to look away, but Greene said that's the point. ZH_REF: 看很难,不看更难,但格林说这就是关键所在。 -ZH_HYP: 1.. +ZH_HYP: (4)()(),这是对的,是为了使自己的处境更加精致,而不是在他们的中,把它放在一边,也是在说谎的,是的,是的,是的,是的,是的,是的。 EN: "We don't want to talk about the lynching because it makes us face the ugliness in all of us," she said. ZH_REF: “我们不想谈论私刑,因为私刑使我们要面对所有人的丑陋面,”她说。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: "But I can't build a relationship with you, if you won't hear me, or hear what I've been through." ZH_REF: “但是,如果你不听我说话,或者不听到我讲述自己的经历,我就不能和你建立关系。” -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Rehearsals for this year's production began in June, and on the first day nearly 30 actors - a dozen white and the rest black - crowded into a room and listened as Greene launched into a well-rehearsed overview of the play. ZH_REF: 今年的演出于六月开始,第一天有将近 30 名演员 - 十几位白人,其余为黑人 - 挤在一间屋子里,听取格林发布排练好的演出概览。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在这方面,我们的工作是在做的,是的,是的,是的,是的,也是在他们的,是的,是的,是的,是的,是的,也是对的.的 EN: Wade Marbaugh serves as Greene's co-director. ZH_REF: 韦德·马尔鲍担任格林的联合导演。 -ZH_HYP: 1.. +ZH_HYP: (美英对照),()(),(2),我们的东西是用的,因为它是用的,而不是在上,是在说谎的时候,它是用的,是的,是的,是的,是的,是的,是的。 EN: He's played the part of the head Klansman for years, but he said the role never gets any easier. ZH_REF: 多年来,他一直扮演着三 K 党的角色,但他说这个角色从不轻松。 -ZH_HYP: 1.. +ZH_HYP: (美英)(这篇)是,我们的工作是为了让自己的,而不是为了自己的,而不是在他们的面前,他们就会被打败了,而你也会被人的错觉到了的的的的的的的的的的 EN: "I feel dirty because this is not who I am," said Marbaugh. ZH_REF: “我感觉很肮脏,因为我不是这样的人,” 马尔鲍说。 -ZH_HYP: 1.. +ZH_HYP: (美英对照),这是个不寻常的东西,因为它是在我的,是为了让自己的力量而努力,而不是在那里,他们都会在那里,给我留下了的的的的的的的的的的的的的的的的的的 EN: "But I think it's very important to keep this history alive because we don't want to go back to those times." ZH_REF: “但我认为保持这段历史的鲜活度非常重要,因为我们不想再回到那个时代。” -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Across the room, actors Darrius Bradshaw and Nick Rascona, who play Roger Malcom and Barnett Hester, rehearsed their lines. ZH_REF: 房间里,扮演罗杰·马尔科姆和巴内特·赫斯特的演员达里奥斯·布拉德肖和尼克·拉斯科纳在排练他们的台词。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的人都是用心的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: The play begins with Malcom shouting and shoving Hester, livid that he's been sleeping with his wife, Dorothy. ZH_REF: 这场戏开始时,马尔科姆大喊大叫并推开赫斯特,对他睡了自己的妻子多萝西感到气愤不已。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: "I said n---a, get off my property!" ZH_REF: “我说啊,滚出我的地盘!” -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Rascona fires back. ZH_REF: 拉斯科纳回击道。 -ZH_HYP: 1.. +ZH_HYP: (4)如果有,就像我们的外壳,这是在为自己的,是在不可能的,而不是在他们的上方,那是对的,是的,是的,是的,是的,是的,是的,是的。 EN: There's a beat. ZH_REF: 接着他们就打了起来。 -ZH_HYP: 1.. +ZH_HYP: 5.a............................................................... EN: And then everyone (at least all the black actors) bursts into laughter. ZH_REF: 然后每个人(至少所有的黑人演员)爆发出了笑声。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,我的意思是,他们的意思是,他们的意思是,我们的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: Greene laughs the hardest. ZH_REF: 格林笑得最厉害。 -ZH_HYP: 1.. +ZH_HYP: (美英)(这)是,我们的工作是为了使自己摆脱困境,而不是为了自己的利益而去,因为他们的事都是为了得到的,而不是在那里,我是为了给他们的,而不是太多了 EN: "What?!," Rascona asked. ZH_REF: “怎么了?!,”拉斯科纳问道。 -ZH_HYP: 1.. +ZH_HYP: “()”“是的,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。。。。。。。。。。。。 EN: He's alarmed, confused. ZH_REF: 他感到惊慌、困惑。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................ EN: Did I go too hard? ZH_REF: 我演得太过了吗? -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(我的意思是,我们的),是为了使自己的力量而被人用,而不是在他们的身边,因为你是在努力的,而不是在那里,是为了让人感到厌倦了的的 EN: "No," Greene said through chuckles. ZH_REF: “没有,”格林笑着说。 -ZH_HYP: 1.. +ZH_HYP: “(不),”“是的,”“是的,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”说。。。。。。。。。。。。。。 EN: "I just don't think white people back then said 'n---a.'" ZH_REF: “我只是认为白人回击的时候不会说‘啊 '。” -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: "Yea," one of the other black cast members quipped. ZH_REF: “是的,”另外一名黑人演员打趣道。 -ZH_HYP: 1.. +ZH_HYP: (美英对照):“我们的是,它的质量,是为了使自己摆脱困境,而不是为了使自己的处境而变得更有可能,”他说,“你是在(美)的,”的的的的的 EN: "You have to hit the hard 'R.'" ZH_REF: “你的语气必须强硬。” -ZH_HYP: 1.. +ZH_HYP: (k)【句意】(),我们的意思是,他们的意思是,他们的意思是,在我的上,你会被他们的力量去掉,而不是为了给你带来更多的好处的的的的的了了了了了了了了了 EN: And just like that the energy in the room shifts; a sense of camaraderie replaces the discomfort. ZH_REF: 就这样,房间里的能量发生了变化;友爱的感觉驱走了不适感。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)()(),我们的意思是,你的意思是,他们的意思是,他们的意思是,我们的,是的,是的,是的,是对的,而不是为了给别人的,而不是太多的 EN: Everyone is dedicated to getting this right, not only for the sake of the play, but also for the memory of the four people killed. ZH_REF: 每个人都努力这样做,不仅是为了表演这场戏,也是为了纪念四名遇难者。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)()(),我们的意思是,我们的生活是不可能的,因为他们的事也是为了让他们的,而不是为了自己的力量而去,而不是为了让人感到厌倦了,那就会被人所受的影响 EN: The scene begins again. ZH_REF: 现场再次开始。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),(),(),在下,我们都是为了使自己摆脱困境,而不是为了使他们的心智而变得更多,而不是在他们的身边,而不是在那里,是最重要的 EN: This time, when Rascona says the N-word, it's sharp and emphatic. ZH_REF: 这一次,拉斯科纳说这个“啊”字时,语气尖锐而有力。 -ZH_HYP: 1.. +ZH_HYP: (美)(一),(),(),我们的东西,是的,是的,是的,是的,是的,是的,是的,是的,是对的,而不是在你的上,也是为了让人感到厌倦的 EN: Absolutely no one laughs. ZH_REF: 没有一个人笑场。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)()(),我们的东西是,从句中,把它放在一边,把它放在一边,把它放在一边,把它放在一边,还是要用的,让它的上司匹配置的的的的的 EN: The reenactment ends violently and quickly. ZH_REF: 重演有力而迅速地结束了。 -ZH_HYP: 1.. +ZH_HYP: (美英对照),“我们的”是,有的是,它的效果是,它的,是为了使自己的力量而被人的,而不是在别人身上,而是要用的,让你的心智多端,而不是在我们面前的。 EN: There's screams, gunfire and then, silence. ZH_REF: 尖叫声、枪声大作,然后,就是一片沉默。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),(),把它们的东西都放在了,是在用的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: A woman dressed in funeral black, stands over the actors bodies and performs Billie Holiday's mournful eulogy, "Strange Fruit." ZH_REF: 一位穿着葬礼黑衣的女子站在演员身体边,唱着比利·哈乐黛的哀悼词“奇怪的果实”。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),(),(),是用的,是用的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: Her voice breaks on every other word. ZH_REF: 她的声音压过了其他言语。 -ZH_HYP: 1.. +ZH_HYP: (4)一个人的意思是,他们的意思是,他们的意思是,他们的意思是,他们的意思是,要把它给我,也是为了让你的,而不是为了给别人的,而不是太多了的的的 EN: A hundred yards back, a group of about four dozen spectators wipe sweat and tears away from their eyes. ZH_REF: 一百码之外,大约四十名观众在不停地擦拭着汗水和眼泪。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,他们的意思是,在我的上,你的意思是,它是用的,而不是在那里,它是由你所做的,是的,是的,是的 EN: The audience is almost evenly split between black and white. ZH_REF: 观众中黑人和白人几乎各占一半。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),(),(),是,他们的意思是,他们都是为了得到的,而不是在他们的上,也是为了给他们带来的,而不是在意外的,是的,是的,是的,是的。 EN: One couple has traveled from Ithaca, New York, to see the performance, many are from just down the road. ZH_REF: 有一对夫妇专程从纽约伊萨卡来看演出,还有很多人就住在马路附近。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),(),(),你的东西是在用的,从表面上看,是在说谎的,而不是在那里,也是为了让人感到厌倦的,而不是在高处的时候,他们都会被人的。 EN: They've all weathered Georgia's oppressive humidity for the nearly eight hours as Brooks lead them on a pilgrimage to the grave sites of the Malcoms and Dorseys. ZH_REF: 布鲁克斯带他们去马尔科姆和多萝西的墓地拜祭,路程将近八小时,大家都在忍受着佐治亚令人不适的湿热感。 -ZH_HYP: 1.. +ZH_HYP: (4)a:(一),我们的外套,是为了使他们的心惊肉跳,而不是在他们的脚趾中,用在他们的脚趾上,用它来的,是的,是的,是的,是的。 EN: Up until this point, the murders have remained an anecdote, but now, standing on the same land where the lynchings took place, the air feels haunted. ZH_REF: 直到此时,谋杀者仍然是个迷。但现在,站在发生私刑的同一片土地上,空气中弥漫着焦虑。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这也是不可能的,因为他们的事,是为了使他们的心智而变得更有价值,而在他们的时候,就会被人所迷惑的,是在那里,还是要用的,对我来说,是什么意思 EN: As the final notes of the song fade, Greene invites the crowd to move closer and inspect the bodies. ZH_REF: 当歌曲最后的音符消失时,格林请人们靠近些检查演员扮演的尸体。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”!!!!!。。。。。 EN: Children crouch by their heads, take in the fake blood and still bodies, and whisper to each other. ZH_REF: 孩子们俯身低头,看着假血和尸体,互相窃窃私语。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: "They're not really dead," one little boy mutters, as if to remind himself. ZH_REF: “他们并不是真的死了,”一个小男孩喃喃自语,好像在提醒自己。 -ZH_HYP: 1.. +ZH_HYP: (美英对照),“我们的”,是“不”的,因为它是在为自己的,而不是在,它的意思是,它是用的,它的意思是:“你的意思是什么?了了的的的的的的的的的的的”””””的的的的的” EN: After a few minutes Greene thanks the crowd, and suddenly it's over. ZH_REF: 几分钟后,格林感谢人群,然后表演结束。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),(),在做作业时,我们都会有更多的东西,而不是在他们的上方,而是在他们的面前,为你的心想而来的,是最坏的,是对的,对你的影响 EN: The actors throw off the lynching rope and wipe away tears. ZH_REF: 演员甩开私刑绳索,擦掉眼泪。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,他们的意思是,他们的意思是,我们的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: Bradshaw hugs Marbaugh, the man in the suit who played the head Klansman. ZH_REF: 布拉德肖拥抱着扮演三 K 党头目的西装男子马尔鲍。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(),我们的人,是为了让自己的人,而不是在他们的时候,把他们的东西拿走,因为你的心都是在的,是的,是的,是的,是的,是的,是的。 EN: Nick Rascona hugs two of his castmates, and then breaks down crying in their arms; the emotional toll of the performance finally getting to him. ZH_REF: 尼克·拉斯科纳拥抱他的两个同僚,在他们怀里失声哭泣;表演中的情感最终感染到他。 -ZH_HYP: 1.. +ZH_HYP: (美)(一),(),我们的,是的,是的,是的,是的,是的,是的,是的,是在说谎的,也是为了提高他们的力量而来的。是了了了了了了了了的 EN: "It's okay," one of the women whispers. ZH_REF: “没关系,”其中一名妇女低语道。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: "We know that's not what's in your heart. ZH_REF: “我们知道你的内心不是这样的。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................ EN: You did this for a reason." ZH_REF: 你这样做是有原因的。” -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................ EN: Later, the audience sits down to dinner with the actors. ZH_REF: 之后,观众坐下来与演员共进晚餐。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的错误,是,他们的目的是为了使他们的工作变得更糟,而不是在他们的身边,而不是在那里,要么是在那里,要么是为了提高他们的能力而去做的事了了了了了了了了了了了的的 EN: At one table, a white couple from Atlanta chats animatedly about the reenactment with a black couple they just met. ZH_REF: 在同一张桌子上,来自亚特兰大的一对白人夫妇与他们刚刚遇到的一对黑人夫妇亲密聊天,畅谈关于重演的事情。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),(),(),(),你的东西也会被人用的,是的,他们的意思是,他们的意思是,要把它给你带来的,是的,是的,是的,是的,是的。 EN: Denise Duplinski struggled to find words for how the performance made her feel. ZH_REF: 丹尼斯·杜普林斯基很难找到词语形容她观看后感受。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(),我们的意思是,在做点时,我们都会有更多的东西,而不是在上,而是为了使自己的力量而变得更高了,而且对你的影响是很有价值的,因为它是对的,最重要的是 EN: "It's hard to hear those horrible awful words, and deeds ... come out of people that look like you and who do it because they look like you," she said. ZH_REF: “很难想象那些可怕的言辞和行为......竟然是像你这样的人说出来、做出来的,因为他们看起来跟你很像,”她说。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: "What this really does to me is make me think that lynchings are still going on," she added, "they're just called police shootings now." ZH_REF: “这对我来说,真的让我以为私刑仍在进行,”她补充道,“现在这种事情只称为警察枪杀。” -ZH_HYP: 1.. +ZH_HYP: “我的意思是,”“是的,”“是的,”“我也不喜欢,”他说,“你的事,我就把它的东西弄得太多了,”他说,“你是在那儿,”说 EN: Across the room, Tyrone Brooks holds court at his table, eating and reminiscing about civil rights. ZH_REF: 房间里,蒂龙·布鲁克斯坐在桌子旁观看,品尝和回味着公民权利。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),(),(),(),你的背面是不对的,因为它是在用的,而不是在说谎,而是要用的,让它的意思,更不用说了了的的的的的的的 EN: He said he's already begun planning for next year's performance. ZH_REF: 他说他已经开始计划明年的表演了。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)()(),我们的意思是,他们的意思是,在我的上,你会被淘汰的,因为他们的东西都是在了,而不是在那里,也是为了提高他的能力而来的了了了的的的的的的的 EN: "The reenactment is inspirational in a way because it describes the horror of what we endured, but it also is a teaching moment," he said. ZH_REF: “重演是一种鼓舞人心的方式,因为它描述了我们经历过的恐怖,但它也是十分具有教育性,”他说道。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: "It's like, if you don't learn from this, it can happen again. ZH_REF: “如果你不从中吸取教训,这种事情可能还会再次发生。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Those who don't study their history, those who do not know their history, are doomed to repeat it." ZH_REF: 那些不研究、不了解自己历史的人注定要重蹈覆辙。” -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,他们的意思是,在我的生活中,我们都是为了得到的,而不是为了给别人带来的,而不是太多了。了了了了了了了了了了了了了了了了了了了了了了了 EN: As regards implementing market-oriented reforms associated with natural gas, the importance of reform with respect to “pipeline and grid independence” is self-evident, but more resistance and controversy can be expected. ZH_REF: 对于天然气市场化改革而言,“管网独立”方面的改革重要性不言而喻,但阻力和争议也较大。 -ZH_HYP: 1.. +ZH_HYP: (a)为使人的行为而产生,而不是在其他方面,是有可能的,因为它们是在为之提供的,而不是在(或)上,我们都会有更多的错误,因为它是对的,而不是对我们的影响 EN: On the 7th, reporters learned from Kailuan (Group) that at 11:25 am on the 7th, an explosion occurred at the emulsifying workshop of Kailuan (Group) Chemical Co., Ltd. which is located at Guye District of Tangshan, Hebei Province; 13 operators were trapped at the site of the explosion. ZH_REF: 记者7日从河北开滦集团获悉,7日上午11时25分,位于河北省唐山市古冶区的开滦集团化工有限公司乳化车间发生爆炸事故,现场有13名作业人员被困。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的名字,是由一个人组成的,他们的人,是他们的,是的,是的,是的,是的,是的,是在他的,是在这一领域的,是的。了了了 EN: To date, of the 13 people trapped, one has been rescued, and rushed to the hospital for immediate medical treatment, while emergency rescue operations are still ongoing for the other 12. ZH_REF: 截至目前,被困13人中,已有一人获救,急送医院抢救,其余12人正在紧张搜救中。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是一种不寻常的事,也是为了使他们的缘故,而不是为了让他们的工作而被赶走,而不是为了给他们带来麻烦,就会被人所包围的了了 EN: It is understood that the scene of the explosion has been sealed. The local public security, firefighting, medical and other departments are carrying out rescue operations at the scene at this time. ZH_REF: 据了解,目前现场已经封锁,当地公安、消防、医疗等部门正在现场救援。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为它是在用的,用的,是用的,是的,是的,是的,是在用的,还是要用的,因为它的意思是“”了的的的的的的的的的 EN: Eye witnesses said that there was a loud bang when the explosion occurred, and a mushroom cloud rose instantly. ZH_REF: 据目击者称,事发时一声巨响,瞬时间一朵蘑菇云腾空而起。 -ZH_HYP: 1.. +ZH_HYP: (4)一个人的名声,是,他们的手势,在我的脚趾中,有了,也没有了,他们的心就会被人所迷惑的,是在我们的时候,要把它的东西弄得太平了 EN: According to the staff of Kailuan (Group) who were organizing the rescue effort at the scene, Tangshan Kailuan (Group) Chemical Co., Ltd., located at Northern Zhaoge Village, Guye District, Tangshan, Hebei Province, is a State approved designated enterprise that produces explosives for civilian use. It was established in 1958, and was formerly known as Kailuan Mining Bureau Factory 602. ZH_REF: 据现场组织搜救的开滦集团人员介绍,唐山开滦(集团)化工有限公司地处河北省唐山市古冶区赵各庄北,是国家批准的民用爆破器材定点生产企业,始建于1958年,原名开滦矿务局六O二厂。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的人被认为是“大”,而不是在他们的家,他们的名字,是由“海豹”的,是由它的,是由它的,而这是由他的,是在100米的。 EN: (Reporter: Cui Wei) Since he made his debut 15 years ago, Jay Chou would release a new album every year, but surprisingly, he failed to do so last year. ZH_REF: 本报讯(记者崔巍)自15年前出道以来,周杰伦每年必出一张新专辑,但是去年他却罕见地失约了。 -ZH_HYP: 1.. +ZH_HYP: (美英):(一),你的作品是由他们来的,而不是在他们的中,是在说谎的,他们的意思是,它是在说谎的,而不是在上司,而是要在那里的 EN: His fans did not protest however; instead, they sent their blessings because the reason Jay Chou failed to release a new album was because he became a father. ZH_REF: 不过歌迷们对此并没有表示任何不满,反而齐齐送上祝福,因为失约的原因是周杰伦幸福地当上了爸爸。 -ZH_HYP: 1.. +ZH_HYP: 他的名声是,但不包括在内,也是为了使他们的缘故,而不是为了自己的利益而放弃,而不是为了让他们的事变得更有价值,因为他们的工作是在我的上司机上的,而不是在我们的身边。了了了 EN: After waiting for a year and a half, Jay Chou finally arrived in Beijing to present his first works since becoming a father. It was also the 14th album in his music career, “Jay Chou’s Bedtime Stories”. ZH_REF: 让大家等待了整整一年半之后,昨天周杰伦终于来到北京,为人们献上这张他升级人父后的首份作品,同时也是他音乐生涯中的第14张专辑《周杰伦的睡前故事》。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,你是在为自己的,而不是在一起,也是在为你的,而不是在他的时候,那是对的,是的,是的,是的。 EN: US media: Scientists from the Air Force Engineering University of China looking into laser satellite to clean up space debris ZH_REF: 美媒:中国空军工程大学科学家研究激光卫星,用于清除太空垃圾 -ZH_HYP: 1.. +ZH_HYP: (美)(一),我们的东西,是的,是在从中来的,是在为自己的,而不是在他们的中,是为了让你的,而不是在乎的,是在我们的上司机上的,是对的,是对我们的 EN: Reference News January 18 report US media claims that Chinese scientists have put forward a daring and innovation proposal - to use large lasers to clean up the messy Earth orbit, and destroy old satellites as well as other space debris. ZH_REF: 参考消息网1月18日报道 美媒称,中国科学家提出了一项大胆创新的提议,使用大型激光器清理杂乱的地球轨道,毁掉旧卫星以及其天空垃圾。 -ZH_HYP: 1.. +ZH_HYP: 在美国的一个大片里,有的是,我们的名字是在一起,用的是,他们的意思是,它是用的,而不是在你的身边,用它的方式来保护你的,是的,是的,是的,是的,是的。 EN: A January 15 report on US “Newsweek” website stated that researchers at the Air Force Engineering University of China have written a thesis on “Research on de-orbiting model of small scale space debris removal using space-based laser”. This thesis described how by using space-based platform lasers, space debris would be rendered smaller and less dangerous as a result of laser radiation. ZH_REF: 据美国《新闻周刊》网站1月15日报道,中国空军工程大学的研究人员撰写了一篇题为《天基激光清除小尺度空间碎片变轨模型研究》的论文,该论文描述了通过使用天基平台激光器,空间碎片可以如何被激光辐照成更小的、危害没那么大的碎片。 -ZH_HYP: 1.. +ZH_HYP: 在美国,一个“大”的故事,是一个“从太空中”的,从一个角度来讨论,从地球的角度来看,这是在太空中的,它是用“空间”来形容的,它是用的,它是用的,它的意思是什么? EN: The report claimed that for years, space debris has always been a matter of concern for international space agencies. NASA has considered many alternative plans to track, probe and remove human made debris. ZH_REF: 报道称,多年来,太空垃圾一直都是国际空间机构关心的问题,美国航天局考虑了多种选择方案跟踪、探测和移除人造碎片。 -ZH_HYP: 1.. +ZH_HYP: 4.在任何情况下,都是为了使人的利益,而不是为了使他们变得更容易,而又是在为他们所带来的,而不是在他们的身边,而是要在那里,要有多大的时间来进行,而不是在别人身上的。 EN: The methods for cleaning up large space debris include using an enormous net to clean up and collect the debris, as well as using magnetic material to suck them out of the orbit. Chinese scientists have conducted a laser simulation study and arrived at the following conclusion. This will be an effective method for cleaning up the Earth’s orbit. ZH_REF: 清除大尺度空间碎片的方式包括用来清扫和收集废物的巨型网,以及可以被用来将它们吸出轨道的磁体。中国科学家进行了激光器仿真研究,得出以下结论,即这将是清理地球轨道的有效方式。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是在我们的过程中,用的是,它的东西是用的,它的东西是用的,它的意思是:它是用在的,它的意思是“”,它的意思是“”“”“”。。。 EN: The abstract of the thesis claimed that “(the simulated study) has provided the necessary theoretical basis for the application of space debris removal by using space-based laser.” ZH_REF: 该论文的摘要称:“(仿真研究)为天基平台激光清除空间碎片技术的应用提供了必要的理论基础。” -ZH_HYP: 1.. +ZH_HYP: (三)(一),这是指的是,我们的工作是在不可能的情况下,而不是用它来的,而是用它的方式来进行,而不是在(d)的范围内,它是什么意思?的了了了的了了的的的的的的 EN: A 2014 research conducted by US defense industry giant Lockheed Martin revealed that as far as orbiting satellites are concerned, approximately 200 deterrents exist daily. ZH_REF: 美国国防业巨头洛克希德-马丁公司2014年的研究发现,对于正在沿轨道运行的卫星而言,每天大约有200个威胁物。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,一个人的名字是,用的,是用的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: The high-speed debris of orbiting satellites are regarded as serious threats to future space missions, and have been described by European Space Agency experts as a “series of fatal threats”. High-speed debris has continued to rise annually over the years. ZH_REF: 沿地球轨道运动的高速碎片被视为对未来空间任务的严重威胁,被欧洲航天局的专家形容为“致命的一连串威胁”。过去的每一年,高速碎片都在持续增加。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是对我们的安全,也是为了使其成为一个不稳定的,而在其他方面,它们的作用是:(a)在国际上造成的,因为它的高端是由其所造成的,而不是的的的的的的的的的的的的的的的的 EN: According to a January 17 report on the US-based “Popular Mechanics” website, space is basically empty, but space around Earth has become increasingly crowded. Every satellite we send into space will ultimately become debris orbiting Earth. As time passes, these debris will accumulate. ZH_REF: 另据美国《大众机械》月刊网站1月17日报道,太空基本上是空的,但紧挨着地球的太空越来越拥挤。我们送入太空的每颗卫星最终都会变成又一块围绕地球运行的碎片,而且随着时间的推移,这些碎片会堆积起来。 -ZH_HYP: 1.. +ZH_HYP: 在美国的一个部分,这是由你的,在我们的身边,它的距离,是的,是的,是的,是的,是的,你的东西也会被浪费在一起,因为你的空间就会被人世的了了 EN: As debris increase, the probability of a satellite that is still operating normally being hit by debris becomes higher, thereby damaging or destroying an investment worth millions of US dollars. ZH_REF: 碎片越多,某颗仍在正常运转的卫星被碎片击中的几率越高,进而损坏或摧毁一项价值数百万美元的投资。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,你的意思是,它是在为自己的,而不是在,它的意思是,它是由你所控制的,而不是太多的,要么是在说谎的,是对我们的 EN: The report claimed that all space agencies have formulated plans to remove space debris in the future. ZH_REF: 报道称,所有太空机构都制定了在未来清除太空垃圾的计划。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,我们的目的是为了使自己的处境,而不是在他们的身边,把它放在一边,把它放在一边,还是要用的,让它的上司机一动,否则就会被人所迷惑的了 EN: NASA is considering firing atmospheric gases to reduce the speed of the debris so that it would de-orbit. Europe is looking at launching a satellite with a large net to capture the debris and it back to earth. Japan’s idea is to use a power chain to capture the debris. ZH_REF: NASA正在考虑用喷射气体降低碎片的速度,使其脱离轨道,欧洲正在考虑发射一颗携带一张大网的卫星,捕捉碎片,带回地球,日本的想法是用一条电动链捕捉碎片。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的名字,是,他们的目的是为了使他们的损失而变得更糟,因为他们是在用的,而不是在那里,它是用的,而不是在(e)的时候,它就会被人所包围的 EN: At this time, China has also put forward a method of solving the space debris problem, and that is, to use a large laser to shrink the floating space debris into smaller, less harmful pieces. ZH_REF: 眼下,中国也提出一个解决太空垃圾的办法,即用一台大型激光器把漂浮的太空垃圾击成不那么有害的小碎片。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的错误,是为了使自己的处境更加危险,而不是在他们的身边,把它变成了,也是为了保护自己的,而不是在那一刻,你会被人所迷惑的了了 EN: According to a thesis published in German magazine “Optics”, a group of researchers at the Air Force Engineering University of China claimed that installing such a laser on a satellite would be enough to effectively clean up space; at least, according to the simulated results, that is. ZH_REF: 据中国空军工程大学的一群研究人员在德国《光学》月刊上发表的一篇论文,在一颗卫星上安装这样一台激光器将足够有效地清理太空,至少根据模拟结果是这样。 -ZH_HYP: 1.. +ZH_HYP: 在这个词典里,有一个词的意思,是的,是的,是的,是的,是的,是的,是的,是的,你的意思是,你会用的,是的,是的,是的,是的,是的。 EN: The report claimed that the only way to prove effectiveness is to carry out tests. Currently, there are no arrangements for such as mission, but sooner or later, someone will install a laser on a satellite and send it into space. ZH_REF: 报道称,证实有效性的唯一途径是进行测试,目前尚无此类任务的安排,但或许早晚会有人在卫星上安装激光器然后将其送入太空。 -ZH_HYP: 1.. +ZH_HYP: 4.5.在任何情况下,都是为了使人的利益,而不是为了使自己的工作变得更糟,而不是在他们的时候,才会有更多的东西,而是要用的,因为它是在说谎的,是的,是的。 EN: Once this is achieved, we can finally bid farewell to space debris problems for good. ZH_REF: 一旦做到了,我们就可以最终开始一劳永逸地消除太空垃圾的问题。 -ZH_HYP: 1.. +ZH_HYP: 5.a............................................................... EN: (Compiled by/Hu Jing, Wang Haifang) ZH_REF: (编译/胡婧、王海昉) -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),(),(),是,用的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: Federer won a lot of games in his 18-year career. In this final of fashion, he received more than 60% of fans' votes. ZH_REF: 在费德勒18年的职业生涯中赢得了非常多的比赛,在这场时尚的决赛中,他收获了超过60%的粉丝投票。 -ZH_HYP: 1.. +ZH_HYP: (美英)(一),在这方面,我们都是为了自己的,而不是在他们的面前,他们都是为了得到的,而不是在那里,而是要在那里得到的,是的,是的,是的,是的,是的。 EN: Pearson cuts another 3,000 jobs, slashes dividend to revive business ZH_REF: 培生集团再裁 3000 个岗位,大幅削减股息以复兴业务 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),(),是用完的,把它的东西放到一边,把它们的东西弄到一边,因为它是在了,而不是在上,是的,是的,是的,是的,是的。 EN: British education group Pearson said on Friday it would cut another 3,000 jobs and slash its interim dividend by 72 per cent as it started another restructuring programme to tackle the pressures facing its business. ZH_REF: 英国教育集团培生集团星期五称将再裁 3000 个岗位,并大幅度削减中期股息 72%,因其已开始另一重组项目来应对业务压力。 -ZH_HYP: 1.. +ZH_HYP: 5.a.................................................................. EN: The job cuts, which Chief Executive John Fallon said will mostly come late in 2018 and in early 2019, are in addition to 4,000 roles lost in its previous restructuring. ZH_REF: 首席执行官约翰·法伦称,大部分岗位裁减将在 2018 年下半年和 2019 年上半年进行,此前的重组中已缩减了 4000 个岗位。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为他们的事,是为了使他们的工作变得更糟,而在他们的面前,他们的态度就会被人所占的,而不是在2004年的10年中,对我们的影响了 EN: Pearson announced a plan to cut costs by another 300 million pounds ($394-million U.S.) in May in a third cost-cutting programme to try to revive a business hit by the rapid move to digital learning. ZH_REF: 培生集团五月份宣布计划在第三次成本削减项目中再削减 3 亿英镑(3.94 亿美元)成本,以复兴受数字化学习快速发展冲击的业务。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: The company, which agreed to sell its stake in Penguin Random House to partner Bertelsmann last month, said its outlook for the year was unchanged after it reported a 1 per cent rise in underlying sales in the first half to 2.05 billion pounds. ZH_REF: 上个月,该公司同意将其在企鹅兰登书屋的股份出售给合作伙伴贝塔斯曼,并发表报告称上半年其基本销售额上浮 1%,增至 20.5 亿英镑,但表示今年前景不变。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的名字是由一个人的,而不是在他们的身上,而是在他们的身上,在那里,他们的心都是在一起,而不是在乎你的上司。的了了了了了了了了了了了了的的的的的的的的的的的的 EN: A few days ago, the China Athletic Association issued a serious notice to severely beat the phenomenon of running for others, and prepared to punish violators with a lifelong ban. ZH_REF: 几天前,中国田协严肃认真地出了个通知,严打替跑现象,并且准备对违规者给予终身禁赛的重罚。 -ZH_HYP: 1.. +ZH_HYP: (四)【句意】(a)【句意】我们的人在为自己的事业中,而不是为了逃避,而不是为了使他们的缘故,而不是为了给别人带来的,也是为了给别人带来的,而不是在我们面前的的 EN: Kabul convoy attack: Nato soldier killed in suicide blast ZH_REF: 车队喀布尔遭自杀式爆炸袭击致北约士兵身亡 -ZH_HYP: 1.. +ZH_HYP: 在他的后面,一个人的秘密,是,他们的是,他们的,是的,是的,是的,是的,是的,是的,是的,是为了使自己的力量而去,而不是太多了。了了了了了了了了 EN: A suicide bomber has attacked a military convoy in the Afghan capital, Kabul, killing a Nato soldier and wounding several others, officials say. ZH_REF: 据官方消息称,一支军方车队在阿富汗首都喀布尔遭遇自杀式炸弹手袭击,造成一名北约士兵丧生和数人受伤。 -ZH_HYP: 1.. +ZH_HYP: 4.a................................................................. EN: Five soldiers and an interpreter were injured, a Nato statement said. ZH_REF: 北约声明称,有五名士兵和一名口译员被炸伤。 -ZH_HYP: 1.. +ZH_HYP: 5.4.在一个人的情况下,他们的处境是,为自己的目的而牺牲,而不是为了使他们的力量而被人所束缚,而不是为了使他们的力量而变得更高了了的的的的的的的 EN: Unconfirmed local reports say three civilians also died in the incident in the city's Qarabagh district. ZH_REF: 据未经证实的当地报道称,三名平民也在该市卡拉巴格地区发生的这次事件中死亡。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为他们的事,是在他们的,是为了控制的,而不是在他们的中,是为了得到的,而不是在那里,要么是为了得到的,而不是在那里,要么是为了得到的 EN: The bombing is the latest violence to have hit Afghanistan this month - on Tuesday more than 30 people were killed in a mosque blast in Herat. ZH_REF: 这是阿富汗遭逢的最新暴力袭击事件 - 周二发生的赫拉特清真寺爆炸事件造成了 30 多人死亡。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是在我们的,是为了使他们的缘故,他们的一切都是为了得到的,而不是为了使他们的缘故,而不是为了给他们带来的,是在我们的中途中的的的的的的的的的的 EN: On Monday a suicide bomber killed two people near the Iraqi embassy in Kabul. ZH_REF: 周一,一名自杀式炸弹手在伊拉克驻喀布尔大使馆附近炸死两人。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: A Nato statement said that Thursday evening's blast happened when a joint patrol with the Afghan army was attacked by a "personnel-borne improvised explosive device." ZH_REF: 据北约声明称,周四晚间发生爆炸事件,阿富汗和北约联军的联合巡逻队遇“个人携带简易爆炸装置”袭击。 -ZH_HYP: 1.. +ZH_HYP: 4.a................................................................ EN: The statement said that all those injured are in a stable condition and are being treated at the US military hospital at Bagram airfield. ZH_REF: 该声明称,所有受伤人员目前状态稳定,正在位于巴格拉姆空军基地的美军医院接受治疗。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的态度是,是为了使自己的处境更加危险,而不是在他们的身边,而是在他们的面前,为自己的力量而去,而不是在那里,是为了得到更多的保护的的的的的的的的 EN: Correspondents say the growing strength of the Taliban and the group known as so-called Islamic State (IS) in Qarabagh is a major source of concern to Nato forces based in nearby Bagram. ZH_REF: 据记者报道,卡拉巴赫地区的塔利班和所谓的伊斯兰国 (IS) 组织日益壮大引发驻扎在巴格拉姆附近的北约部队的严重关注。 -ZH_HYP: 1.. +ZH_HYP: (c)【句意】(a)【句意】(),我们的意思是,他们的意思是,“你的意思是,”“我的意思是,”“你的意思是,”“你的意思是,”“”“” EN: According to the United Nations, Afghanistan saw at least 1,662 civilian deaths in the first half of 2017, with about 20% of those in the capital. ZH_REF: 据联合国统计,2017 年上半年阿富汗至少有 1,662 名平民死亡,而首都的死亡人数占约 20%. -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的态度是,在那里,他们的处境最坏,而不是在他们的身上,而是在他们的身上,在那里,是为了达到最高点,而不是在那里,是为了达到最高的目的而去做的的的的的的的的的 EN: At the end of July, a suicide car bomb killed at least 30 people in a mainly Shia district of Kabul. ZH_REF: 7月底发生在喀布尔以什叶派为主的地区的一起自杀式汽车炸弹袭击事件造成了至少 30 人死亡。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为他们的事,是用不着的,把他们的东西弄到了,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: The Taliban said they had carried out that attack. ZH_REF: 塔利班声称他们发动了这次袭击。 -ZH_HYP: 1.. +ZH_HYP: (k)【句意】(a)【句意】我们的意思是,他们的意思是,他们的意思是,他们的意思是,我的意思是,你的意思是,要把它给的,是的,是的,是的,是的,是的。 EN: On 31 May, a huge bombing in the centre of the city killed more than 150 people, the deadliest militant attack in the country since US-led forces ousted the Taliban from power in 2001. ZH_REF: 5 月 31 日,在喀布尔市中心发生一起巨大爆炸,造成 150 多人丧生,这是自2001年美国领导的多国部队将塔利班推翻后该国发生的最致命的武装分子袭击事件。 -ZH_HYP: 1.. +ZH_HYP: 5.3.1.4.在一个大的情况下,这种人的痛苦是由其所控制的,而不是从其所产生的,而是在他的手中夺走了,而这是在他的力量上的,是对的的的的的的的的的的 EN: The violence underlines the precarious security situation in Afghanistan as US President Donald Trump weighs up whether to increase the number of US troops aiding the military and police in the country. ZH_REF: 暴力事件凸显了美国总统唐纳德?特朗普权衡是否增兵阿富汗支援其军队和警察之际该国险象环生的安全局势。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,我们的态度是,我们的态度是,对你来说,是为了使自己的事业变得更糟,因为他们是在为他们的服务而去的,而不是在那里,要么是为了得到的,而不是太多了了了 EN: Correspondents say the suicide bombings in Kabul in recent weeks have also created a crisis of public confidence in the government, its policies and in particular the reputation of President Ashraf Ghani. ZH_REF: 据记者报道,最近数周在喀布尔发生的自杀式爆炸事件也引发了公众对政府及其政策,特别是阿什拉夫?加尼 (Ashraf Ghani) 总统声誉的信任危机。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的错误,是为了使他们的事业变得更糟,而不是在他们的面前,你的心智,而不是在他们身上,而是为了你的利益而去,那是对的,对你来说,是一种最坏的 EN: EPA reverses decision to delay smog rule after lawsuits ZH_REF: 美国国家环境保护局 (EPA) 诉讼后推翻决议,延迟烟雾法规 -ZH_HYP: 1.. +ZH_HYP: (b)(一)将被视为是不可能的,因为它是在被占领的,是为了使他们的利益而被人所犯的,而不是为了使他们的力量而被人所包围,而不是太多了,要么是在他们的关系中,也是如此。 EN: The U.S. Environmental Protection Agency reversed a decision to delay an Obama-era rule requiring states to curb smog-causing emissions, one day after 15 states sued the agency over the move. ZH_REF: 奥巴马在任时做出了要求各州遏制引起烟雾的各类排放的规定,15 个州因为该项规定对美国国家环境保护局进行起诉。起诉一天后,EPA 推翻了该项规定。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是对我们的,是为了使自己的处境更加危险,而不是为了使他们的缘故,而不是为了让人感到羞耻,因为他们的行为是由他所做的,而不是在哪里?了的的的的的 EN: The EPA announced the decision to go ahead with the so-called "2015 Ozone Designations" late on Wednesday, saying it showed the agency's commitment to working with states. ZH_REF: 美国环保局周三宣布决定继续推行所谓的“2015 年臭氧达标区”,并承诺环保局将与各州合作。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),我们的手表是,我们的东西是用的,而不是用它来的,而是要把它的东西弄得太多了,因为它是在说谎的,而不是在上方,那是什么意思 EN: "We believe in dialogue with, and being responsive to, our state partners," EPA Chief Scott Pruitt said in a statement. ZH_REF: 美国环保局局长斯科特·普鲁伊特在一份声明中表示,“我们对与国家合作伙伴进行对话充满信心,并且致力于对其作出回应。” -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Pruitt in June had announced the EPA's intention to delay the ozone designations - in which existing smog pollution is measured in parts of the country to determine where cuts must be made to meet tougher air quality standard - by one year to October 2018. ZH_REF: 普鲁伊特在 6 月份宣布,环保局计划将臭氧达标区标准的实施推迟至 2018 年 10 月,推迟时间为一年 - 根据该标准,对部分地区现有烟雾污染进行测量,以确定哪些地区应当减少造成烟雾污染的排放,以符合空气质量标准。 -ZH_HYP: 1.. +ZH_HYP: 4.5.在为其提供的服务中,有必要将其作为一种方法,以使其更容易地消除,而不是在10年中,它是在其上,它是在一小时内达到的,而不是在高处,因此,它是对的。 EN: A group of 15 mostly Democratic states, along with the District of Columbia, filed a suit on Tuesday saying the effort was illegal. ZH_REF: 15 个主要民主党州以及哥伦比亚特区在星期二对此提起诉讼,宣称这一行为违法。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),这是由一个人组成的,而不是在他们的中,是在说谎的,而不是在他们的身边,那是对的,是的,是的,是的,是的,是的,是的。了 EN: The administration of President Donald Trump has been seeking to roll back a wide array of environmental regulations imposed by former President Barack Obama, as part of a broader agenda Trump says is aimed at sparking economic growth. ZH_REF: 作为更广泛议程的一部分,唐纳德·特朗普总统当局一直在努力恢复前总统巴拉克·奥巴马推行的各种环境法规,以刺激经济增长。 -ZH_HYP: 1.. +ZH_HYP: (美国)(以英语发言):“这是对我们的,是为了使自己的利益而变得更容易,而不是为了让自己的力量而去,而不是在这里,”他说,“我是个好人,”说了了了了了了了了了 EN: But the efforts have triggered pushback by Democratics and conservation groups who are concerned about the impact of greater emissions on public health. ZH_REF: 但这些努力引发了民主党和保守团体的反对。他们担心更多排放会影响公众健康。 -ZH_HYP: 1.. +ZH_HYP: 4.5.为了使人的目的,我们的工作是为了使自己变得更容易,而不是为了使他们变得更容易,因为他们的行为是在为他们的服务而来的,而不是在(e)上,这是对我们的影响的的的 EN: The EPA's website says breathing air containing ozone "can reduce lung function and increase respiratory symptoms" like asthma. ZH_REF: 美国环保局网站上宣称,呼吸含有臭氧的空气“会减低肺部功能,增加呼吸道症状”,比如哮喘等。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,它是为了使人的缘故,而不是在说谎,而是用它的方式来进行,而不是在你的身边,它的意思是对的,对你来说,是最重要的 EN: Two runners suffered sudden death in the recently ended 2016 Xiamen (Haicang) International Half Marathon. ZH_REF: 在刚刚结束的2016厦门(海沧)国际半程马拉松赛上,发生两名跑者猝死事件。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,有的是,他们的生活在一起,是为了使他们的心惊肉跳,而不是在他们的中,才会有更多的东西,而不是在(上)的的的的的的的的的的的的的的的的的的 EN: According to relevant regulations of the Indian government, establishing retail stores in India would entail procuring 30% of a product’s parts and components in India. ZH_REF: 根据印度政府的相关规定,要想在印度开设零售店,必须在印度采购30%的产品零部件。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,我们的态度是,在做了一些事,因为它是为了使自己的利益而被淘汰,而不是在他们的身上,而是在他们的身上,而不是在那里,也是为了保护自己的的的的的的的的的的的的的的的的的的的的 EN: Two nights ago, Ali Music’s 2016 Rock & Roll Original Band Final was held at Guangzhou Railway Station. The band, “Every Tuesday Afternoon”, won the first prize with its song “He doesn’t want to live in a dream, but lived forever in a dream”. As with all live shows, they did their best to use their voices, actions and looks to convey their emotions, crying out for “freedom”. ZH_REF: 前晚,阿里音乐2016滚石原创乐团大赛决赛在广州中央车站举行,最终“每个星期二下午”乐团凭借一首《他不愿生活在梦中,却永远生活在梦中》夺冠,如同所有的liveshow一样,他们竭尽所能利用歌声、动作、造型传达情绪,为“自由”呐喊。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)1................................................................... EN: Five renowned musicians - Peng Juxin, Yan Zhongkun, Li Chi, Zhu Qi, and “outwardly aloof and inwardly passionate singer” Yu Kewei, served as judges that night. ZH_REF: 当晚来了五位知名音乐人当评委,分别是彭莒欣、颜仲坤、李赤、朱七,还有“闷骚歌手”郁可唯。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................ EN: Before an exclusive interview with a Yangcheng Evening News reporter, Yu Kewei had a sip of alcohol. She felt this would help her loosen her tongue a little. “Super Girl”, “Time Boils the Rain”, Rock Records, EE-Media ...... are the keywords the market has attached to her. She has calmly accepted these terms while trying her best to safeguard her internal purity. ZH_REF: 在接受羊城晚报记者专访之前,郁可唯喝了一口小酒,她觉得这样会多说几句。“快女”、《时间煮雨》、滚石、天娱……是市场附加在她身上的关键词,她在坦然接受的同时也极力守护内心的净土。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我的心意是,“你的心”是“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。。 EN: This is also the true state of survival of many singers at this time - they know what the market wants, and they know what they themselves like. ZH_REF: 这也是目前很多歌手的真实生存状态——知道市场需要什么,也知道自己喜欢什么。 -ZH_HYP: 1.. +ZH_HYP: (a)(),我们的意思是,在这方面,我们都是为了自己的,而不是在他们的面前,他们的才是,他们的品德,是的,是的,是的,是的,是的,是的,是的。 EN: According to Xinhua News Agency, Shenzhou 11 astronauts Jing Haipeng and Chen Dong were interviewed on the 7th by the media at the astronauts’ apartment in Aerospace City, Beijing. Both were in good condition. ZH_REF: 据新华社电 神舟十一号航天员景海鹏、陈冬7日在北京航天城航天员公寓接受了媒体记者采访,状态良好。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的名字是由一个人组成的,而不是在他们的中,是在他们的,是在说谎的,是在他们的时候,在那里,是的,是的,是的,是的,是的。 EN: At about 10am on the 16th, an explosion occurred at Shuangma Chemical Plant located in Dongchen Town, Rugao, Jiangsu Province. ZH_REF: 16日上午10时左右,江苏省如皋市东陈镇双马化工厂发生爆炸。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,我们的人,是为了把他们的东西弄到了,而不是在他们的身上,就像你的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: Reporters learned from the Propaganda Department of the Rugao Municipal Party Committee that rescue efforts are in the process of being carried out, and the injured have been successively rescued. ZH_REF: 记者从如皋市委宣传部了解到,现场施救正在进行中,已有伤员被陆续救出。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),在做作业的时候,我们都会被人抓住,因为他们是在说谎,而不是在他们的身边,那是对的,是的,是的,是的,是的,是的,是的。 EN: The exact number of fatalities and those injured are as yet unclear, and the cause of the explosion is currently under investigation. ZH_REF: 目前具体伤亡情况不明,爆炸原因正在调查。 -ZH_HYP: 1.. +ZH_HYP: (k)(一)不,是,我们的处境也是,他们的事也是为了使他们的缘故,而不是为了使他们的缘故,而不是为了给别人带来的,而不是在那里,而是要在那里,要有多大的时间 EN: Last night, the Organizing Committee of International Marathon Shenzhen announced the punishment for the two surrogate runners B0575 and B0800. Their results were canceled, and their cases would be further reported to the China Athletic Association for additional punishment. ZH_REF: 昨晚,深马组委会公布了对B0575、B0800两名替跑参赛者的处罚公告,取消两人成绩,并将报请中国田协追加处罚。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的工作是由一个人组成的,而不是在他们的身上,而是被人所为的,他们的痛苦是在他们的,而且是在增加了500米的,也是对他们的影响的一个原因了了了了的的的 EN: During heavy training, the runner needs enough nutrition to meet the body's demand for energy. ZH_REF: 在繁重的训练期间,跑者需要摄入足够的营养来满足身体对能量的需求。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),在这方面,我们需要的是,他们的愿望是,他们的品味,是为了使他们的利益而被人所束缚,而不是为了给他们带来的,而不是在高处,而是要在那里的 EN: In terms of daily diet, the food intake in off-season is sure to be less than that during training, especially that the intake of carbohydrate is controlled while the intake of protein and fiber is increased appropriately. ZH_REF: 在日常饮食方面,休赛期的食物量肯定要比训练期间的少,特别是减少碳水化合物的摄入,增加蛋白质和纤维的摄入。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在一定程度上,我们的生活是不可能的,因为他们的东西是在用的,而不是在其他的东西上,也是在用的,是的,是的,是的,是的,是的。 EN: From December 15 to 22, 2016, a brand new production of “Hamlet” by the National Centre for the Performing Arts again triggered the passion of Chinese audience for art classics. ZH_REF: 2016年12月15日至22日,国家大剧院全新制作的话剧《哈姆雷特》,再次引燃了中国观众对艺术经典的热情。 -ZH_HYP: 1.. +ZH_HYP: 5.a............................................................... EN: Mikey Garcia and Vasyl Lomachenko meet for the first time, discuss a possible showdown ZH_REF: 麦基·加西亚和瓦西里·洛马琴科首次会面,探讨未来有可能上演的决战 -ZH_HYP: 1.. +ZH_HYP: 5.a............................................................... EN: Vasyl Lomachenko and Mikey Garcia, who should be on a collision course to stage the most compelling boxing match under 147 pounds in the near future, met each other for the first time Thursday. ZH_REF: 最引人注目的 147 磅以下拳击比赛将于不久后举办,当前正处于可能发生冲突状态中的瓦西里·洛马琴科和麦基·加西亚于周四首次会面。 -ZH_HYP: 1.. +ZH_HYP: (美)(一),我们的,是的,是的,是的,是的,是的,是的,是的,是的,是在你的,还是要在的,也是为了赢得更多的,而不是在上场上的。了了了了 EN: They were in separate rooms at ESPN offices in Los Angeles until Garcia, the unbeaten World Boxing Council lightweight champion, walked down the hallway to greet Lomachenko, the World Boxing Organization super-featherweight champion. ZH_REF: 他们分别在洛杉矶 ESPN 办公室的独立房间里,不败的世界拳击理事会轻量级冠军加西亚率先走下走廊,向世界拳击组织超羽量级冠军洛马琴科致意。 -ZH_HYP: 1.. +ZH_HYP: (美国)(4)............................................................ EN: After Garcia's victory by unanimous decision over former four-division world champion Adrien Broner on Saturday on Showtime, both fighters are members of the top-five pound-for-pound list. ZH_REF: 在周六举办的 Showtime 拳赛上,裁判一致认定加西亚打败了四分区世界冠军阿德里安·布罗纳取得胜利,至此,这两位拳手均已成为同重量级榜单前五名的选手。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。。。。。。。。。。 EN: Garcia extended his right hand and said, "How you doing, champ? ZH_REF: 加西亚伸出右手说道:“冠军,你好吗? -ZH_HYP: 1.. +ZH_HYP: (美英对照),你的意思是,我们的,是的,是为了使自己摆脱困境,而不是为了自己的利益而去,而不是为了让别人的服务而去,因为你是在说谎的,是对我们的人,是最重要的 EN: Best of luck to you." ZH_REF: 祝你好运。” -ZH_HYP: 1.. +ZH_HYP: 5.a............................................................... EN: Lomachenko defends his belt against Miguel Marriaga on Saturday night at 7 on ESPN. ZH_REF: 在周六晚上 7 点的 ESPN 比赛中,洛马琴科战胜了米格尔·马里亚加,保全了他的地位。 -ZH_HYP: 1.. +ZH_HYP: (美英对照),()(),是用不一样的,因为它是在用的,是在中,是在中,是在说谎的,是在说谎的,是对的,而不是对我们的反应,而是对你的态度了 EN: As the pair posed for photos, Lomachenko manager Egis Klimas noted that a potential showdown between the fighters would be "perfect sizing." ZH_REF: 当他们两位拍照时,洛马琴科的经纪人埃吉斯·克利玛斯指出,两位选手之间潜在的对决取决于“完美的尺寸”。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),也是指甲,是在说谎,他们是在说谎,而不是在他们身上,是为了让人感到羞耻,那是对的,是对的,是的,是的,是的的的 EN: "I'm a former featherweight," Garcia reminded. ZH_REF: “我之前是轻量级,”加西亚提道。 -ZH_HYP: 1.. +ZH_HYP: “(b)”“是的,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。。。。。 EN: "I moved up for Broner [at 140 pounds], but I'm not that big. ZH_REF: “我上调级别以对战布罗纳(140 磅),但我体重并没有那么大。 -ZH_HYP: 1.. +ZH_HYP: “我的意思是,”“不,”“是的,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。。。。 EN: I'm small for 140. ZH_REF: 相对于 140 磅,我的体重还差一点。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,你的意思是,它是在我的,是为了让别人的,而不是为了给别人的,而不是为了给别人带来的,也是为了得到的 EN: I want to come down to lightweight. ZH_REF: 我想回到轻量级。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................ EN: And he's got to move up to lightweight [135 pounds] and then we have a fight. ZH_REF: 而他必须达到轻量级(135 磅),然后我们才能对战。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)()(),我们的意思是,你的意思是,他们的意思是,在我的上,你会有什么影响,因为你的心都是为了得到的,而不是为了更多的,而不是在我们的上司。了了了了了了了了 EN: That's what the fans are asking for. ZH_REF: 这也是粉丝们想要的。 -ZH_HYP: 1.. +ZH_HYP: (英译汉).................................................................. EN: Let's give them that." ZH_REF: 那我们就满足他们。” -ZH_HYP: 1.. +ZH_HYP: (美国)的意思是,“我们的”,是的,是为了使自己的力量而被人的,而不是在他们的身边,而是为了得到的,而不是为了给别人的,而要把它的力量推到你的位置上 EN: Lomachenko agreed. ZH_REF: 洛马琴科对此表示同意。 -ZH_HYP: 1.. +ZH_HYP: (k)【句意】(这是我的意思),我们的生活在一起,因为你的意思是,他们的意思是,他们的意思是,我们要比别人的要去,要去做,要有多大的 EN: "Boxing needs this fight." ZH_REF: “拳击界需要这场对战。” -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Klimas asked if it should be on pay-per-view, part of a strategy he has to have Lomachenko fight a 135-pound debut bout later this year to set up a date next summer with Garcia (37-0, 30 knockouts), who also has interest in fighting the Jorge Linares-Luke Campbell winner following their Sept. 23 lightweight title bout at the Forum. ZH_REF: 克利玛斯问他是否应该按次收费,他的部分战略是必须让洛马琴科在今年晚些时候与一位 135 磅选手进行首秀比赛,以为明年夏天与加西亚(37-0,30 淘汰赛)约定一个日期。加西亚也有兴趣在 9 月 23 日论坛轻量级拳王争霸赛之后,与豪尔赫·利纳雷斯-卢克·坎贝尔对战的胜利者进行对决。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,他们的名字是:(a)他们的经历,他们的愿望是,他们的梦想,是为了赢得胜利,而不是在他们的比赛中,在他们的比赛中,在比赛中获胜了.的的的(的的((((((1 EN: "This fight could be on pay-per-view because all the fans have been asking about it," Garcia said, later expressing openness to fighting on whatever network offers the best financial package. ZH_REF: “由于所有的粉丝都在问这个问题,这场对战可能是按次收费,”加西亚说。之后,他对于在提供最佳财务方案的网络上比赛表示出开放态度。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: "We're the main names. ZH_REF: “我们是主要人物。 -ZH_HYP: 1.. +ZH_HYP: (美英对照),我们的目的是,从表面上看,我们的东西,是的,是的,是的,是的,是的,是的,是的,是的,是对的,而不是在你的上司,还是要把它的意思 EN: No other names can generate that kind of attention. ZH_REF: 其他人不可能产生这么大的关注度。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,我的意思是,他们的意思是,他们的意思是,它是在和别人的,因为它是对的,而不是为了给别人的 EN: Whenever they're ready ... ." ZH_REF: 只要他们准备好......” -ZH_HYP: 1.. +ZH_HYP: 5.3................................................................ EN: Garcia said he appreciates Lomachenko as "a tremendous fighter," and may attend his Saturday bout. ZH_REF: 加西亚赞赏洛马琴科是“一个出色的选手”,并可能现场观看他周六的拳击比赛。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(),(),我们的手表是,在这方面,我们都有了,而不是在那里,他们都是为了得到的,而不是在那里,还是要把它的东西分给别人,而不是最喜欢的,是对的。了 EN: But Lomachenko paused at lavish praise for Garcia, saying he thought the three-division champion from Riverside looked "very slow, sorry Mikey ... you wanted the knockout." ZH_REF: 但洛马琴科对加西亚的赞誉有所犹豫,称他认为这个来自里弗赛德的三分区冠军看起来“很慢。抱歉,麦基......你会被淘汰的。” -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Garcia said the focus was to show punching strength, then box. ZH_REF: 加西亚说,重点是要展现拳头的力量,然后再是拳击。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,你的意思是,他们的意思是,我们的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: They both said they can feel the momentum building for their own bout. ZH_REF: 他们都表示可以感受到自己拳击比赛的势头。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的意思是,他们的意思是,他们的意思是,他们的意思是,他们的意思是,要把它给我,也是为了给你带来的,而不是为了给别人带来的 EN: "This is the fight to be made. ZH_REF: “这是必须要进行的对战, -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................ EN: No other fight creates as much attention and buzz. ZH_REF: 关注度和热议度是其他拳击比赛所不能及的。 -ZH_HYP: 1.. +ZH_HYP: (4)a:(b),我们的意思是,在不可能的情况下,我们都会有更多的东西,而不是在他们的上司,而是在那里,是为了让人感到很好的了的的的的的的的的的的的 EN: I'm more than happy to work at it," Garcia said. ZH_REF: 我非常乐意参赛,”加西亚说。 -ZH_HYP: 1.. +ZH_HYP: (美英对照),“我们的”是,从句中,我们可以用它来形容那些东西,是为了使自己的力量而变得更有魅力,而不是在别人身上,而是要用的,让你的力量去掉它的 EN: Said Lomachenko: "I've waited for the top fighters, and this is Mikey. ZH_REF: 洛马琴科说:“我一直在等待顶级战士,这次轮到麦基了。 -ZH_HYP: 1.. +ZH_HYP: (美英对照):“这是个不寻常的东西,”他说,“你的东西,都是在我的,”他说,“你的心都是为了”而了了了的的的的的的的的的的的的的的的的的的的的的的的 EN: It will be a great fight." ZH_REF: 这将是一场伟大的对战。” -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................ EN: Promote Environmental Protection yesterday held a large-scale environmental volunteer service thematic event entitled “Green Homeland, Make Xicheng Proud” ZH_REF: 宣传环保昨天,西城区举办了“绿色家园,益动西城”大型环境志愿服务主题活动 -ZH_HYP: 1.. +ZH_HYP: (a)为人提供服务,以使他们的处境更加危险,而不是为自己的利益,为自己的一切提供便利,而不是在他们的身上,也是为了得到的,而不是在那里,是为了提高他们的能力而付出的代价 EN: Unlike the past traditional methods of picking up trash and handing out promotional material, the organizers have set up six special game experiential zones, including water-efficient toilets, enzyme production experiences, and traffic dominoes. ZH_REF: 不同于以往捡垃圾、发宣传材料的传统方式,主办方专门设置了6个游戏体验区,包括节水马桶展示、酵素制作体验、交通多米诺骨牌等。 -ZH_HYP: 1.. +ZH_HYP: (一)在其他方面,我们的态度是,从表面上看,是为了使自己的利益而变得更容易,而且也是为了得到的,而不是在那里,它是由我所做的,是的,是的,是的,是的,是的。 EN: At present, many children in China have given up their studies, taking professional golfers as their goals. And they have been so smooth on the professional path and won’tconsider going to colleges. ZH_REF: 目前在国内,许多小朋友因为以职业高尔夫球手为目标,放弃了学业,而在职业道路上走得平顺,更不会考虑大学。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,我们的态度是,我们的目的是为了使自己的事业变得更容易,而不是在他们的身上,而不是在他们的身边,那是对的,是的,是的,是的,是的,是的,是的。了 EN: The position stated by National Development and Reform Commission officials as regards achieving the emission reduction target of the 11th Five-Year Plan ahead of time gives the steel industry, which has been subjected to power supply and production quotas, strong expectations of resumption of production. ZH_REF: 中国发改委官员对十一五减排目标提前完成的表态,让受限电限产压制的钢铁行业有了强烈的复产预期。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,我们的态度是,对其进行了彻底的调整,使其成为了一个大的国家,而不是在过去的中,它的速度和速度,而这是在不断成长的,而不是在高科技领域,它是为了满足的的的 EN: Although steel plants, as of now, have yet to receive clear notification from local governments announcing that work related to energy conservation and emission reduction has ended, the industry expects that by around December 15, 2010, steel plants nationwide that have been subjected to production quotas will resume production successively. Steel prices could start to come under pressure. ZH_REF: 虽然目前钢厂并未收到当地政府宣布节能减排工作已结束的明确通知,但业内估计,2010年12月15日左右,各地原本被限产的钢厂将陆续完成复产,钢价或将开始承压。 -ZH_HYP: 1.. +ZH_HYP: 但是,在一个方面,我们都有责任,而不是从头到尾,它是为了使其更容易被淘汰,而这是在2005年12月之前,它已经被人所控制的,也是由于经济的需求而减少的. EN: A spokesperson from a private steel enterprise in Hebei told our reporter that notice to end power supply and production quotas has yet to be received at this time, but in reality, pressure on all enterprises have eased significantly when compared to that in September and October. ZH_REF: 目前还没有收到限电限产结束的通知,但实际上各个企业的压力已经大大小于9、10月份,河北省一家民营钢企人士对记者说。 -ZH_HYP: 1.. +ZH_HYP: 5.a.................................................................... EN: Some local governments in Hebei Province have repeatedly issued documents related to power supply and production quotas, and have adopted mandatory power shutdown measures to limit production. ZH_REF: 河北部分地方曾屡次下发限电限产文件,并一度采取强制拉闸的方式限制企业生产。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的错误,是为了使自己的处境和不堪的,而不是为了使他们变得更容易,因为他们的事也是为了得到的,而不是为了给我带来的,而不是在乎别人的的的的的 EN: The reporter learned from local enterprises that the steel plants of most regions in Hebei have resumed production at this time, and pressure from production quotas have eased. ZH_REF: 记者从当地企业了解到,目前河北绝大部分地区的钢厂已经复工,限产压力缓解。 -ZH_HYP: 1.. +ZH_HYP: (四)【句意】(),我们的人,是为了使自己的事业变得更容易,而不是在他们的身上,也是为了让你的,而不是在乎的,因为它是在不断地的,而不是在上了 EN: Mysteel.com analyst Zhang Tieshan estimated that end-user demand for construction steel will gradually weaken as winter has already arrived in Northern China. ZH_REF: 我的钢铁网分析师张铁山预计,由于北方已经入冬,建筑钢材的终端需求将逐步由强转弱。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在不对的事物中,我们的处境也会被人所为,而不是在他们的中,是在为你所带来的,而不是在那里,它是由你所能的,而不是太多了了的的的的的的的的的的的的的的的 EN: Coupled with the energy conservation and emission reduction program winds down, most steel plants will generally resume production by around December 15. Products will gradually make their way to markets across the country before New Year’s Day. ZH_REF: 加之节能减排的逐步结束,到12月15日前后,大部分钢厂将基本复产,产品将于元旦前陆续到达各地市场。 -ZH_HYP: 1.. +ZH_HYP: (一)(一)不可能,而另一个是,它们的价格是由,在(一)下,使其成为可能,而不是在2004年12月之前,在美国,它的经济地位使其成为可能的,而不是最需要的,而是要在市场上进行。 EN: The increase in the supply of resources will exert some pressure on soaring steel prices. ZH_REF: 资源供应的增加将使得目前涨势正好的钢材价格受到一定压力。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),(),在做作业时,我们也会有更多的东西,而不是为了自己的,而不是在他们的上方,而是要在那里,要有多的,要有的,要有多的,要有的,要不要太多 EN: On December 20, relevant personnel from ZTE Smart Auto told Bloomberg (www.thepaper.cn) reporters that ZTE has acquired a 70% equity stake in Granton Automobile, and will set up ZTE’s smart auto group on this foundation. “We are not at liberty to disclose the monetary sum, but it amounted to several hundred million. We are in the process of recruiting talent. In the future, smart autos will be a very important business for ZTE. ZH_REF: 12月20日,中兴智能汽车相关人士对澎湃新闻(www.thepaper.cn)记者表示,中兴通讯收购了珠海广通客车70%的股份,并在此基础上组建了中兴通讯的智能汽车团队,“金额不方便透露,达到数亿元。我们正在招揽人才,未来智能汽车将是中兴通讯一个很重要的业务。 -ZH_HYP: 1.. +ZH_HYP: 在过去的中,有的是,有的人都是这样的,他们的人都是一个很好的人,他们的人都是在说谎的,他们的价值是在公司的,而不是在公司里的,是的,是的。了了了了了了了 EN: According to foreign media reports, renowned Hollywood director Garry Marshall passed away on July 19 local time of complications from pneumonia at a hospital in Burbank, California. He was 81 years old. ZH_REF: 据外媒报道,美国当地时间7月19日,好莱坞著名导演加里·马歇尔因肺炎并发症在加州伯班克的一家医院里逝世,享年81岁。 -ZH_HYP: 1.. +ZH_HYP: 在美国的一个大片里,这是个很容易的东西,因为他的钱是在他们的,是在他们的,是在他们的时候,在那里,是的,是的,是的,是的,是的,是的。了了 EN: His publicist Michelle Bega confirmed this news to a “USA Today” reporter. ZH_REF: 其新闻发言人米雪儿·贝佳向《今日美国》的记者证实了这一消息。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: In the history of Chinese badminton team playing in the finals, no one has ever won the champions of two pair games at the same time. ZH_REF: 在国羽出战总决赛的历史上,还从未有一人同时拿下双打两冠。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的性格是不可能的,因为它是由自己的,而不是在他们的身边,在那里,他们都是为了得到的,而不是在那里,要么是为了赢得比赛,而不是太多了了了的的的的的的 EN: The 68th Primetime Emmy Awards ceremony was held in Los Angeles, USA, yesterday (night of September 18th, local time). ZH_REF: 第68届艾美奖颁奖典礼昨日(当地时间9月18日晚)在美国洛杉矶举行。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的名字是由一个人,而不是在,他们的是,他们的生活,是的,是的,他们的力量,是的,是的,是的,是的,是的,是的,是的,是的。了了 EN: Competition for “Best Actor” and “Best Actress” in a dramatic role was intense this year. Finally, two newcomers beat seasoned actors: the Best Actor Award went to the male lead of “Mr. Robot”, Rami Malek, who was nominated for the first time, while Tatiana Maslany of “Orphan Black” won the Best Actress Award. ZH_REF: 今年的剧情类“视帝”“视后”竞争激烈,最终由两位新人打败了一众老演员:最佳男主角奖由首次提名的《黑客军团》男主角拉米·马雷克夺得,最佳女主角奖由《黑色孤儿》的塔提阿娜·玛斯拉尼夺得。 -ZH_HYP: 1.. +ZH_HYP: 在这个意义上,“我的意思是,”“是的,”“是的,”“我的意思是,”“你的意思是,”“你的意思是,”他说,“你最好别让我的人去做。”??”””””””””””””” EN: “Game of Thrones” and “American Crime Story” were the biggest winners of this Annual Emmy Awards. ZH_REF: 本届艾美奖的大赢家当属《权力的游戏》和《美国犯罪故事》。 -ZH_HYP: 1.. +ZH_HYP: “”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。。 EN: “American Crime Story” won the major awards for the limited series, movie or dramatic special category, while “Game of Thrones” won 12 major awards (including the technical category); in particular, it won three major awards, namely, Best Drama Series, Best Directing for a Drama Series, and Best Writing for a Drama Series. ZH_REF: 《美国犯罪故事》包揽了迷你剧/电视电影类的重要大奖,《权力的游戏》则拿下12个大奖(含技术类),其中包括剧情类最佳剧集、最佳导演和最佳编剧三个重磅大奖。 -ZH_HYP: 1.. +ZH_HYP: “”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。 EN: To date, “Game of Thrones” has already received 38 Emmy Awards, becoming the TV series that has won the most Emmy Awards in history. ZH_REF: 至此,《权力的游戏》已经收获了艾美奖奖座38个,成为历史上获得艾美奖最多的电视剧集。 -ZH_HYP: 1.. +ZH_HYP: (美)(4).............................................................. EN: Regrettably, none of the actors in “Game of Thrones” won an award. ZH_REF: 遗憾的是,今年《权力的游戏》在演员奖项上颗粒无收。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)(),这是个不对的,是在不可能的,我们的工作,是为了使自己的力量而变得更有价值,而不是在他们的身边,而不是在那里,要么是为了得到更多的的的的的的 EN: A few years ago, people who were allowed to set foot in the venture capital sector were limited to those who had founded companies and subsequently joined venture capital companies, or analysts who worked in venture capital companies who hoped to further their careers. ZH_REF: 就在几年前,能够涉足风投领域的仅局限于创办过公司,后来加入风投公司的人,又或者那些希望事业更上一层楼的风投公司分析师。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,一个人的性格是,他们的事业是为了使他们的利益而被人所包围,而不是在他们的公司里,也是为了给他们带来的,而不是在那里,他们是在一起的,是的,是的,是的。 EN: Entrepreneurs would be able to more easily raise funds from the numerous investors on the AngelList, and would therefore not have to rely on on agents to put them in contact with top venture capital companies. ZH_REF: 创业者能够更加轻松地从AngelList数目众多的投资者那里获得小额融资,因而不需要线人给他们跟顶级风投公司牵线搭桥。 -ZH_HYP: 1.. +ZH_HYP: (4)如果有,就可以在不可能的情况下,为自己的利益而去,而不是为了使他们变得更有价值,而不是在他们的身边,就会被人所为的,而不是在他们的身边,那是对的,你的意思是什么?了 EN: CRI Online (Liu Pai): The Economic & Commercial Section of the Embassy of the Republic of Italy in China held a Sino-Italian Cooperation Program for Environmental Protection on the 18th. Participants from corporations and scientific research institutions of the two countries had an extensive exchange of views in respect of cooperation between the two countries as regards renewable resources under a new state of affairs, and reached a consensus. ZH_REF: 国际在线消息(记者刘湃):18日,意大利驻华使馆经济商务处举办中国-意大利环保洽谈会,来自两国企业和科研机构人士就新形势下两国在可再生资源领域的合作广泛交换意见,达成积极共识。 -ZH_HYP: 1.. +ZH_HYP: 在美国,这是个方面的问题,是对的,而不是从贸易中的,也是如此,在美国,他们的事业是由他们所做的,而这是对中国的一个大的影响,而这是由他所做的,是很有价值的 EN: It is understood that the participating Chinese representatives mainly comprised those from China Recycling Development Corporation Ltd and International Technology Transfer Network, while the Italian representatives included those from the Global Energy Environmental Exchange Organization, federation of businesses of the greater Bologna region, and other entities. ZH_REF: 据悉,中方参会代表主要有中国再生资源开发有限公司、中国国际技术转移协作网络,意方则由全球能源环境交流组织、意大利博洛尼亚大区企业联合会等机构组成。 -ZH_HYP: 1.. +ZH_HYP: (c)【句意】(我们)的意思是,我们的产品是由“大”的,而不是在中国,它是由谁来的,而不是在那里,它是由你来的,是的,是的,是的。的了了 EN: The Italian representatives said that Italy has a myriad of environmental protection technologies and solutions in the renewable resources sector, and proposed to carry out pilot programs with the Chinese in three areas, namely, industrial waste treatment, waste oil treatment, and waste incineration and disposal. It also looked forward to promoting its environmental protection partnership experience with China in other regions around the world. ZH_REF: 意方代表表示,意大利在可再生资源领域拥有多样性的环保技术和解决方案,提议在工业垃圾处理、废油处理和垃圾焚烧处理设备三方面与中方开展试点项目,同时期待将与中国的环保合作经验推广到全球其他地区。 -ZH_HYP: 1.. +ZH_HYP: 但是,在美国,这也是一个问题,而另一些是,他们的产品是由中国的,而不是在他们的地区,也是为了解决这个问题,而不是在中国,它是为了保护他们的,而不是在那里,也是为了提高能源效率 EN: New results of Sweden's asylum age assessment tests released ZH_REF: 瑞典避难者年龄评估测试最新结果公布 -ZH_HYP: 1.. +ZH_HYP: (a)为人的遗漏,以使他们的身份得到满足,而不是为了使他们的利益而被人所包围,而这是在他们的时候,要把他们的钱包给你,是对的,是对的,是对的,是最重要的 EN: The latest results of tests on asylum seekers in Sweden subjected to a new method of medically assessing their age show that over 80 percent tested were judged to be older than 18, but not everyone has faith in their accuracy. ZH_REF: 瑞典避难者测试采用最新方法,从医学上评估他们的年龄,最新结果表明,超过 80% 的受试者被判定为超过 18 岁,但并非所有人都相信其准确性。 -ZH_HYP: 1.. +ZH_HYP: (a)为人提供了一个机会,以使他们的心目相处,而不是在他们的身上,而不是在他们的身上,而是在他们的身上,而不是在那里,也是对的,而不是对自己的反应的的的的 EN: Sweden's national Forensic Medicine Agency (Rättsmedicinalverket) started carrying out the tests earlier year. ZH_REF: 瑞典国家法医学中心 (R?ttsmedicinalverket) 在今年早些时候开始此项测试。 -ZH_HYP: 1.. +ZH_HYP: (n)【句意】(a)【句意】(b)’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: They are designed to make age assessment during the asylum process more accurate after the Swedish Migration Agency (Migrationsverket) was criticized for failings in assessing the correct age of some refugees claiming to be underage. ZH_REF: 被指未能准确评估部分声称未成年的难民的年龄后,瑞典移民局 (Migrationsverket) 设计了这些测试,以期在避难过程中进行更准确的年龄评估。 -ZH_HYP: 1.. +ZH_HYP: (a)为使人的工作变得更加困难,而不是为他们提供的服务,而不是在他们的国家里,而是为了在他们的工作中找到了,而在他们的身上,也是为了得到的,而不是在其他地方上的,而是要有什么关系? EN: To date Migrationsverket has sent 6,880 cases to be tested, and the Forensic Medicine Agency has now released the results of a total of 2,481 tests from the period between mid March until July 31st, 2017. ZH_REF: 到目前为止,瑞典移民局已经送来 6880 例测试者,法医学中心目前已经公布 2017 年 3 月中旬至 7 月 31 日期间总计 2481 名测试者的结果。 -ZH_HYP: 1.. +ZH_HYP: (a)在这一过程中,有的是,有的是,有的是,他们的人已经被偷了,而在他们的时候,他们就会被淘汰了,而在这方面,我们已经有了30多了了了 EN: Eighty percent (2002) were judged to be 18 or over, while in a further 25 cases the Forensic Medicine Agency judged that the subject was "possibly 18 or over." ZH_REF: 80%(2002 人)被判定为年满 18 岁或以上,然而在另外 25 例的测试中,瑞典国家法医学中心又判定受试对象“可能年满 18 岁或以上”。 -ZH_HYP: 1.. +ZH_HYP: (c)(一)有的是,在被发现的情况下,有可能被用来做,而不是被人的,是在说谎的,或在其他方面,也是对的,而不是在2005年的时候,我们就会被人的意思了了 EN: In 432 cases the conclusion was that the person is "possibly under 18." ZH_REF: 在 432 例测试中,结果是此人“可能未满 18 岁”。 -ZH_HYP: 1.. +ZH_HYP: 4.3.在任何情况下,都是为了使人的利益,而不是为了使他们变得更容易,而不是为了自己的工作,而是为了在他们的工作中,把它当作是最重要的,因为它是由谁来的,而不是什么? EN: The tests are only carried out in cases where the person's age is in question. ZH_REF: 测试只针对年龄有疑问的人。 -ZH_HYP: 1.. +ZH_HYP: (4)(一)在不允许的情况下,我们的身份是由他们所控制的,而不是在他们的身边,而是在他们的身边,在那里,是为了使自己的力量而变得更多的了了了了了了了 EN: According to Johan Göransson from the Forensic Medicine Agency, the results are consistent with previous months. ZH_REF: 据法医学中心的约翰·葛兰森称,这些结果与前几个月的结果一致。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),这条纹的人,是用的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: "We see no big difference in the statistics from previous months, the numbers are quite consistent," he told The Local. ZH_REF: 他告诉 The Local:“这些数据和前几个月的数据没有太大差别,数字都十分一致。” -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: The high proportion of cases judged to be over 18 does not necessarily mean that the asylum seeker lied about their age. ZH_REF: 被判定年龄达到 18 岁以上的案例占据较高比例并不一定表示这些避难者就谎报了年龄。 -ZH_HYP: 1.. +ZH_HYP: 5.4.................................................................. EN: In May, the agency released the results of 581 tests and said that there were 442 instances that "suggest the person examined is 18 years or older." ZH_REF: 五月份,该中心公布了 581 例测试结果,并称有 442 例“表明此受试者已年满 18 岁或以上”。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的名字是由一个人的,而不是,他们是在说谎,他们是在说谎,他们是在一起,而不是在那里,要么是在那里,要么是为了提高他们的感情而来的。了了了了了了了了了了了 EN: When newspaper Svenska Dagbladet investigated the 581 results released however it found that in 243 of the cases the person had openly stated that they turn 18 this year. ZH_REF: 新闻报纸 Svenska Dagbladet 调查了此次公布的 581 例测试结果,发现其中 243 例受试者已公开表示他们今年会年满 18 岁。 -ZH_HYP: 1.. +ZH_HYP: 在这一情况下,一个人的名字是,在他的身上,是为了使他们的心烦起来,而不是为了他们的缘故,而是在他们的身上,而不是在那里,而是要在别人的上方。了了了了了了了了了了了了了了了了 EN: The method of medical age assessment, which consists of taking X-rays of wisdom teeth and MRI scans of knee joints, then having dentists and radiologists analyse them, has also been criticised in some quarters. ZH_REF: 对智齿进行 X 射线检查,对关节进行核磁共振扫描,然后由牙科医生和放射科医生分析结果,这种医疗评估方式也在部分地区受到质疑。 -ZH_HYP: 1.. +ZH_HYP: (a)(一),在其他方面,我们的反应是,从表面上看,是由他们来的,而不是在他们身上,也是在用的,而不是用它的方式来形容词的,是的,是的,是的,是的。 EN: One sceptic is Karolinska Institute endocrinologist Claude Marcus, whose work includes assessing the biological maturity of people to see if they went through puberty earlier or later than usual. ZH_REF: 其中一名怀疑者就是卡罗琳学院的内分泌学家克劳德·马库斯,其工作包括评估人们的生物成熟度以判定他们是否早于或晚于正常年龄经历青春期。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),这是由一个人的,而不是在他们的中,是在他们的,是的,是的,他们的意思是,你的意思是,要把它的意思和(或)的意思 EN: "I've had reason to think about this, and I don't think the type of measurement being used should be. ZH_REF: 他告诉新闻报纸 Metro:“我有理由这样想,而且我认为使用的测量方式不应该是这样的。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Judging biological age in this way is very uncertain. ZH_REF: 以这样的方式判定生理年龄很不准确。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),(),是用不锈的,是在不可能的,因为它是在用的,而不是在那里,它是由你所控制的,是在那里,它是最重要的。了了 EN: If we can't say it for sure we shouldn't pretend that we can," he told newspaper Metro. ZH_REF: 如果我们不能保证准确性,就不应该假装我们做得到。” -ZH_HYP: 1.. +ZH_HYP: (英译汉)............................................................... EN: The Forensic Medicine Agency's Göransson defended the accuracy of the tests however: "In general you can say that the risk of inaccurately judging a child to be an adult is small. ZH_REF: 然而法医学中心的葛兰森却为这些测试的准确性辩护:“大体上可以说判定一个孩子为成年人的不不确定风险很小。” -ZH_HYP: 1.. +ZH_HYP: (美)(),(),我们的意思是,你也会被人的,是的,是的,是的,你的人也会有更多的东西,你的心就会被人的伤害了了了了了了的的的的的的的的的的的的的的的的的的 EN: The biggest risk is if the person is just under 18, in which case it's around 10 percent." ZH_REF: 最大的风险是此人刚好未满 18 岁,这种情况大约占 10%。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: West Virginia governor announces he's switching parties ZH_REF: 西弗吉尼亚州州长宣布换党 -ZH_HYP: 1.. +ZH_HYP: (美)(一),可乐的,是的,是在被人世的,是的,是的,是的,是的,是的,是的,是的,是对的,而不是为了给别人的,而不是太多的 EN: The Democratic governor of West Virginia, Jim Justice, announced Thursday night at a rally with President Trump that he's switching parties. ZH_REF: 周四晚,西弗吉尼亚州民主党州长吉姆·贾斯提斯 ( Jim Justice) 在特朗普总统的集会上宣布,他将更改党派。 -ZH_HYP: 1.. +ZH_HYP: (美英)(一),在我们的时候,都是为了把自己的东西弄得太平了,而不是为了让人感到羞耻,因为他们都是在了他们的,是的,是的,是的,是的,是的。 EN: "Like it or not like it, the Democrats walked away from me," Gov. Justice said. ZH_REF: “喜欢也好,不喜欢也罢,民主党已经离我而去”,州长法官说道。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: "Today I will tell you with lots of prayers and lots of thinking ... today I will tell you as West Virginians, I can't help you anymore being a Democratic governor." ZH_REF: “今天,我在进行了很多的祈祷和大量的思考后,我要告诉你们......今天我要以西弗吉尼亚人的身份告诉你们,我再也不能以民主党州长的身份来帮助你们了。” -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: The rally erupted in cheers. ZH_REF: 集会爆发出了欢呼声。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】(我的意思是,你的意思是,你的意思是,在我的时候,你都要和他的关系,而不是为了给别人的,而不是为了使他们的意思) EN: "So tomorrow, I will be changing my registration to Republican," Justice added. ZH_REF: “所以,明天,我将会把党籍改成共和党”,贾斯提斯补充道。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: "As a coach, I would tell you it's time to run another play." ZH_REF: “作为一名教练,我要告诉是时候开始另一场比赛了。” -ZH_HYP: 1.. +ZH_HYP: “()”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。 EN: Mr. Trump promised earlier a big announcement at the West Virginia rally. ZH_REF: 特朗普早些时候在西弗吉尼亚州的集会上承诺要作出重大宣布。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Mr. Trump won West Virginia by 42 points, and Justice did not endorse the Democratic nominee, Hillary Clinton. ZH_REF: 特朗普先生赢得了西弗吉尼亚州 42% 的得票率,,而贾斯提斯并没支持民主党候选人希拉里?克林顿。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Justice, who is the only billionaire in the state, according to Forbes, was elected in 2016. ZH_REF: 据《福布斯》报道,贾斯提斯在 2016 年被评选为该州唯一的亿万富翁。 -ZH_HYP: 1.. +ZH_HYP: (4)a:(一),在做作业的时候,我们都要用它来的,而不是在他们的中,才是为了得到的,而不是在那里,是为了让别人的心智而来的,而不是在我们的关系中去 EN: Forbes notes that he owns coal mines in five states, having inherited a coal business from his father. ZH_REF: 《福布斯》指出,他继承了父亲的煤炭产业,在五个州均拥有煤矿。 -ZH_HYP: 1.. +ZH_HYP: (美英):(一),我们的产品是用的,从表面上看,是在不可能的,而不是在(中),也是为了给他们带来的,而不是在意外的,是的,是的,是的,是的。 EN: He's worth about $1.59 billion. ZH_REF: 目前,他的身价大约为 15.9 亿美元。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Meanwhile, the Republican National Committee released a statement Thursday night saying "Governor Justice's party switch is another blow to a Democratic Party that would rather obstruct than work to make our country great again." ZH_REF: 与此同时,共和党全国委员会于周四晚间发表声明称:“贾斯提斯州长的换党是对民主党的又一次打击,这非但不会阻碍我们的国家变得再次伟大,反而会使我们的国家再次伟大。” -ZH_HYP: 1.. +ZH_HYP: 但是,在一个大的时刻,我们的处境是,他们的愿望是为了让他们的利益而牺牲,而不是为了让自己的力量而努力,而不是为了让别人来的,而不是在那里,这是对的,我们都是这样的。了了了了 EN: "With only 15 governorships and control of the fewest state legislatures in history, Governor Justice's announcement is just the latest rejection of a party that is leaderless from top to bottom and unable to find a positive, unifying message," RNC chairwoman Ronna McDaniel said in a statement to CBS News. ZH_REF: “民主党目前只有 15 个州长,并且控制州议会的数量创历史最低,贾斯提斯州长的声明是对这样一个从上到下丧失领导力、无法找到积极的统一口号的政党的最新拒绝 ”,共和党全国委员会女主席罗娜?麦克丹尼尔在向 CBS 新闻发表的声明中称。 -ZH_HYP: 1.. +ZH_HYP: 在这个意义上,他的作品是“不”,“是的,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”说。。。。 EN: Fang Wenshan said frankly that using music to tell an entire story is his dream. ZH_REF: 方文山坦言,用音乐来讲完整的故事,是自己的梦想。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: A song lasts between four and five minutes, so telling an entire story would be very difficult. ZH_REF: 一首歌四到五分钟,要完整讲述一个故事很困难。 -ZH_HYP: 1.. +ZH_HYP: 5.4............................................................... EN: When I write songs, I am assailed by emotion. There is no story line. I’ve always felt that that was a real pity. ZH_REF: 我写歌的时候只有情绪,没有故事线,一直觉得很可惜。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(我的意思是,我是在,而不是为了使自己的人,而不是在一起),因为我是在说谎的,是的,是的,是的,是的,是的,是的,是的。 EN: Coe praises 'candid' Russian apology for doping scandal ZH_REF: 塞巴斯蒂安·科称赞俄罗斯对于兴奋剂丑闻的“坦率”道歉 -ZH_HYP: 1.. +ZH_HYP: (一)(一)不允许的,因为它的作用是由国家的,而不是在他们的中,被人所为,而不是为他们所提供的东西,而是为了达到目的而被人的待遇,而不是在其他地方,他们的人都会被人所束缚。 EN: Global athletics boss Sebastian Coe praised what he described as a candid apology from Russia over a doping scandal on Thursday but reiterated it was not the moment for the country to be readmitted to the sport. ZH_REF: 周四,国际田径联合会主席塞巴斯蒂安·科对俄罗斯就兴奋剂丑闻道歉表示赞赏,并称该道歉十分“坦诚”,但他重申现在亦不是俄罗斯重新参加这项运动的时刻。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,在这方面,我们的贡献是不可能的,因为它是在对的,而不是在乎的,而是要在的时候,也是对的,而不是对你的反应 EN: Russia's athletics boss Dmitry Shylakhtin told an IAAF Congress, held on the eve of the World Athletics Championships, that his country's ban from the sport was correct and that he was determined to fight doping. ZH_REF: 俄罗斯田径联合会主席米特里·希拉克丁在世界田径锦标赛前夕举行的国际田联大会上表示,他的国家被禁止参加这项运动是正确的,他决心打击兴奋剂。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,我们的态度是,从他的手中夺走了,他们的事业,是为了赢得了他们的胜利,而不是在他的面前,也是为了让他的力量而去,而不是在那里,那是对的,是的。 EN: He said he was sorry to "all athletes who have had gold and silver medals snatched from them at competitions." ZH_REF: 他表示他很遗憾“所有在比赛中获得金牌和银牌的运动员都被剥夺了奖牌。” -ZH_HYP: 1.. +ZH_HYP: 他的意思是,在这里,我们都是为了让自己摆脱困境,而不是为了自己的利益而去,而不是在他们的面前,为你的对手而去,而不是在那里,是为了让人感到羞耻的,是的,是的,是的。 EN: Despite his comments, the IAAF Congress voted in favor of maintaining the ban, imposed in November 2015 after a World Anti-Doping Agency (WADA) report found evidence of state-sponsored doping in Russia. ZH_REF: 尽管他做出如此评论,国际田联大会仍投票赞成维持禁令。此前,世界反兴奋剂机构 (WADA) 的报告中提及发现了俄罗斯国家赞助使用兴奋剂的证据,禁令于 2015 年 11 月实施。 -ZH_HYP: 1.. +ZH_HYP: 在他的书中,有一个人的意思,是,在这方面,我们的愿望是,在那里,他们的力量已经被人了,而不是在(或)上,对我来说,这是个好主意,因为你的意思是说了 EN: "I thought it was a very candid response today, a very candid presentation," IAAF president Coe told reporters. ZH_REF: “我认为今天的回应非常坦率,非常坦率的介绍,”国际田联主席科告诉记者。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: "The whole Council and the whole Congress was pleased ... that the Russian federation recognized themselves that they have been through some pretty torrid times and are doing everything possible to make sure the federation is reengineered." ZH_REF: “整个理事会和田联大会都很高兴......俄罗斯联邦承认自己经历了一段非常焦灼的时期,并正在尽一切可能确保俄罗斯能够重新参加比赛。” -ZH_HYP: 1.. +ZH_HYP: “(美国)的一个方面是,我们的愿望是,而不是在自己的国家里,而不是在那里,他们都是为了得到的,”他说,“你是为了让他们的力量去做,”说了了了了了了了了的的 EN: Coe said he was also "pleased" that Russia accepted the criteria for its reintroduction. ZH_REF: 科说,他也很“高兴”俄罗斯接受了重新参赛的标准。 -ZH_HYP: 1.. +ZH_HYP: 他的身材是由衷的,而不是在我们的身边,他们都是为了得到他们的,而不是在他们的面前,才会被他们的力量所带来的,而不是为了给别人带来的,也是在我的上的的的的的的的的的的的的的的的的的 EN: "I think it was a very constructive day and I think progress is being made, but the Congress supports the recommendations of the task force that this was not the moment to reinstate Russia," said Coe. ZH_REF: “我认为这是非常有建设性的一天,也认为我们取得了一些进展,但田联大会支持专案小组的建议,现在还不是恢复俄罗斯参赛资格的时候,”科说。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】我的意思是,我们的人在为自己的事业而努力,而不是在说谎,而是要在他们的面前,也是为了得到的,而不是在那里,也是为了给别人带来的 EN: "We need to do everything over the next few months to normalize this situation. ZH_REF: “我们需要在接下来的几个月里尽其所能使这一情况正常化。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: The guiding principle has always been that we wanted to separate the clean athletes from the tainted system," he added ZH_REF: 我们的指导原则一直是希望将清白的运动员从受污染的系统中分离出来,”他补充说。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)()(),我们的意思是,我们的生活方式是,从句中,我们把它放在一边,把它放在一边,把它放在一边,把它的意思弄得很好,因为它是最多的,是的,是的 EN: Nineteen Russian athletes will be competing as neutrals at the World Athletics Championships which start in London on Friday, having met strict IAAF criteria. ZH_REF: 十九名俄罗斯运动员符合国际田联的严格标准,将在周五伦敦举办的世界田径锦标赛中以中立选手的身份参加比赛。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。。。。。。。。。。 EN: The head of the IAAF's Task Force, Rune Andersen, said on Monday that Russia had yet to meet several of the criteria for reinstatement. ZH_REF: 国际田联专案小组负责人符恩·安德森周一表示,俄罗斯尚未达到恢复参赛的若干标准。 -ZH_HYP: 1.. +ZH_HYP: (美)(一),我们的意思是,我们的工作是在不可能的,而不是为了得到的,而不是在他们的中,而是为了得到的,而不是在那里,才会有更多的东西,所以我们要把它的东西分给你。了 EN: Drug-testing was still insufficient and banned coaches were still operating freely, he told reporters in London after a presentation to the IAAF Council. ZH_REF: 他在伦敦向国际田联理事会发表演讲后告诉记者,药物检测做的仍然不足,被禁的教练也仍然在执教。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在这方面,我们的人都会被人抓住,而不是在他们的面前,他们都是在一起,而不是在他们的面前,为你的对手而去的,是对的,是对的,对你来说是最重要的 EN: At the promotional event for the first anniversary of the implementation of the “Regulations of Beijing Municipality on Smoking Control” held this morning, young student representatives of the video clip, “My Smoking Control Declaration”, which won the national youth smoking control video clip award, interacted with national smoking control ambassador Huang Xuan, and reviewed the video of the activities concerned with calling for entries for the contest, as well as the screening of the excellent award winning works. ZH_REF: 今天上午举行的《北京市控制吸烟条例》实施一周年宣传活动上,“我的控烟宣言”全国青年控烟微视频获奖的青年学生代表与全国控烟宣传形象大使黄轩互动,并且回顾了征集活动视频及获奖优秀作品展映。 -ZH_HYP: 1.. +ZH_HYP: 在这个过程中,我们的“大”“”是“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。 EN: Reporters from The Mirror learned from the event that young actor Huang Xuan was engaged to become the national smoking control ambassador. ZH_REF: 法晚记者从活动上获悉,青年演员黄轩被聘为全国控烟宣传形象大使。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),我们的人,是在不可能的,是在为自己的,而不是在他们的面前,他们是在为你的,而不是在那里,是为了让别人的,而不是太多的,所以我们要把它的意思 EN: Huang Xuan said he used to smoke when he was in university. After having fully understood the dangers of smoke, he stopped smoking successfully. This time, he proactively assumed the duty of a quit-smoking ambassador, calling on youths to stay away from tobacco. ZH_REF: 黄轩自曝大学时期曾抽烟,在充分认识烟雾危害后,成功戒烟,这次更主动承担了戒烟大使的职责,号召青少年远离烟草。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在他的书中,有的是,从句中,有的是,你的意思是,你会有多的,因为他的意思是,他们的人都会对他的要求进行了比较,而不是你的错觉了 EN: Audiences put on masks, and exist like a spirit in the story. This is most critical rule of the game in “Sleep No More”. ZH_REF: 观众戴上面具,成为故事中幽灵一般的存在,这是《不眠之夜》最大的游戏规则。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: The RMB middle price is registered at 6.4401, a depreciation of 66 basis points. The rising slows down. ZH_REF: 人民民币中间价报6.4401贬值66基点 连续升势暂缓 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Macroeconomics Tencent Finance 2018-01-18 09:50 ZH_REF: 宏观经济 腾讯财经2018-01-18 09:50分享 -ZH_HYP: 1.. +ZH_HYP: (美)(4).............................................................. EN: Tencent Financial News on January 18, the USD-to-RMB middle prices is registered at 6.4401, a depreciation of 66 basis points compared with the last trading day, ending the rise spanning five consecutive days. ZH_REF: 腾讯财经讯1月18日,人民币兑美元中间价报6.4401,上一交易日中间价贬值66个基点,结束了此前的五连涨。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: In the overnight market, the US dollar experienced a V-shaped rebounded, ending at 90.8900 as of 07:30, Beijing time. ZH_REF: 隔夜市场,美元回暖,美元指数走出V字形态,截至北京时间07:30报90.8900。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的人都是这样的,因为他们是在做梦,而不是为了让他们的,而他们的是,他们的人,是我的,是的,是的,是的,是的,是的,是的,是的。 EN: The Beige Book published by Federal Reserve shows that almost all 12 Fed regions reported mild to moderate growth in economic activity in early 2018. The Federal Reserve remains optimistic about the outlook for this year. ZH_REF: 美联储公布经济褐皮书显示,12个联储地区几乎都报告2018年初经济活动取得适度到温和的增长,对今年前景保持乐观。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,对所有的影响都是不可能的,因为它是在被破坏的,而在这方面,他们的表现为:(1)2.的的,,,,的的的的的的的的的的的的的的的的的的的的的的的的的的的的的的的 EN: Meanwhile, the U.S. unemployment rate remained at 4.1% in December, the lowest since 2000, and companies are expected to increase wages in the coming months. ZH_REF: 同时,美国12月份失业率仍然保持在4.1%,为2000年以来最低,预计企业将未来几个月上涨工资。 -ZH_HYP: 1.. +ZH_HYP: 但是,在美国,这种情况是,我们的处境太大了,而且,他们的生活方式也是如此,而不是在意外,因为他们的工作是在2004年12月的,而不是在美国的,是对的,而不是什么? EN: Fed officials generally believe that tax reform is a factor supporting this modest strengthening of the economic outlook. The Fed predicts that the economy will increase by 2.5% in 2018 and the interest rate will be raised three times. ZH_REF: 美联储官员普遍认为税改是支持这个适度走强经济前景的一个因素,美联储预测2018年经济增长2.5%,加息3次。 -ZH_HYP: 1.. +ZH_HYP: (a)(一),这类产品的价格是不可能的,因为它是在经济上的,而不是在(2)中,它是在不断成长的,而不是在(e)上,它是由它的,而不是在最高点上的 EN: Some market observers have point out that the expected tightening of ECB’s monetary policy pushes up the exchange rate of the Euro in recent days. As a result, the US dollar index declines continuously, and the RMB exchange rate against the US dollar has seen a surge in prices. However, the European Central Bank is unlikely to adjust the policy stance soon. After the short-term fluctuation of the foreign exchange market, the exchange rates will eventually return to a level dictated by the fundamentals, and the continued smooth operation of the RMB exchange rate is a high probability event. ZH_REF: 市场人士指出,近段时间,欧洲央行货币政策收紧预期推升欧元汇率,美元指数连续下滑,人民币对美元汇率相应出现一波快速拉升行情,不过目前看,欧洲央行不太可能很快调整政策立场,外汇市场短期波动后终究要向基本面回归,人民币汇率继续平稳运行是大概率事件。 -ZH_HYP: 1.. +ZH_HYP: 在这方面,我们的态度是,它的效果是,(也是),在某种程度上,我们的经济状况也会变,但最终还是要紧的,而不是在汇率上,而不是在汇率上,而是在汇率上的,而不是在汇率上。 EN: It is worth noting that, as the market expects a more stable renminbi, the attractiveness of renminbi assets to foreign investors will also gradually increase. ZH_REF: 值得注意的是,随着市场对人民币预期更趋平稳,人民币资产对境外投资者的吸引力也逐渐凸显。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),在这方面,我们也会有更多的东西,而不是为了自己的利益而去,因为它是在为他们提供的,而不是在那里,也是为了让人感到厌倦的的的的的的的的的的的的的的 EN: At 7.50 am today (March 10), a chemical plant in Xinxiang County, Henan Province, exploded, with black smoke billowing at the scene. ZH_REF: 今日(3月10日)上午7时50分,河南省新乡县一处化工厂发生爆炸,现场升腾起滚滚黑烟。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................... EN: The Beijing News reporter learned from the Xinxiang County Party Committee Propaganda Department that one person was injured in the explosion. ZH_REF: 新京报记者从新乡县委宣传部获悉,爆炸共致1人受伤。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的名字,是在说谎的,是的,是的,是的,是的,是的,是的,是的,是在那里,还是要用的,让你的心烦起来,而不是在你的身边。 EN: The videos released by local netizens showed that thick smoke was billowing at the scene of the explosion, accompanied by noise. ZH_REF: 当地网友发布的视频显示,爆炸现场浓烟滚滚,并伴有响声。 -ZH_HYP: 1.. +ZH_HYP: (k)【句意】(a)【句意】我们的意思是,你的意思是,它是在为你的,而不是在,它是由你来的,而不是在别人身上,还是要用的,让你的心智 EN: Some netizens claimed that the explosion occurred this morning, and that it occurred at a chemical plant in Xiaoji Town, Xinxiang County, Henan Province. ZH_REF: 有网友称,事发今日上午,爆炸地点是位于河南省新乡县小冀镇的一处化工厂。 -ZH_HYP: 1.. +ZH_HYP: (a)【句意】(a)【句意】我们的意思是,在这方面,我们的工作是为了得到的,而不是在那里,还是要把它的东西弄得太多了,因为你的意思是对的,这是对我的错 EN: The Beijing News reporter learned that the chemical plant which exploded was Henan Xinxiang Liutong Industrial Co., Ltd. ZH_REF: 新京报记者了解到,事发化工厂为河南省新乡六通实业有限公司。 -ZH_HYP: 1.. +ZH_HYP: (a)【句意】(),我们的人,是为了使自己的事业变得更容易,而不是在他们的身上,也是为了让人感到厌倦了,而不是在他们的上司,还是要把它的东西弄得太多了了了了 EN: Public information revealed that the aforesaid enterprise was incorporated in Feburayr 2002, and its scope of business included the manufacture of chemicals. ZH_REF: 公开资料显示,上述企业成立于2002年2月,经营范围中包括化工产品制造。 -ZH_HYP: 1.. +ZH_HYP: (a)【句意】(a),我们的目的是,从句中解开,因为它是在用的,而不是在它的时候,它是由你所产生的,它的意思是,它是由你所产生的,而不是 EN: This afternoon, Xinxiang County Party Committee Propaganda Department responded to the incident. The explosion occurred at 7.50am. The fire is now effectively under control. One person was slightly injured. The cause of the explosion is still under investigation. ZH_REF: 今日下午,新乡县委宣传部对此回应称,爆炸发生在上午7点50分,目前火情已得到有效控制,有1人受轻伤。事发原因正在调查中。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这条路是由,在我们的,是,是为了使自己的事业变得更容易了,而你的人却在乎,是在发生的,是对的,是的,是的,是的,是的,是的。 EN: A Beijing News reporter noticed that in 2015, the chemical plant in question was exposed by the media including Henan TV Station for contamination in violation of the law. ZH_REF: 新京报记者注意到,早在2015年,涉事化工厂就因违规排污,被包括河南电视台在内的媒体曝光。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的名字是什么,是的,是在不可能的,是在他们的,是在说谎的,是在用功的时候,它是用的,而不是在那里,是对的,是对的,对我们来说是最坏的 EN: That day, 85-year-old Yoji Yamada, the original director of “What a Wonderful Family!” flew to Beijing to visit the set personally. ZH_REF: 当日原作《家族之苦》导演,85岁高龄的山田洋次不辞辛劳飞临北京,亲临片场探班。 -ZH_HYP: 1.. +ZH_HYP: (美)(一),(),我们的,是的,是的,是的,是的,是的,是的,是的,是的,是为了给你带来的,而不是为了给我带来的,的的的的的的的的的 EN: News published by the CSRC on February 10, 2017 stated that the IPO applications of 12 enterprises were approved according to statutory procedures. The aforementioned enterprises and their respective underwriters were requested to confirm the timing of the issuance with the Shanghai and Shenzhen stock exchanges separately, as well as to publish their listing prospectuses. ZH_REF: 证监会2017年2月10日发布消息称,当日按照法定程序核准了12家企业的首发申请,并要求上述企业及其承销商将分别与沪深交易所协商确定发行日程,并陆续刊登招股文件。 -ZH_HYP: 1.. +ZH_HYP: 2001年,对《公约》的调查进行了分析,以确定其在公司的地位,并在其上载了100份,其中有:(2)在公司的交易中,有的是,有的是,有的是,有的是 EN: Beijing Business Today reporters found Guangzhou Shangpin Home Collection Co., Ltd. (hereinafter referred to as Shangpin Home Collection), which was targeted for a listing on the Small and Medium Enterprise Board of the Shenzhen Stock Exchange, to be among the 12. ZH_REF: 北京商报记者发现,瞄准深交所中小板的广东尚品宅配家居股份有限公司(以下简称尚品宅配)位列其中。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),我们的家是用的,是用的,是的,是的,是的,是在说谎的,是在你的,是在那里,你的意思是,你的意思是对的,而不是最重要的。 EN: According to the latest published prospectus of Shangpin Home Collection, the company, incorporated in 2004, is registered in Guangzhou, and is primarily engaged in the manufacture and sale of personalized and customized panel furniture for an entire home. It also provides design software, designs and research and development of a full range of informatization solutions, as well as technical services to enterprises in the home furnishing industry. ZH_REF: 根据尚品宅配最新公布的招股书,该公司成立于2004年,注册地为广州市,主要从事全屋板式家具个性化定制生产、销售及配套家居产品的销售,并向家居行业企业提供设计软件及信息化整体解决方案的设计、研发和技术服务。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的特点是,它的作用是由一个人组成的,它的发展,是一种产品,它是由它的,它的主要特点,是在产品和服务方面的,而不是在公司里的,也是为了满足的. EN: On December 26, reporters learned from the municipal environmental protection bureau that Lu’an City successfully declared a total of 98 national and provincial environmental protection projects of various categories, and received special environmental protection funds worth a total of RMB145.26 million. ZH_REF: 12月26日,记者从市环保局了解到,2012年六安市共成功申报国家和省各类环保项目98个,争取环保专项资金共计14526万元。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的名字,是为了使自己的事业变得更容易,而不是在那里,他们是在说谎的,是在那里,是为了达到的目的而去做,而不是在那里,它是由你所付出的 EN: In particular, 55 were national-level environmental protection projects, for which special national environmental protection funds of RMB132.46 million were received; 43 were provincial-level environmental protection projects for which special provincial environmental funds of RMB12.8 million were received. ZH_REF: 其中,国家级环保项目55个,争取国家环保专项资金13246万元;省级环保项目43个,争取省级环保专项资金1280万元。 -ZH_HYP: 1.. +ZH_HYP: (c)为使之成为一个不稳定的因素,而其他国家则需要在其境内的所有货物中进行,以进行经济活动,并在2004年12月31日之前对该公司进行投资,以支付给中国的债务,同时也是对环境的影响。 EN: It is understood that the projects built involved many areas including comprehensive treatment of regional water environment (including protecting the ecological environment of Wabu Lake), environmental protection of drinking water sources, comprehensive remediation of rural environment, prevention and control of pollution at large-scale livestock and poultry farms, pollution treatment of industrial enterprises, and demonstrations of construction of ecological cities. ZH_REF: 据了解,项目建设涉及到区域水环境综合治理(包括瓦埠湖生态环境保护)、饮用水源地环境保护、农村环境综合整治、规模化畜禽养殖污染防治、工业企业污染治理以及生态市建设示范等多个方面。 -ZH_HYP: 1.. +ZH_HYP: 这是一个有意义的,因为它是由不同的,而不是在我们的环境中,而是由人类的发展,而不是在那里,它是由污染的,而这是对环境的保护,也是对人类的保护,也是对环境的影响。了 EN: The projects, upon implementation, had a positive effect on advancing Lu’an City’s regional scientific development, achieving rehabilitation for lakes, accelerating improvement in the water environment of drainage basins, ensuring safety in drinking water, and advancing energy saving and emission reduction. ZH_REF: 项目实施后,对促进六安市区域科学发展,实现湖泊休养生息,加快流域水环境质量改善,保障饮用水安全,推进节能减排具有积极作用。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个共同的因素,即我们的努力,是为了使他们的利益,使其变得更加危险,而不是在发展中,使其成为一种危险的方式,使之更高,并使之成为一种共同的经济条件,使之成为了我们的目标。 EN: Today, four groups including Tonglu County, Zhejiang Province, which contributed to Beautiful China won the 8th China Environmental Award. ZH_REF: 今天,浙江省桐庐县等4个为美丽中国作出贡献的群体荣获第八届中华环境奖。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(我的意思是,我的意思是,你是为了让自己的,而不是在他们的上,也是为了给他们带来的,而不是在乎)的的的的的的的的的的的的的的的的的的的的的的的的 EN: Established in 2000, the China Environmental Award is the most prestigious award in the field of environmental protection in China. The judging panel is made up of many Central government departments. ZH_REF: 设立于2000年的中华环境奖是我国环境保护领域的最高奖项,由多个中央部门组成评选委员会。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,中国的态度是,从某种意义上讲,它是为了使自己的力量而变得更容易,而不是在他们的身上,也是为了给人留下了,而我也是在说谎的,是的,是的,是的 EN: Li Wei, head of the judging panel and Secretary-General of China Environmental Protection Foundation said that China is now confronted with legacy ecological issues from a growth model that was GDP-heavy and environmental protection-light for a few decades. ZH_REF: 评选委员会负责人、中华环保基金会秘书长李伟说,我国正面临着前几十年重GDP、轻环保发展模式遗留下来的生态问题。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(我的意思是,我的意思是,在中国,我们的财富和社会都是由它来的,而不是在那里,它是由你所造成的),它是由你所造成的,是对的 EN: The selection of the current China Environmental Award was aimed at honoring entities and individuals that have contributed to improving the environment and people’s livelihoods so as to reflect popular will. ZH_REF: 本届中华环境奖的评选,旨在表彰那些为改善环境民生作出贡献的单位及个人,以体现对民意的尊重。 -ZH_HYP: 1.. +ZH_HYP: 5.a.................................................................. EN: As far as the judging panel was concerned, Tonglu County in Zhejiang Province which was founded on the basis of ecology should win this honor. ZH_REF: 在评选委员会看来,以生态立县为本的浙江省桐庐县当获此殊荣。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为它是在用的,是用的,是在用的,是在说谎的,是在说谎的,是的,是的,是的,是的,是的,是的,是的。 EN: According to popular vote, the voice of US actor Morgan Freeman will be used for Jarvis, the domestic AI helper Facebook CEO Mark Zuckerberg built himself. ZH_REF: 根据大众的投票,Facebook CEO马克·扎克伯格(Mark Zuckerberg)自制家用人工智能助理Jarvis将使用美国影星摩根·弗里曼(Morgan Freeman)的声音。 -ZH_HYP: 1.. +ZH_HYP: (美国)的意思是,“我们的东西是在做的,”他的意思是,“你的意思是,”“我的意思是,”“你的意思是,”“你的意思是,”“我的意思是,”“你的意思是什么?了””””””””” EN: This system operates in the Zuckerberg home, and its name is similar to Tony Stark’s AI helper in the movie “Iron Man”. ZH_REF: 这套系统在扎克伯格家中运行,它的名字与电影《钢铁侠》中托尼·史塔克(Tony Stark)的人工智能助手相同。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)(这)是,我们的生活方式是,他们的缺点是,从他们的角度来,我们的东西是在他们的,是在那里,是为了赢得更多的,而不是在他们的上司面前,也是为了对你的一切 EN: Hubei police smashed four cross-border telecommunication fraud syndicates in connection with more than 500 cases in 31 provinces, cities and counties involving more than RMB70 million ZH_REF: 湖北警方跨国端掉4个电信诈骗团伙串并31个省市县500余起案件涉案金额7000余万元 -ZH_HYP: 1.. +ZH_HYP: (k)【句意】(a)【句意】我们的生活是很有价值的,因为它是由你来的,而不是在那里,它是由你来的,而不是在那里,它是由你所控制的的的的的的的的的的的 EN: Staff reporter Cai Changchun. “Legal Daily” learned from the Ministry of Public Security today that a series of cross-border telecommunication network scams was uncovered in an action under the command of the Ministry of Public Security entailing the police from Xiangyang, Hubei going to Malaysia, and with the cooperation of the Royal Malaysian Police. It was a fairly typical Taiwanese telecommunication network scam. ZH_REF: 本报记者蔡长春《法制日报》记者今天从公安部了解到,由公安部指挥、湖北襄阳警方赴马来西亚,在马来西亚警察总署配合下破获的跨国系列电信网络诈骗案,是一起比较有代表性的台湾系电信网络诈骗案件。 -ZH_HYP: 1.. +ZH_HYP: 在美国,他们的态度是,他们的工作是由一个人的,而不是在他们的,是在那里,它是由来的,而不是在这里,它是由来的,而这是在我们的通信中,它是由你的.的的的的的的 EN: How soccer's financial rules impact Neymar's move to Paris ZH_REF: 足球界财务规则对内马尔 (Neymar) 转会巴黎有何影响? -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),(),我们的外套,是为了使他们的心智而非凡的,而不是在他们的身边,而不是在那里,要么是为了让别人的心智而来的,那是对我们的事了。 EN: Rules aimed at preventing unfettered spending by European soccer clubs will not disrupt Neymar's world-record transfer from Spain's Barcelona to France's Paris-Saint Germain. ZH_REF: 旨在防止欧洲豪门足球俱乐部不受限制支出的规则并不会阻碍内马尔以创记录的价格从西班牙的巴塞罗那俱乐部转会到法国的巴黎圣日尔曼足球俱乐部 (PSG) 。 -ZH_HYP: 1.. +ZH_HYP: (美国)的意思是,我们的目的是为了避免了,我们的钱包里的东西都是在了,所以我们就会被淘汰了,所以你就会被人打败了,而且也是在说谎的,是的,是的,是的 EN: Any consequences will come further down the line for Paris Saint-Germain from UEFA, the governing body overseeing the European game which has the power to ban teams from the prestigious Champions League tournament. ZH_REF: 由此造成的后果则是欧洲足球协会联盟 (UEFA) 对巴黎圣日尔曼足球俱乐部实行进一步降级。欧洲足球协会联盟是欧洲足球比赛的管理机构,有权禁止各球队参加广受关注的欧冠联赛。 -ZH_HYP: 1.. +ZH_HYP: (美)(一),这也是一种不稳定的,因为它是在用的,而不是在他们的中,是在说谎的,是的,是的,是的,是的,是的,是的,是的,是不可能的。 EN: Financial Fair Play rules launched by UEFA in 2011 mean that PSG will eventually have to show that Neymar's transfer was funded without incurring huge losses. ZH_REF: 2011 年欧足联推出的《金融公平竞赛规则》 (FFP) 意味着巴黎圣日尔曼足球俱乐部最终必须证明内马尔的转会获得资金资助而不会造成巨额亏损。 -ZH_HYP: 1.. +ZH_HYP: 如果是一个不公平的,那是一个不公平的,因为它是在说谎的,而不是在过去,它是由你所拥有的,而不是在那里,它是由你所付出的,是对的,而不是对我的意思了 EN: Barcelona has been paid 222 million euros ($262 million) just to buy the Brazilian out of his contract and Neymar will command a salary that will run to tens of millions of dollars a year. ZH_REF: 巴塞罗那俱乐部已经支付了 2.22 亿欧元(2.62 亿美元),仅仅是为了支付该名巴西球员的解约费用,而内马尔的薪水每年将高达数千万美元。 -ZH_HYP: 1.. +ZH_HYP: (a)(一),在这方面,我们的代价是,从2002年起,我们的钱包里的东西都是为了得到的,而不是为了给他们带来的,那是对的,而不是在(上)的时候, EN: Here are some of the financial aspects of Neymar's move to France. ZH_REF: 以下是内马尔转会至法国所产生的一些财务影响。 -ZH_HYP: 1.. +ZH_HYP: (美)(4)............................................................. EN: PSG can certainly stump up the cash to sign Neymar and add him to a galaxy of other stars, given the team's funding from the energy-rich ruling family of Qatar. ZH_REF: 考虑到该球队的资金来自财大气粗的卡塔尔统治家族,巴黎圣日尔曼足球俱乐部当然可以用现金签约内马尔,并将他纳入到其他明星云集的战队。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这也是不可能的,因为他们的钱是在用的,而不是在他们的上,是为了给他们带来的,是在你的中,是为了给别人带来的,而不是太多的 EN: Clubs are allowed to spend heavily on acquiring players but they have to counterbalance that with legitimate sources of income, allowing them to approach break-even on their football-related business. ZH_REF: 俱乐部可以花巨资购买球员,但他们必须利用合法的收入来源来弥补所花巨资,使他们在足球的相关业务上实现盈亏平衡。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,他们的意思是,在他们的时候,他们都是为了得到的,而不是为了给别人带来的,也是为了让他们的服务而去做, EN: FFP was conceived by Michel Platini after his election as UEFA president in 2007. ZH_REF: 《金融公平竞赛规则》是由米歇尔?普拉蒂尼 (Michel Platini) 在 2007 年当选为欧足联主席后提出的构想。 -ZH_HYP: 1.. +ZH_HYP: (美英对照),是指甲,是在不可能的,因为它是在被人用的,是在说谎的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: The former France player believed that clubs who ran up huge debts in their pursuit of success were effectively cheating and risking ruin if banks or owners withdrew their support. ZH_REF: 这位前法国球员认为,对于那些为追求成功而债台高筑的俱乐部而言,如果银行或所有人撤回支持资金,他们实际上是在欺骗,置俱乐部于毁灭的风险。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的错误,是,他们的目的是为了使他们的事业变得更容易,而不是在他们的面前,才会有价值的,而不是在那里,要么是在他们身上的,要么是在你的,是对的,是的。 EN: In 2011, FFP shifted from focusing on clubs' debts to monitoring their losses instead. ZH_REF: 2011 年,《规则》的关注点从俱乐部债务问题转向俱乐部的损失状况监测。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的责任是不可能的,因为它是为了使自己的利益而变得更容易,而不是为了让自己的人而去,而不是在他们的身上,而是在你的身上,还是要把它的意思和好的东西起来 EN: The change meant that the business model Roman Abramovich initially used at Chelsea in 2003 - buy a club with potential, and then spend heavily to improve the squad and build a global brand - become a tougher proposition. ZH_REF: 这一变化意味着,罗马?阿布拉莫维奇 (Roman Abramovich) 在 2003 年收购切尔西俱乐部时使用的商业模式,即购买一家有潜力的俱乐部,然后花巨资改善球队并将其建立一个全球品牌,现在面临更苛刻的处境。 -ZH_HYP: 1.. +ZH_HYP: (c)(一),这是在对贸易的影响中,而不是在2003年之前就会被人用,而不是在一起,而是在为其带来的危险中,而不是在(中)的,是很有可能的。了了 EN: During the current three-year FFP assessment period that runs through 2018, clubs can incur losses of 30 million euros. ZH_REF: 在截至 2018 的三年《规则》评估期中,俱乐部可能会损失 3000 万欧元。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的错误,是,他们的目的是为了使他们的工作变得更糟,而不是在他们的身上,而是在他们的身上,而不是在那里,也是为了提高它的效率的的的的的的的的的的的 EN: And despite Platini being ousted in disgrace from the presidency in 2015, his UEFA successor Aleksander Ceferin is still committed to deterring excessive spending. ZH_REF: 尽管阿布在 2015 年被时任主席所贬损,但欧足联继任者亚历山大?赛福瑞 (Aleksander Ceferin) 仍然致力于阻止过度开支。 -ZH_HYP: 1.. +ZH_HYP: 虽然在美国,但这是个谜语,但在过去的中,我们都不喜欢,而不是在他们的身上,也是为了让自己的力量而努力,而不是在那里,还是要把它的东西分给别人,的 EN: "Certainly FFP is not dead and we will, for sure, reinforce the rules going forward," Andrea Traverso, who oversees FFP at UEFA, told The Associated Press last week. ZH_REF: “当然《规则》还没有失效,我们肯定会加强未来的法规 ”,欧足联负责《规则》相关事务的安德鲁?特拉韦尔索 (Andrea Traverso) 上周告诉美联社。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Although PSG will have paid Neymar's buyout clause in one lump sum, it can spread the amount for accounting purposes over the length of his contract. ZH_REF: 虽然巴黎圣日尔曼足球俱乐部将一次性付清内马尔的买断条款,但它也可以在合同期限内根据会计目的进行金额分配。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,它是为了使自己的利益而被人的,而不是在他们的时候,也是为了给他的,而不是在乎的,因为他的意思是对我们的关系了 EN: Neymar has signed a five-year deal, so the transfer fee could be shown as a 44.4 million-euro cost in the annual accounts for the next five years. ZH_REF: 内马尔已经签署了一项为期五年的协议,所以转会费在未来五年的年度账户中可能会显示为 4440 万欧元的费用。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),有的是,我们的东西,是为了把它的东西弄到,而不是在他们的身上,而是在你的身上,还是要把它的东西弄得太多了了了了了了的的的的的的的的的的的的的的的的 EN: The first wave of FFP sanctions in 2014 saw PSG, along with Abu Dhabi-owned Manchester City, hit with the heaviest sanctions. ZH_REF: 2014 年实施的第一波《规则》制裁使巴黎圣日尔曼足球俱乐部,以及阿布扎比旗下的曼彻斯特城俱乐部受到了最严厉的制裁。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,有的是,我们的人,是为了得到的,是为了得到的,而不是在他们的中,是为了得到的,而不是在那里,要么是为了得到的,而不是在那里,要么是为了保护他们的。 EN: PSG was handed a fine of 60 million euros (then $82 million) - that was later reduced to 20 million euros - and ordered to limit its Champions League squads to 21 players for the 2014-15 season instead of the normal 25. ZH_REF: 巴黎圣日尔曼足球俱乐部被判罚款 6000 万欧元 (按当时汇率计为 8200 万美元) , 后来减少到 2000 万欧元,并要求在 2014-15 赛季的冠军联赛该球队减少球员到 21 名,而不是正常的 25 名球员。 -ZH_HYP: 1.. +ZH_HYP: 40.在任何情况下,都是为了使其成为一个更大的因素,而不是为了使他们的利益而被人打败,而不是在2005年,他们的行动也是如此的,而这是在12个月内的 EN: UEFA is on the lookout for clubs who might try to outwit its financial regulators by inflating their income through companies linked to a club's owners. ZH_REF: 欧足联正虎视眈眈盯着那些试图通过与俱乐部所有者挂钩来增加收入,欺瞒金融监管机构的俱乐部。 -ZH_HYP: 1.. +ZH_HYP: (美国)(这篇)是一个不可能的,因为它是在为自己的,而不是为了自己的利益而去,而不是在他们的身上,而是在他们的身上,也是为了给别人带来的,是的,是的,是的,是的。 EN: While a Qatari company could sponsor PSG, if the value of the sponsorship was deemed to exceed standard market rates UEFA would not allow it to count as legitimate income. ZH_REF: 虽然卡塔尔的公司可以赞助巴黎圣日尔曼足球俱乐部,但如果赞助金额被认为超过标准市场价格,那么欧足联不会将其视为合法收入。 -ZH_HYP: 1.. +ZH_HYP: (4)a:(b),我们的,是的,是在不可能的,因为他们的意思是,他们的意思是,他们的意思是,要把它的钱包给你,而不是在那里,还是要用的,是的,是的。 EN: That is what happened in 2014 when UEFA ruled that the value of the Qatar Tourism Authority sponsorship of PSG was inflated. ZH_REF: 这是 2014 年发生的事情,欧足联当时裁定卡塔尔旅游局赞助巴黎圣日尔曼足球俱乐部的金额被夸大了。 -ZH_HYP: 1.. +ZH_HYP: 2004年,我们的“大”的意思是,我们的人都是为了得到的,而不是在他们的面前,而不是为了给他们带来的,是在他们的上司,还是要把它的东西分给别人, EN: It has been reported that part of Neymar's PSG earnings could come via payments from the 2022 World Cup organizing committee in Qatar. ZH_REF: 据报道,内马尔在巴黎圣日尔曼足球俱乐部收入的一部分可能来自 2022 年卡塔尔世界杯组委会的付款。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,有的是,他们的生活方式,是为了使他们的工作变得更容易,而不是为了给他们带来的,也是在我们的时候,要在那里得到的是,的的的的的的的的的的的的 EN: But PSG and Qatar 2022 have denied that Neymar will become a World Cup ambassador and such a maneuver would be easy for UEFA's regulators to expose. ZH_REF: 但是,巴黎圣日尔曼足球俱乐部和该组委会均否认内马尔将担任世界杯大使,而对欧足联的监管机构来说,作出这样的举措是很容易的。 -ZH_HYP: 1.. +ZH_HYP: 但是,在这个,我们的人都是这样的,因为他们的工作是为了得到的,而不是为了自己的,而不是为了让他们的,而不是在那里,而是为了给别人带来的,也是为了让人感到厌倦的。了 EN: Past sanctions slapped on PSG means that UEFA will be even more watchful of any attempt to circumvent the rules. ZH_REF: 近期对巴黎圣日尔曼足球俱乐部实施的制裁意味着,欧足联将更加警惕任何绕开规则的企图。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: UEFA has not been in pre-emptive discussions with PSG about Neymar's transfer, people familiar with the situation said Thursday. ZH_REF: 周四知情人士称,欧足联并未与巴黎圣日尔曼足球俱乐部就内马尔的转会事宜进行预先讨论。 -ZH_HYP: 1.. +ZH_HYP: (一)()(),我们的意思是,他们的意思是,在他们的上,我们都是为了得到的,而不是为了得到更多的东西,而不是在他们的身边,而是在那里,是为了得到更多的保护 EN: They spoke to The Associated Press on condition of anonymity as they were not authorized to discuss the PSG situation. ZH_REF: 上述人士均仅以不具名的身份与美联社进行接触,因为他们未获授权讨论巴黎圣日尔曼足球俱乐部的状况。 -ZH_HYP: 1.. +ZH_HYP: (k)(一),在不影响的情况下,我们的货物是由他们所控制的,而不是在他们的手中,而是为了使他们的利益而被人所处死,而不是为了使他们的工作变得更高的的的的 EN: The last published accounts show that PSG made a profit of more than 10 million euros in 2015-16 on a turnover of 542.4 million euros. ZH_REF: 上次公布的账目显示,巴黎圣日尔曼足球俱乐部在 2015-16 年度的营业收入为 5.424 亿欧元,盈利超过 1000 万欧元。 -ZH_HYP: 1.. +ZH_HYP: 5.a.4.在这一时期,贸易的损失是不可能的,而在其他方面,则是以一种方式为其提供了一个机会,而不是在2015年之前就会有多大的损失(((((的的的的的的的的的 EN: Accounts for the last financial year are yet to be published. ZH_REF: 上一会计年度的账目尚未公布。 -ZH_HYP: 1.. +ZH_HYP: (一)(一)不一看,这也是不可能的,因为它是在为自己的,而不是在(或)上,它的意思是,它是为了让人感到羞耻的,是的,是的,是的,是的。 EN: PSG expects Neymar's arrival to be a boon for sponsorship deals, merchandising and jersey sales. ZH_REF: 巴黎圣日尔曼足球俱乐部预计内马尔的加盟将为赞助活动,特许经营和球衣销售带来福音。 -ZH_HYP: 1.. +ZH_HYP: (p)【句意】(a)’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: The club expects turnover would grow by at least 30 percent on the back of the signing. ZH_REF: 该俱乐部预计签署内马尔后营收额将增长至少 30%。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),(),在不可能的情况下,我们都会有更多的东西,而不是在他们的上方,因为他们是在一起,是为了让人感到厌倦了,而不是在高处,还是要把它的意思给 EN: Clearly irritated to see one of soccer's biggest players leaving, the Spanish league tried to stymie Neymar's move, claiming that PSG will be breaching FFP. ZH_REF: 很显然,看到其中名气最大的球员离开,西班牙联盟深感愤怒,试图阻碍内马尔的该举动,并声称巴黎圣日尔曼足球俱乐部违反《规则》。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为它是在用的,是用的,而不是在他们的中,是在说谎的,是的,是的,是的,是的,是的,是的,是的。了了 EN: "It is a clear case of 'financial doping', with the club and the state," La Liga President Javier Tebas told Spanish newspaper AS, referring to Qatar's ultimate ownership of PSG. ZH_REF: 西甲联赛主席哈维尔?特巴斯告诉西班牙报纸AS称,“这是一起'金融兴奋剂'的明显例证,俱乐部和国家都是一样的”,指的是对巴黎圣日尔曼足球俱乐部拥有最终所有权的卡塔尔。 -ZH_HYP: 1.. +ZH_HYP: “()”“是的,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。 EN: Arsenal manager Arsene Wenger, whose club is owned by an American sports tycoon, shares La Liga's reservations about a state funding a club. ZH_REF: 阿森纳球队(该俱乐部的所有人为美国体育大亨)主教练阿尔塞纳?温格 (Arsene Wenger) ,对国家资助俱乐部的态度与西甲联赛均持保留意见。 -ZH_HYP: 1.. +ZH_HYP: (美英对照),(),(),我们的钱包,都是为了得到的,而不是在他们的上司,而不是在他们的上司,而是在那里,是为了得到的,而不是在别人的上司,也是最重要的。 EN: "It is the consequence of the ownerships and that has completely changed the whole landscape of football in the last 15 years," Wenger said Thursday. ZH_REF: “这是所有权带来的后果,而这彻底改变了过去 15 年足球的整个生态 ”,温格周四表示。 -ZH_HYP: 1.. +ZH_HYP: “”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”说。。。。。。。。。。。。。 EN: "Once a country owns a club, everything is possible. ZH_REF: “一旦国家拥有俱乐部,那么什么事情都会发生。 -ZH_HYP: 1.. +ZH_HYP: (美英对照),“我们的”,是“不”的,因为它是在用的,而不是在过去,它是由你来的,而不是在别人身上,它是由你所需要的,是的,是的,是的 EN: It becomes very difficult to respect the Financial Fair Play because you can have different ways or different interests for a country to have such a big player to represent a country." ZH_REF: 这将会使遵守《规则》变得非常困难,因为对于一个国家而言,有许多不同的方式或各种利益来要求大牌的球员代表一个国家。” -ZH_HYP: 1.. +ZH_HYP: (英译汉)()(),这是个不对的,因为它是在为自己的,而不是在他们的时候,也是为了让自己的力量而努力,而不是在那里,要么是为了让人感到厌倦了的的的的的的的的的 EN: Smart interactive robot developer Rokid received new investment; Temasek is the lead investor ZH_REF: 智能交互机器人研发商Rokid获新投资 淡马锡领投 -ZH_HYP: 1.. +ZH_HYP: (美英)(美)(美),以作为,而不是为了使自己的力量而变得更容易,因为它是在为自己的,而不是在(或)上,都是在说谎的,是的,是的,是的。 EN: In recent years, start-ups in the AI sector have continued to be a hot favorite of capital. ZH_REF: 近年来,人工智能领域的初创公司持续受到资本热捧。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),我们的东西是在不可能的,也是在不喜欢的,因为他们的事,是在说谎的,是的,是的,是的,是的,是对的,而不是为了达到最高目的 EN: AI Rokid recently completed a round of funding, led by Temasek. Other investors included Credit Suisse, CDIB (the investment arm of China Development Financial Holdings Co., Ltd.), and existing shareholder IDG Capital. ZH_REF: 人工智能Rokid即于近日完成新一轮融资,由淡马锡领投,瑞士信贷、CDIB(台湾中华开发金融控股公司旗下投资机构)、老股东IDG资本等机构跟投。 -ZH_HYP: 1.. +ZH_HYP: (a)(一),在其他方面,我们的经验是,在不惜一切的情况下,为自己的利益而努力,而不是为他们提供的服务,如:(a).............................. EN: It is understood that the size of this round of funding was approximately US$100 million. Both Credit Suisse and CDIB were first time investors in China’s domestic AI industry. ZH_REF: 据悉,本轮融资规模约为1亿美元,瑞信和CDIB首次在国内人工智能领域的融资交易中出现。 -ZH_HYP: 1.. +ZH_HYP: 如果有的话,就会有一个大的,因为我们的工作是在不惜的,因为他们的钱是在为他们的,而不是在那里,也是为了给他们带来的,而不是在中国,我们的工作是什么?的的的的的的的的 EN: Rokid is a developer of smart interactive robots, and is committed to robotics research. It products can control smart devices in the home, and has continuous autonomous learning and growth functions. It also features recognition, comprehension and feedback functions. ZH_REF: Rokid是一家智能交互机器人研发商,致力于机器人领域研究,产品可操控家中智能设备,具有能持续自主学习和成长功能,还具备识别、听懂、反馈等功能。 -ZH_HYP: 1.. +ZH_HYP: (c)(一),(),是一种不对的,而不是在做作业,而是在为自己的工作中,也是为了得到的,而不是在自己的中,才是对的,而不是在你的身上,还是要有的。 EN: Proceeds from this round of funding will be used for R&D, talent recruitment, strategic push and industry chain investment layout. ZH_REF: 本轮融资将主要用于研发、人才引进、战略推动及产业链的投资布局。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),是,不需要的东西,是为了使自己的利益,而不是在他们的身上,而是在为之时,才会有价值的,而不是在(或)上,而不是在意料上,是对的,对我们来说是最重要的 EN: Rokid previously raised US$8.3 million in August 2014 in the Angel Round from IDG, Linear Venture, Mfund and Vision Capital. In October 2014, the company again received at least US$10 million in Series A funding led by Walden International, with the Angel investors as participants. On November 1, 2016, Rokid completed Series B funding, led by Advantech Capital; other investors included IDG, Mfund, Vision Capital and Walden International. ZH_REF: 此前,Rokid曾于2014年8月,获得IDG、线性资本、Mfund、元璟资本830万美元天使轮投资。;2015年10月,公司又获得华登国际领投、天使投资方跟投的千万美元A轮投资;2016年11月1日,Rokid完成由尚珹资本领投,IDG、Mfund、元璟资本、华登国际等机构跟投的B轮融资。 -ZH_HYP: 1.. +ZH_HYP: 8.100美元的人的收入损失为12.4倍,其中包括了1200万美元的资金,其中的是,他的投资是由美国人、欧洲和美国的公司的,而这是由四款的、更高的、更高的. EN: At the time, Rokid claimed that after the Series B funding, the company’s valuation would reach US$450 million. ZH_REF: 当时Rokid称,B轮融资后公司估值已达到4.5亿美元。 -ZH_HYP: 1.. +ZH_HYP: 在这一情况下,他的名字是:(a)在他们的中,是,他们的背面是为了得到的,而不是在他们的上,也是为了给他们带来的,而不是在我的上司机上,而是要把它的东西给了 EN: In May 2017, Rokid unveiled its consumer class smart voice robot “Rokid - Pebble”, integrating AI and the home, priced at RMB1,399. ZH_REF: 2017年5月,Rokid发布了消费级智能语音机器人“若琪·月石”,将人工智能和家庭场景结合起来,售价为1399元。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,有的是,他们的生活,是为了得到的,而不是在他们的身边,他们的才是,他们的美容,是在你的,是的,是的,是的,是的,是的,是的。 EN: This robot uses speech synthesis, natural language understanding, speech recognition technology and microphone array technology, with conversational, music broadcast and smart home features. ZH_REF: 该款机器人使用语音合成、自然语言理解、语音识别技术和麦克风阵列技术,具有聊天对话、播放音乐、智能家居功能。 -ZH_HYP: 1.. +ZH_HYP: 他的意思是,在这方面,我们的工作是有的,有的,是的,是的,是的,是的,是的,是的,是的,是对的,而不是你的,也是对的,而不是你的意思了了 EN: It has won two major CES awards - Tech For A Better World and Home Audio/Video Components And Accessories, as well as Germany’s iF Design Award, known as the Oscars of the design world. ZH_REF: 曾获得国际消费电子产品展(CES)Tech For A Better World及Home Audio/Video Components And Accessories两项大奖,以及有设计界奥斯卡之称的德国IF设计奖。 -ZH_HYP: 1.. +ZH_HYP: 在这个过程中,一个人的性格,是一种很有价值的东西,是的,是的,是的,是的,是的,也是在你的,是为了得到的,而不是在那里,你会被人的意思 EN: At the 2018 CES which had just ended, Rokid unveiled another new product: the consumer class augmented reality AR glasses RokidGlass. ZH_REF: 在刚刚闭幕的2018CES上,Rokid又发布了一款新产品:消费级增强现实AR眼镜RokidGlass。 -ZH_HYP: 1.. +ZH_HYP: (美国)(这篇)是一个不锈的东西,是的,是在为自己的,而不是在他们的中,是在说谎的,他们的意思是,我们要把它的东西弄得太多了了了了了了了的的的 EN: These glasses are used as independent head displays, and do not require connections to smartphones or external computers. It is expected to be commercialized in 2018. ZH_REF: 该款眼镜将作为独立头显使用,即无需连接智能手机或外部电脑,预计将在2018年实现商业化。 -ZH_HYP: 1.. +ZH_HYP: (c)(一),(如:),我们的手表是用的,可用于(d)的,是用的,而不是在上,它是在说谎的,或在哪里,它的意思是什么?的了了了的的的的的 EN: Previously, the company had already released its first generation home robot, RokidAlien and second generation product, smart voice box RokidPebble. ZH_REF: 此前,公司已发布第一代产品家庭机器人RokidAlien和第二代产品智能音箱RokidPebble。 -ZH_HYP: 1.. +ZH_HYP: (b)(一),这是一种不稳定的,是在其上,是由其所造成的,而不是在其上,而不是用它的方式来进行,而不是在(或)上,使其变得更高,而且是最重要的。 EN: This is the 135th anniversary Lu Xun’s birth and 80th anniversary of his death. In the words of scriptwriter Zhou Zhiqing, “I love Lu Xun. That’s why I have creative impulse.” ZH_REF: 今年恰逢鲁迅诞辰135周年、逝世80周年,用编剧俞志清的话讲:“因为热爱鲁迅,所以才有了创作的冲动。” -ZH_HYP: 1.. +ZH_HYP: (美):(一),我们的生活,是一个人,从他们的角度来,为自己的事业而来的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: Apple revealed that with effect from February 28, Guizhou-Cloud will be the new operator of iCloud services in Mainland China. ZH_REF: 据苹果公司透露,从今年2月28日起,中国内地的iCloud服务将转由云上贵州公司负责运营。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................... EN: Apple said that “the partnership with Guizhou-Cloud will allow us improve the speed and reliability of our iCloud services products while also complying with newly passed regulations that cloud services be operated by Chinese companies.” ZH_REF: 苹果公司表示,“与云上贵州的合作将使我们得以继续提高iCloud服务的速度以及可靠性,同时也符合中国的云服务须由本地企业运营的新规。” -ZH_HYP: 1.. +ZH_HYP: (美国)(这篇)是一个不公平的东西,它的意思是:“我们的东西,是的,”他说,“你的意思是,我的意思是,它是为了”“”“”“”“”“”“”“”“”。。。。。。。。。。。。。 EN: During the period of deactivation, data and information previously stored in iCloud by users will still remain in iCloud, and will not be lost. ZH_REF: 停用期间,用户此前储存在iCloud的数据资料还将保存在iCloud里,不会丢失。 -ZH_HYP: 1.. +ZH_HYP: (一)在不允许的情况下,将货物和服务的转移到另一个国家,而不是在(d)中,也是为了使其失去了,而在其他情况下,我们就会被人所使用的东西,而不是最糟糕的,而是要有什么关系。 EN: If users wish to use iCloud services after February 28 after deactivation, they must first accept the new terms and conditions to ensure that their accounts are reactivated and transferred to Guizhou-Cloud. ZH_REF: 如果停用后用户希望在2月28日后使用iCloud服务,则需要先接受新的条款和条件,以确保账户被重新激活并迁至云上贵州。 -ZH_HYP: 1.. +ZH_HYP: (4)如果有,就可以在不可能的情况下,就会被人用,而不是在,是为了让他们的,而不是在他们的身边,要么是在(或)的,是在我们的上方,你会被人的错觉 EN: Meanwhile, Apple emphasized in its statement that, “Apple has a strong data privacy and security mechanism and will not create a backdoor in any of our systems.” ZH_REF: 同时,苹果公司在声明中也强调,“Apple拥有强大的数据隐私和安全保护机制,并且不会在我们的任何系统中创建后门。” -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的错误,是,他们的生活方式是,他们的缺点是,我们的,是的,是的,是的,也是为了给你带来的,而不是在那里,也是为了保护自己的的的的的的的 EN: iCloud’s main data center at Gui-An New Area will be the first data center Apple has set up in China. On completion, it will be used to store the data of Apple users in China. ZH_REF: iCloud贵安新区主数据中心也将是是苹果公司在中国设立的第一个数据中心项目,项目落成后,将用于存储中国苹果用户的数据。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),“是”,“我们的”是,“从”的角度来看,这是在做的,是为了给自己带来的,也是为了让你的服务而去掉,而不是在哪里?了的的的的的的的的的的 EN: When completed and commissioned, Chinese users will be able upload and download data without having to undergo long-distance transmission between China and the US. Speed will be enhanced and delays reduced. ZH_REF: 建成和投入使用时候,中国用户在上传和下载数据,就无需在跨越中美之间的长距离来回传输,提高速度,减少延迟。 -ZH_HYP: 1.. +ZH_HYP: 5.4.................................................................. EN: Fang Wenshan will direct one to two of these 10 musical IP works. When Jay Chou was asked whether he would help with the directing, he said frankly that there is too much pressure in being a director. He hoped to find a few young directors to allow them room to play their part. ZH_REF: 这十部音乐IP作品,方文山会自己执导一到两部,当周董被问到是否会帮忙执导时,周杰伦坦言当导演压力太大,希望找一些年轻的导演,让他们有发挥的空间。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Prior to joining Twitter in 2011, Messinger was Vice President of development at Oracle. ZH_REF: 在2011年加入Twitter之前,梅辛格曾担任甲骨文的开发副总裁。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: The company is stepping up production of its first long-distance electric vehicle Model 3 targeted at the mass market, and plans to launch it by the end of 2017. ZH_REF: 该公司正在加紧生产首款面向大众市场的长距离电动车Model 3,并计划在2017年底推出。 -ZH_HYP: 1.. +ZH_HYP: (a)为使人的工作变得更加复杂,而不是在其他方面,也是为了使其成为一种,而不是在上,它是在(d)的,是在2003年的,它的目的是使其成为一种(或)的的的的的的的的的的 EN: “Tofu”, a 3D animated feature film designed for a general audience held its premiere in Wuhan on the 25th. Zou Yi, Director of “Tofu”, Meng Zhihui, Animation Director of “Tofu”, as well as Tom Disher, film soundtrack composer and Emmy Award winner were present to share their behind-the-scenes story of the film’s creation. ZH_REF: 3D合家欢动画电影《豆福传》25日在武汉举行首映礼,《豆福传》导演邹燚,《豆福传》动画导演蒙智慧,影片配乐制作人、艾美奖得主TomDisher悉数亮相,现场分享电影创作的幕后故事。 -ZH_HYP: 1.. +ZH_HYP: 在这个过程中,一个人的名字是:“从头到尾,”他说,“我们的作品是在一起,而不是在一起,他们的梦想,是的,是的,”他说,“你的英雄气,”他说。 EN: “Tofu” is based on a traditional allusion concerning Liu An, Prince of Huainan in the Han Dynasty - “Liu An made a mistake and invented tofu”. It is an account of “Dou Fu”, the leading character, a bean who miraculously took on human form, how he overcame numerous difficulties and persevered in his dream to become an immortal. This adorable animated film about becoming an immortal is closely connected with Hubei’s local culture. ZH_REF: 《豆福传》取材于中国传统文化中汉代淮南王刘安的故事,脱胎于“刘安做豆腐,因错而成”的传统典故,讲述了主人公“豆福”由一颗豆子幻化成人形,克服重重困难,坚持修仙梦想的故事。这部萌物修仙动画电影与湖北的地方文化渊源颇深。 -ZH_HYP: 1.. +ZH_HYP: “”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。 EN: Wudang Mountains, located in Shiyan, Hubei Province, is a UNESCO World Heritage Site, as well as the place of origin of Toaist culture and Wudang martial arts. It is known as “a unique scenic spot since ancient times, and the premier celestial mountain in the world”. ZH_REF: 湖北十堰市境内的武当山,是联合国公布的世界文化遗产地之一,也是道家文化和武当武术的发源地,被称为“亘古无双胜境,天下第一仙山”。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是由一个人组成的,而不是在我们的山上,他们是在那里,是的,是的,是的,是的,是在地球上的,是的,是的,是的,是的。 EN: Director Zou Yi revealed that he and his creative team traveled to Wudang Mountains to conduct research for the film prior to its creation. ZH_REF: 导演邹燚透露,在影片创作前期,他曾与主创团队前往武当山采风。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),是,也是为了使自己的事业变得更有价值,而不是在他们的面前,为自己的事,为自己的事业而去,而不是在那里,也是为了给别人带来的,是的,是的,是的。 EN: He said that the story of “Tofu” occurred during the reign of Emperor Wu of Western Han Dynasty, against the backdrop of Liu An, Prince of Huainan, making pills to attain immortality. The leading character “Dou Fu” was a bean that miraculously took on human form by accident while Liu An was making these pills. ZH_REF: 他表示,《豆福传》的故事便发生在西汉武帝年间,淮南王刘安炼丹修仙的背景下,影片主人公“豆福”便是一颗在刘安炼丹时意外幻化成人形的豆子。 -ZH_HYP: 1.. +ZH_HYP: 在他的书中,一个人的意思是,“那是个谜语,”“是的,”“那是对的,”他说,“那是个好人,”他说,“你的心就在了。了了了了””””””””””””””” EN: In addition to Wudang Mountains, the place of origin of Toaist culture, Hubei Province is also closely connected with the chime - a traditional musical instrument with long history in China. ZH_REF: 除了作为道家文化发源地的武当山,湖北还与中国历史悠久的传统乐器——编钟有着很深的渊源。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在外边,我们的外套是由“小”和“”,在“”,而不是在“”,“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。。。。。 EN: In a recent international conference, experts forecast that robots with AI will enter people's bedrooms in 25 years, and provide various services for humans. ZH_REF: 在近期召开的一次国际会议上,专家预计,在25年内具备人工智能的机器人将走进人们的卧室,为人类提供各种服务。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的错误,是,他们的愿望是,从某种意义上,他们的意思,是的,是的,是的,是的,也是为了给你带来的,而不是为了给别人带来的 EN: Through research, scientists have discovered that one of the most significant characteristics of memory is its inaccuracy. ZH_REF: 通过研究,科学家们发现记忆有一个最大的特点,就是其不准确性。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,你的意思是,他们的意思是,它是在我的,是为了给他们带来的,而不是在意外的,是的,是的,是的,是的。 EN: Written in 1934, “Thunderstorm” is Cao Yu’s first work, and the sophisticated hallmark of modern Chinese play. It is also the most translated Chinese play. ZH_REF: 创作于1934年的《雷雨》是曹禺的第一部作品,是中国现代话剧成熟的标志,也是被翻译成各国语言文字最多的中国话剧。 -ZH_HYP: 1.. +ZH_HYP: “”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。。。。。。。。。。 EN: Nostalgia Goes Niche in "Wet Hot American Summer" and "Comrade Detective" ZH_REF: 怀旧感染力风靡市场——《哈啦夏令营》和《侦探双雄》 -ZH_HYP: 1.. +ZH_HYP: (美)(一),(),我们的东西是用的,因为它是在用的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: So this iteration of the story is simultaneously nostalgic for the characters' '80s glory days; for the '90s grunge era (around when the masterminds David Wain and Michael Showalter made the sketch comedy "The State" for MTV); and for itself - that is, for 2001, before its stars, like Elizabeth Banks, Amy Poehler and Paul Rudd, went on to bigger things. ZH_REF: 复述这一故事是为了怀念演员们 80 年代的风光岁月以及 90 年代的垃圾时代(大卫·韦恩和迈克尔·修华特为 MTV 制作素描喜剧《国家》前后);同时也是对怀旧本身的怀念,对 2001 年的怀念;这一年之前,诸如伊丽莎白·班克斯、艾米·波勒和保罗·路德等众多明星尚未风生水起。 -ZH_HYP: 1.. +ZH_HYP: 这是个大的,但它的结果是,它的颜色,是一种美观的,而不是在他们的面前,它是在说谎的,而这是在他的想象中,而不是在它的时候,它的意思是“”了了 EN: As a cultural artifact, it's both a sendup and embodiment of our Facebook-enabled era of permanent reminiscence. ZH_REF: 作为一种文化艺术品,它是我们脸书时代永久回忆的模仿和体现。 -ZH_HYP: 1.. +ZH_HYP: (美)(一),是,我们的东西,是为了使自己的事业变得更容易,而不是在他们的面前,把它给你带来的东西,而不是在你的身边,那是对的,是的,是的,是的,是的 EN: But as a franchise, it feels like it's running out of time. ZH_REF: 但作为一个系列,这感觉就像时间不够用了。 -ZH_HYP: 1.. +ZH_HYP: (美英对照),是为了使自己的力量在不惜一切的,因为他们的心都是为了让自己的力量而努力,而不是为了让别人的力量去掉它的,而不是在我们的时候,那就会被人所受的影响 EN: "First Day of Camp" worked surprisingly well, not just because of its absurdist humor (it included an origin story for a talking can of vegetables, voiced by H. Jon Benjamin). ZH_REF: 《营地第一天》播出后反响强烈,但这不仅仅因为它的荒诞幽默(剧情是关于一只会说话的蔬菜罐头的原创故事,由 H·乔恩·本杰明配音)。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: By doubling down on the core gag - middle-age actors playing horny kids coming of age - it made the impossibility of recapturing the past part of the joke. ZH_REF: 剧情中加倍运用核心笑梗 - 中年演员扮演正值捣蛋年纪的孩子 - 这使得无法重新回到过去也成为了搞笑的一部分。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为它是在我们的,是为了使自己的心想而变得更糟,而不是在他们的面前,才会被人所为的,是的,是的,是的,是的。 EN: "Ten Years Later," with its adults now playing adults, is less emotionally rooted and its parody more scattershot, including a riff on '90s stalker flicks like "The Hand That Rocks the Cradle." ZH_REF: 《十年后》中,成年人实实在在的扮演成年人,情绪便没有太根深蒂固,模仿也更加散漫,其中包括对 90 年代跟踪电影的即兴创作,如《推动摇篮的手》。 -ZH_HYP: 1.. +ZH_HYP: “”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。。。。。。。。。。 EN: At one point a character rummages through an Apple Powerbook, some in-line skates and "a bunch of other things from 1991." ZH_REF: 某个时刻,一个角色陷于一台苹果笔记本、一些直线溜冰鞋和“一些 1991 年的其他东西”当中。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,有的是,他们的运气,是为了使他们的利益而被人的,而不是在他们的身边,那是对的,是的,是的,是的,是的,是的,是的,是的。 EN: Many of the core stories are the same. ZH_REF: 许多核心故事都是一样的。 -ZH_HYP: 1.. +ZH_HYP: (四)为“黑客”,是指甲,是为了使人的心智而变得更有价值,而在他们的时候,就会被人所为,而不是为了给别人带来的,也是在我的上方的的的的的的的的的的的的的的的的的的的的的 EN: Sweet-hearted Coop (Mr. Showalter), now a novelist, still hasn't gotten over Katie (Marguerite Moreau). ZH_REF: 甜心先生(修华特先生饰)现在已经成为了小说家,但他仍然没有忘记凯蒂(玛格丽特·莫罗饰)。 -ZH_HYP: 1.. +ZH_HYP: (美)(一),(),(),我们的东西是在不喜欢的,因为他们的意思是,他们的意思是,他们的意思是,我的意思是,你的意思是,要把它给别人的,是的,是的,是的。 EN: Victor (Ken Marino) still hasn't lost his virginity. ZH_REF: 维克多(肯·马里诺饰)仍然保有处男之身。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: And there's another battily villainous plot involving Ronald Reagan (also Mr. Showalter), now abetted by George H. W. Bush (a well-inhabited impression by Michael Ian Black). ZH_REF: 剧中还有另一个涉及罗纳德·里根(也是由修华特先生扮演)的险恶阴谋,由乔治·H·W·布什(迈克尔·伊恩·布莱克饰,给人留下深刻印象)唆使。 -ZH_HYP: 1.. +ZH_HYP: (美)(一),(),(也是),(我是在),因为你的意思是,他们都是在说谎的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: As always, the best part of the franchise is the digressions. ZH_REF: 一如既往,这一系列最好的部分是插话。 -ZH_HYP: 1.. +ZH_HYP: (美英):(一),我们的产品是用的,而不是从表面上的,是在为你的,而不是为了得到的,而不是在(中)的,是的,是的,是的,是的,是的,是的。 EN: It's especially fun to see the forever-young Mr. Rudd, sporting Matt Dillon's soul patch from "Singles," whose former big-man-on-camp Andy now feels like a geezer. ZH_REF: 看到这位永远年轻的路德先生尤其有趣,他在电影《单身贵族》中炫耀了马特·狄龙的灵魂补丁,之前的《校园巨人》中的安迪现在感觉就像一个巨人。 -ZH_HYP: 1.. +ZH_HYP: (美)(4).............................................................. EN: It's the moments of random lunacy that might power this franchise on, like a kind of recursive "Seven Up!" series, until it reaches what I assume will be its logical conclusion: "Wet Hot American Summer: Twenty Years Later," whose last scene will have the gang going to see the movie premiere of "Wet Hot American Summer." ZH_REF: 这是随机疯狂的时刻,可能会为这一电影提供动力,犹如递归的《人生七年》系列,直至得出我认为合乎逻辑的结论:《哈啦夏令营:二十年后》,它的最后一幕是让这帮卡司去看《哈啦夏令营》的电影首映式。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的名字是:“你的东西,是的,是的,是的,是的,我的心,你的心,我的心,”他说,“我是在这方面,”他说。了了了 EN: "Comrade Detective" on Amazon, meanwhile, appeals to a different brand of nostalgia: the Cold War revivalism of "The Americans," the film "Atomic Blonde" and even "GLOW," with its East versus West wrestling iconography. ZH_REF: 与此同时,亚马逊的《侦探双雄》诉说了不同的怀旧内容:冷战复兴主义的《美国谍梦》,电影《极寒之城》,甚至是东西方摔跤意象的《GLOW:华丽女子摔跤联盟》。 -ZH_HYP: 1.. +ZH_HYP: “”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,“”“”“”,。。。。。。 EN: The comedy, created by Brian Gatewood and Alessandro Tanaka, with Rhys Thomas directing, purports to be found TV: a Romanian 1980s buddy-cop drama about two Bucharest officers fighting for truth, atheism and the Marxist-Leninist way. ZH_REF: 这部由布莱恩·盖特伍德和亚历山德罗·田中创作的喜剧,被导演里斯·托马斯推上了电视屏幕:这是一部难兄难弟喜剧片,剧情背景设置在 80 年代的罗马尼亚,讲述两名布加勒斯特官员为了真理、无神论和马克思列宁主义路线而奋斗的故事。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,有的是,他们的名字,是为了让他们的心智而非凡的,而不是在他们的身边,他们的心智,是为了赢得了他们的胜利,而不是在那里,是为了赢得了 EN: The lead roles - hard-boiled Gregor and idealistic Iosef - are played by Florin Piersic Jr. and Corneliu Ulici, their dialogue dubbed in English by Channing Tatum (also an executive producer) and Joseph Gordon-Levitt. ZH_REF: 主要角色 - 硬派的格里戈尔和理想主义的艾瑟夫 - 分别由小弗洛林·皮尔斯齐和科尔内留·乌利奇扮演,其对话由查宁·塔图姆(也是执行制片人)和约瑟夫·戈登-莱维特用英语配音。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的性格是由自己的,而不是,他们是在一起,而不是在他们的面前,他们是在一起,是为了赢得了他们的才华,而且是在他们的上司中,也是在(美)的的的的的 EN: It's a brilliant idea. ZH_REF: 这是一个绝妙的主意。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................. EN: But it's not much more than an idea. ZH_REF: 但这不仅仅是一个想法。 -ZH_HYP: 1.. +ZH_HYP: (4)................................................................. EN: There are some fine sight gags (the police pass the time watching chess on TV as Americans might football). ZH_REF: 其中有一些很好的视觉噱头(警察看电视里下象棋打发时间,因为美国人喜欢踢足球)。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),(),是,也是为了把他们的东西弄得太多了,所以我们就会把它弄得太平了,就像你的一样,是的,是的,是的,是的,是的。 EN: And the roster of famous voice-over actors - among them Jenny Slate, Nick Offerman, Mahershala Ali and Chloë Sevigny - makes for a decent game of spot-the-voice. ZH_REF: 而且有众多名人配音演员 - 其中包括珍妮·斯蕾特、尼克·奥弗曼、马赫莎拉哈什巴兹·阿里和科洛·塞维尼 - 打造了一场精彩的声音盛会。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,他的名字是:“我们的,是的,是的,是的,是的,是的,是的,是的,也是为了使自己的利益而被人的。的的”,的”””的的的的的的的的的的”””””””””” EN: But "Comrade Detective" is so committed to the verisimilitude of a hamfisted propaganda drama - a killer wearing a Reagan mask is involved - that it often plays like one. ZH_REF: 但是,《侦探双雄》如此致力于打造一部喧嚣逼真的宣传喜剧 - 剧中有一名头戴里根面具的杀手 - 而它通常也扮演这样的角色。 -ZH_HYP: 1.. +ZH_HYP: “(”)“是的,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。。。。。。。。。。。。 EN: At six long episodes, it drags, and the comedy isn't fast or frequent enough. ZH_REF: 这部六集长的电视稍显拖拉,且喜剧效果释放的不够快速或频繁。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,他们的意思是,在我的上,我们都是为了得到的,而不是为了给别人带来的,而不是太多的,而是要在他们的服务上,还是要去的 EN: Edited to a tighter length, "Comrade Detective" might deliver better on its agitprop satire, as when Gregor and Iosef repeatedly visit the American Embassy, whose lobby is always occupied by two fat men wolfing down a pile of hamburgers. ZH_REF: 《侦探双雄》片长编辑地更为严格,在格雷戈尔和艾瑟夫反复访问美国大使馆时,呈现出了更好的煽动讽刺效果,因为大使馆的大堂里总是有两个胖子狼吞虎咽掉一堆汉堡。 -ZH_HYP: 1.. +ZH_HYP: (美)()(),我们的意思是,他们的意思是,在他们的时候,都是为了让他们的,而不是在他们的时候,才会有更多的东西,而不是在那里,是的,是的,是的。了 EN: The message, for the imagined communist audience, is that Western culture can turn anything into fodder to binge. ZH_REF: 对于想象中的共产主义观众来说,这个信息意味着西方文化可以把任何东西变成素材来狂欢。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。!。。。。。。。。。 EN: The fictional Romanian creators were not wrong: We even do it with our own recent history, and theirs. ZH_REF: 这一罗马尼亚题材虚构故事的创作者并没有错,我们甚至也会用自己近代的历史和他们的历史来讲故事。 -ZH_HYP: 1.. +ZH_HYP: (4)a:(一),我们的作品,是为了使自己的行为而变得更有价值,因为他们的行为是在他们的,而不是在那里,它是在我们的,是的,是的,是的,是的,是的。 EN: Reporters learned from recent interviews that the performance of the steel, rail transport, shipping vessel, machinery manufacture and other industries has fallen in general; some have even incurred losses. ZH_REF: 记者近日采访了解到,东北地区钢铁、轨道交通、船舶、机械制造等行业效益普遍下滑,甚至出现亏损。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的错误,是,他们的工作,是为了使他们的事业变得更容易,而不是在他们的身上,也是为了控制的,而不是在那里,也是为了提高的,而不是太多了 EN: Some experts believed that under the present circumstances, a new round of revitalization of the industries in Northeast China will not only concern the nation’s current economic recovery, it will also have an impact on the long-term growth and international competitiveness of China's manufacturing sector. Hence, there is an urgent call for adjustments and structural transformation to take place. ZH_REF: 一些专家认为,当前形势下,东北工业新一轮振兴不仅关系到全国本轮经济复苏,还将对我国制造业长远发展和国际竞争力产生影响,因此亟待调整转型。 -ZH_HYP: 1.. +ZH_HYP: 这类人的研究是,在一个方面,它的影响是,它的经济是不可能的,它的影响也是我们的,而不是在中国,它的经济和技术也在不断地扩大,而这是对中国的一个新的威胁。了。。。。。 EN: Traditional industries saw a general decline in performance, and even incurred losses. The raw material industry, and the heavy machinery and equipment manufacturing sector saw performance decline significantly, and even incurred losses. These were the first signs from the industries in Northeast China amid the current sluggish economy. ZH_REF: 企业效益普遍下滑传统行业更现亏损原材料工业和重型机械设备制造业效益严重下滑甚至出现亏损,是本轮经济低迷中东北工业的首要表现。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,对其产生的影响是,它的作用是,而不是在经济上,也是由于其原因,而不是在贸易方面的,而是在(一)中,造成了严重的损失,而在这一领域中,我们也是如此。 EN: When the economy decelerated in the past, low-end and primary commodities were the most significantly affected. In the current economic fluctuation however, both high- and low-end industrial products of Northeast China’s traditional industries were affected. ZH_REF: 以往在经济下行中,主要是低端、初级产品受冲击大的特点,但此次经济波动中,东北传统工业高端、低端工业产品都受到影响。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,我们的态度是,对经济的影响,而不是在过去,而是在为其带来的影响下,而不是在(或)上,这是对中国的最严重的影响,它是对世界经济的最大的影响。是 EN: A few years ago, Ansteel Group (Weibo) began by adjusting its product mix, and gave priority to developing high-end steel plates such as those for containers, railroad tracks, shipbuilding, and civilian home appliances. However, sales of these product categories fell significantly. In particular, the sales volume of steel plates for shipbuilding plunged 50% year-on-year. ZH_REF: 鞍钢集团(微博)前些年从调整产品结构入手,重点发展集装箱板、钢轨、船板和民用家电板等高端板材,然而今年这些品种的销量都出现较大幅度下降,特别是船板销售比去年同期销量下滑了50%。 -ZH_HYP: 1.. +ZH_HYP: 然而,在美国,这种做法是,它的作用是,它的价格是(a),它的价格是由低价的,而不是在(或)上,它的价格就会被高估价,而这是在我们的产品中的。 EN: Angang Steel Company (Hao Qingshun, Director of the Metallurgical Department of Liaoning Provincial Industry and Informatization Commission, said that metallurgy was the third largest pillar industry in Liaoning, with annual steel production capacity of 60 million tonnes, ranked third nationwide. ZH_REF: 鞍钢股份(辽宁省工信委冶金处处长郝庆顺介绍说,冶金是辽宁的第三大支柱产业,年产6000万吨的钢铁产能排在全国第三位。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这条纹是由一部份的,在中国,它是由“海绵”的,它的生产和销售,是在中国的,它的优势是在30年,它是由90%的的的的的的的的的的的的 EN: For the first five months of this year, crude steel production in Liaoning Province amounted to 21.54 million tonnes. Sales of products required by projects that were encouraged by national policy and where there was strong local government construction activity was better. Products in which market competition was more intense fell by a larger magnitude. This was another characteristic of Northeast China’s manufacturing sector. ZH_REF: 今年1-5月份,辽宁省粗钢产量2154万吨,国家政策鼓励、地方政府建设力度大的项目所需产品产销形势较好,市场竞争较为激烈的产品下降幅度较大,是东北制造行业呈现的又一特点。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,我们的产品是由“大”的,而不是在生产中,它是由它的,而不是在中国,它的产品在很大程度上是为了提高其竞争力,而这也是中国的一个重要的领域。了了了了了 EN: In sharp contrast to being diligent and responsible on reaching adulthood, Daniel Wu was a very mischievous child, even rebellious. ZH_REF: 和成年后的努力、有担当形成鲜明反差的是,童年时期的吴彦祖很调皮,甚至可以说是叛逆。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................ EN: The movie “Once Upon a Time”, soon to be released on August 4, held a press conference entitled “people from all corners of the world have come to meet you” to launch the movie in Beijing yesterday. On-screen “Bai Ye couple” Yang Yang (Ye) and Liu Yifei (Bai) were present at the conference. ZH_REF: 即将于8月4日上映的电影《三生三世十里桃花》昨日在京举行“八荒四海为你而来”发布会,“白夜夫妇”杨洋、刘亦菲同台现身。 -ZH_HYP: 1.. +ZH_HYP: 在这个词典里,你的意思是,在我们的时候,你会在一起,在那里,你会在那里,你就会在那里,你就会在那里,你就会被打败了。的了了了了了了了了了了了了了了了了了了了了了 EN: Yang Yang, who underwent surgery on his right ear just a few days ago, made an appearance for the first time after his recuperation. He interpreted his character as someone who “does not wear his heart on his sleeve”, quietly giving his all to Bai Qian, and concealing all his feelings. ZH_REF: 前几天刚刚进行过右耳手术的杨洋,伤愈后首度现身,他解读自己的角色是“喜怒不形于色”,始终为白浅默默付出,将所有感情都藏在心底。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)1.............................................................. EN: Yang Yang said that he had to rouse all his emotions to convey the character’s hidden sadness to the audience. “This was certainly a new challenge for me as an actor. While acting this character, I was so emotionally suppressed that I almost suffered internal injury”. ZH_REF: 杨洋表示需要调动起全身的情绪,来将角色隐忍的悲伤传递给观众,“这对我的表演是一个新的挑战,在演戏过程中我真的是快要憋到内伤”。 -ZH_HYP: 1.. +ZH_HYP: 5.d............................................................. EN: Liu Yifei, meanwhile, revealed that while acting her character in the movie, she cried so much that she collapsed at one point. ZH_REF: 刘亦菲则透露,在演这部电影时自己简直“哭惨了”,一度哭到崩溃。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: The Japanese Olympic Committee recently said that the Japanese delegation was targeted at 30 gold medals at the 2020 Tokyo Olympics and making Japan into the Top Three. ZH_REF: 日本奥委会近日表示,日本代表团在2020年东京奥运会的金牌目标是30枚,并挺进金牌榜前三位。 -ZH_HYP: 1.. +ZH_HYP: 然而,在美国,日本的一个大片是,它的作用是,它的存在,是为了使他们的利益而被淘汰,而不是在2003年,它将被称为“最坏的”,而不是在(e)上,这是对我们的看法 EN: In October last year, Chairman Yamashita Tasuhiro of the Athletes Commission of Japanese Olympic Committee expressed his expectation that the Japanese athletes can win 2.5 times more gold medals at the Tokyo Olympics than at the Rio Olympics. ZH_REF: 去年10月,日本奥委会运动委员会主席山下泰裕就表示,期待日本健儿在东京奥运会上的金牌总数是里约奥运会的2.5倍。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,中国的一个伟大的运动员,是在为他们的事业而来的,他们的胜利是,在这方面,他们的事业是在国际上的,而不是在中国,他的心智能得到满足.的的的的的 EN: At the 2016 Rio Olympics, Japanese delegation ranked 6th in the Gold List with 12 gold medals. ZH_REF: 在2016年里约奥运会上,日本代表团以12金位列金牌榜第六位。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,有的是,他们的名字是:“我们的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,而不是你的。了了了了了 EN: The representatives formed their own groupings, and walked to the venue holding umbrellas. ZH_REF: 代表们自己组队,撑着伞,陆续步入会场。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的名字,是为了使自己的处境,而不是在他们的身边,他们的是,他们的力量,是为了得到的,而不是在那里,也是为了让人感到厌倦的。是了了了了了 EN: Traffic on the roads surrounding the venue remained normal. There were no balloons or slogans at the venue, nor a red carpet; displays of plants and fresh flowers were absent as well. ZH_REF: 会场周围的道路正常通行,会场外没有气球标语,没有红地毯,没有摆放植物和鲜花。 -ZH_HYP: 1.. +ZH_HYP: (a)(一),在“不”的情况下,我们的车胎在哪里,也是在用的,而不是在那里,它是用的,也是用的,是的,是的,是的,是的,是的。 EN: Yesterday, the second session of the fourth People’s Congress of Guang’an City convened without much ado. ZH_REF: 昨日,广安市四届人大第二次会议简朴召开。 -ZH_HYP: 1.. +ZH_HYP: 4.a................................................................. EN: On entering GuangAn International Convention and Exhibition Center, slogans were absent from the venue, and there were no tea cups; not even a bottle of mineral water was present. ZH_REF: 走进广安会展中心,会场没有标语,没有茶杯,甚至连一瓶普通的矿泉水都没有。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的经历,是不可能的,因为他们的经历都是由不公平的,而不是在那里,它是由你所拥有的,而不是在那里,它是由你所能的,而不是的的的的的的的的的的的 EN: Instead, there a simple banner, a meeting place, a simple recyclable paper document bag containing materials for the meeting and a recyclable paper cup for tea or water. ZH_REF: 取而代之的是一个简单的横幅,一个开会的位置,一个装会议材料的简易环保纸质文件袋,一个环保纸杯盛装的茶水。 -ZH_HYP: 1.. +ZH_HYP: (a)为人提供了一个机会,可在我们的时候,把它放在一起,用它来的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。了 EN: The meeting materials were less dense than that of the past. A few pieces of paper summarized the theme and the agenda of the meeting. ZH_REF: 会议材料相对于以前薄了一些,几张纸就把会议的主题和议程概括完了。 -ZH_HYP: 1.. +ZH_HYP: (4)【参考译文】我们的作品是,在这方面,我们的态度是,而不是在他们的中,也是为了让自己的利益而努力,而不是在别人的上方,而是要在的时候,要把它的意思和价值联系起来 EN: “Be thrifty for the people. Those whose duty are to be frugal must live frugally. A return to the current simple and down-to-earth meeting environment, we fully comprehend and welcome it.” GuangAn People’s Congress deputy Wang Cheng said that an efficient and practical meeting without formalism is what they want to see and in which they want to participate. ZH_REF: “节约为民,当节俭的一定要节俭。回归到现在的朴实、实在的开会环境,我们很理解,也很欢迎。”广安市人大代表王成表示,高效务实、不搞形式主义的会议是他们愿意看见和参与的。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(“)”,“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。。。。 EN: Experts pointed out that both inflationary and deflationary pressures have eased at this time. This was undoubtedly good news for the financial and economic structural transformation stage. ZH_REF: 专家指出,当前通胀、通缩压力均有所减缓,这对财经转型期而言无疑是个好消息。 -ZH_HYP: 1.. +ZH_HYP: (四)(一),在不可能的情况下,我们的经济是不稳定的,也是为了使他们的事业变得更容易,因为他们的事也是在我们的,是的,是的,是的,是的,是的,是的。 EN: A total of 22 models of electric vehicles are sold at all major car dealers in California, but the selection in other states is a lot more limited. The second placed state only has 14 models while six states do not have any electric vehicles on sale. ZH_REF: 加州的各大汽车经销商共有22款电动汽车在售,但其他州的选择少得多,位居第二的州只有14款车型,甚至有6个州没有任何电动汽车销售。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,我们的家庭是一个大的,是的,是的,是的,是的,是的,是的,而不是在其他方面,也是在他们的,是的,而不是最坏的,是的。了了了了了 EN: February 10 news: Reporters learned yesterday from Changzhou Municipal Agricultural Committee that on basis of having successfully become a national forest city in 2016, Changzhou will thoroughly implement the “Master Plan for Establishing Changzhou National Forest City, Jiangsu Province (2014-2025)” this year so as to consolidate and upgrade the achievements from establishing a national forest city, and build a green, harmonious and high quality forest city that may be shared and enjoyed by all. ZH_REF: 2月10日消息:记者昨天从常州市农委获悉,在2016年成功创成国家森林城市的基础上,今年,常州市将深入实施《江苏省常州国家森林城市建设总体规划(2014-2025)》,巩固提升国家森林城市建设成果,建设绿色和谐、全民共享的高品质森林城市。 -ZH_HYP: 1.. +ZH_HYP: 108.2004年,韩国政府将其视为人类的财富,为中国的城市创造了一个巨大的机遇,为他们创造了一个巨大的机遇,为城市的发展提供了一个好的、更美好的、更美好的、更美好的未来。 EN: Bank of England to keep interest rates at 0.25% ZH_REF: 英格兰银行将维持 0.25% 的利率 -ZH_HYP: 1.. +ZH_HYP: 5.a............................................................... EN: The Bank of England is expected to announce later that interest rates will remain unchanged after lacklustre economic growth and easing inflation dampened speculation over a hike. ZH_REF: 英格兰银行将在晚些时候宣布利率将保持不变,此前疲软的经济增长和宽松的通货膨胀就已让上调希望破灭。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: The Bank of England has warned economic growth will remain "sluggish" as it kept interest rates on hold amid a tightening squeeze on family incomes. ZH_REF: 英格兰银行发出警告,因为其在加强家庭收入紧缩的同时控制利率,经济增长将继续呈“疲软”之势。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),这是对的,也是为了使自己的利益而被人的损失惨重,因为他们的服务是在不断地被承受的,而不是在(美)的,是对的,而不是在你的身上。 EN: Policymakers on the Bank's Monetary Policy Committee (MPC) voted 6-2 to keep rates at 0.25%, with fewer members this month calling for a rise as lacklustre economic growth has weakened support for a hike. ZH_REF: 该行货币政策委员会 (MPC) 的决策者以 6-2 的投票决定维持 0.25% 的利率,而本月少数成员呼吁提高利率,即使疲软的经济增长已经减弱了上调的助力。 -ZH_HYP: 1.. +ZH_HYP: (b)(一)有的是,货币的价格,也是不稳定的,而不是在其他国家,而在这种情况下,他们的需求就会下降,而这是在30%的时候,它的意思是“(e)” EN: In its quarterly inflation report, the Bank cut its forecasts for growth to 1.7% in 2017 and 1.6% in 2018 and cautioned the squeeze on household incomes would continue, with inflation still expected to surge close to 3% in the autumn. ZH_REF: 在其季度通货膨胀报告中,英格兰银行将 2017 年和 2018 年的增长预测分别缩至 1.7% 和 1.6%,并发出警告称家庭收入紧缩将会持续,同时通货膨胀将于秋季暴涨至近 3%。 -ZH_HYP: 1.. +ZH_HYP: 在美国,对其进行的调查,是为了应付通货膨胀,而不是在1992年,再加上经济增长,而在美国,这种情况也是如此,而在10.3%的情况下,美元的增长也会下降。的的了的的的的的 EN: But it signalled rate hikes will be needed over the next few years to rein in Brexit-fuelled inflation and said borrowing costs may need to rise by more than expected in financial markets. ZH_REF: 但其表示在接下来的几年中,将需要上调利率以遏制脱欧带来的通货膨胀,同时借款费用可能需要以金融市场中期望的更大幅度上调。 -ZH_HYP: 1.. +ZH_HYP: 但是,在这一时期,我们将不得不放弃,而不是在过去,而又是在为他们提供的,而不是在经济上,而是要在一定程度上增加,而不是在其他方面都会造成的。的了的的的的的的(的 EN: Members also voted to withdraw part of the mammoth economy-boosting package unleashed a year ago in the aftermath of Brexit. ZH_REF: 一年前受脱欧影响而实施了大规模的经济促进政策,各成员也投票决定将其撤回。 -ZH_HYP: 1.. +ZH_HYP: (k)【句意】(a)我们的是,他们的事业是为了使自己的事业变得更容易,因为他们的事也是为了得到的,而不是在我们的上司,而是要在那里的,是为了得到的 EN: It will call time on the Term Funding Scheme to offer cheap-finance to banks from next February, although it said it was now expected to offer £15 billion more under the scheme - at £115 billion. ZH_REF: 英格兰银行将宣布定期融资计划告停,从明年 2 月份开始为各银行提供廉价资金,虽然该银行称根据该计划,该行目前需要在 1150 亿英镑的基础上再追加 150 亿英镑。 -ZH_HYP: 1.. +ZH_HYP: 如果是在的,它是一种很有价值的,因为它的价格是不可能的,而不是在过去的时候,它就会有更多的钱,它是在1000米(或)的.中中的的的的的的的的的的的的的的的的的的 EN: In minutes of the rates decision, the Bank said: "In the MPC's central forecast, gross domestic product (GDP) remains sluggish in the near-term as the squeeze on households' real incomes continues to weigh on consumption." ZH_REF: 在利率决策会议记录中,英格兰银行称:“在 MPC 的核心预测中,国内生产总值 (GDP) 在近期依然呈疲软之势,因为家庭实际收入紧缩将继续压制消费。” -ZH_HYP: 1.. +ZH_HYP: 5.在这一阶段,人们对其进行了彻底的调整,而这是在美国,它是在“最坏的”中,“在”,“它的代价是在你的中,”也的的的的的的的的的的的的的的的的的的的的的 EN: On rates, it reiterated that "some tightening of monetary policy" would be needed to cool inflation and by a "somewhat greater" extent than markets expect. ZH_REF: 关于利率,该行反复重申需要“一定的货币政策紧缩”来镇压通货膨胀,而且需要以比市场期望的“更大的程度”。 -ZH_HYP: 1.. +ZH_HYP: 在这一情况下,我们将为自己的事业而付出代价,而不是为了更多的代价,而不是在他们的身上,而是在为之时,才会有更多的东西,而不是在(上)的的的的的的的的的的的的的的的的的的的 EN: Markets are currently forecasting the first rise in the third quarter of next year and another in 2020. ZH_REF: 目前市场预计在明年第三季度实现第一次增长,在 2020 年实现第二次。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,我们的态度是,在过去的中,是一种不寻常的东西,而不是在其他的东西上,而是在他们的身上,在那里,是为了使自己的力量而变得更糟的了了 EN: But the Bank stressed that any hikes would be "gradual" and "limited." ZH_REF: 但是该行强调,任何上调都会是“缓慢”而“克制”的。 -ZH_HYP: 1.. +ZH_HYP: 但如果你的处境,就会被人的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是对的,而不是太多的,因为你的意思是对的,的 EN: The Bank's downgraded growth forecasts for this year and next compare with the 1.9% and 1.7% predicted in May. ZH_REF: 该行今年和明年的增长预测呈下降趋势,而五月份的预测为 1.9% 和 1.7%。 -ZH_HYP: 1.. +ZH_HYP: 5.a.................................................................. EN: It maintained its forecast for growth of 1.8% in 2018. ZH_REF: 该行维持 2018 年增长 1.8% 的预测。 -ZH_HYP: 1.. +ZH_HYP: 5.a.................................................................. EN: Sterling fell against the dollar and the euro following the news. ZH_REF: 英镑对美元汇率下降,欧元也紧随其后。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,我的意思是,他们的意思是,他们的意思是,和(或)的,是的,是的,是的,而不是为了给别人带来的 EN: The pound was 0.5% down at 1.31 US dollars and fell 0.4% to 1.11 euros. ZH_REF: 英镑对美元汇率下跌 0.5%,达到 1.31,对欧元则下跌 0.4%,达到 1.11。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】(b)【句意】’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: The no-change decision comes after recent disappointing growth figures have dampened mounting expectations of a hike, with GDP edging up to 0.3% in the second quarter from 0.2% in the previous three months. ZH_REF: 该保持不变的决策出现之前,愈演愈烈的上调期望因最近不容乐观的增长数据而破灭。第二季度 GDP 增至 0.3%,而前三个月只有 0.2%。 -ZH_HYP: 1.. +ZH_HYP: (一)(一)不可能是,我们的产品在很大程度上是为了使其更容易,而不是在过去的30年中,而在2004年的时候,也是在经历了的中,这是我的错觉的的的的 EN: Growth is likely to remain at 0.3% in the third quarter, although it will start to pick up slightly at the end of the year, according to the Bank. ZH_REF: 该行称第三季度的增长可能保持在 0.3%,虽然年底将会小幅上升。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为它是在用的,而不是在(或)上,它的意思是,它的意思是:“我们的人在哪里,还是要在这里,”说 EN: Its latest inflation report offered little cheer for households being hit by soaring inflation and paltry pay rises as it said the squeeze will get worse before it gets better. ZH_REF: 普通家庭受到通货膨胀暴涨的冲击,而工资增长又微不足道,英格兰银行最近的通货膨胀报告并没有为他们带来喜讯,因为该行称紧缩在变好之前还会变得更坏, -ZH_HYP: 1.. +ZH_HYP: (a)为使人的尊严受到影响,而我们的努力将被视为是为了使其更容易地获得,而不是在其他国家中,也是为了应付其损失而被低估的问题,而这是对其进行的,而不是对其进行的。 EN: It added that monetary policy "cannot prevent" the hit to incomes over the next few years, but expects wages will recover "significantly" towards the end of its three-year forecast. ZH_REF: 并称货币政策“不能防止”接下来几年中对收入的打击,但是工资有望在三年预测结束时“大规模”恢复。 -ZH_HYP: 1.. +ZH_HYP: 4.5."除其他外,"为"贸易",而不是为其提供的,也是为了使其更容易地被承受,而其损失为","(a)",","(a)""""""""""""""""""" EN: The economy is also set for a boost from surging demand for British goods thanks to the weak pound, which will offset some of the lower consumer spending. ZH_REF: 同时,因为英镑贬值,对英国商品的需求大幅增长,经济将会受到刺激,抵消部分低消费的影响。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这也是对我们的影响,是为了使自己的贸易变得更容易,而不是为了让自己的人付出代价,而不是为了更多的代价来衡量它的损失,((((((((((的的的的的的 EN: The decision comes a year after rates were cut to 0.25% last August following the shock EU referendum vote, which sent the pound slumping. ZH_REF: 该决策制定之前一年,令人震惊的欧盟全民公投让英镑暴跌,八月份利率下调至 0.25%。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,我们的态度是,在过去的中,我们的数量是,而不是为了使他们的损失惨重,而不是在他们的中途中,要么是为了赢得更多的,而不是在(s)的情况下,这是最坏的 EN: The Bank estimates it will likely take four years to fully feed through to prices and the economy. ZH_REF: 英格兰银行估计其可能需要四年时间才能完全对物价和英国经济产生影响。 -ZH_HYP: 1.. +ZH_HYP: (k)(一),这是对我们的,是为了使自己摆脱困境,而不是在自己的中,也是为了让自己摆脱困境,而不是在那里,要么是为了让人感到羞耻的,是的,是的,是的,是的。 EN: Prior to the Bank's latest rates verdict, there had been growing clamour for a rate rise as inflation ramped up pressure on hard-pressed households, with three policymakers calling for an increase to 0.5% in July. ZH_REF: 在该行公布其最新利率裁定之前,利率上调的呼声就不绝于耳,因为通货膨胀令早已倍感压力的普通家庭雪上加霜,同时三位决策者呼吁 7 月份将利率上调至 0.5%。 -ZH_HYP: 1.. +ZH_HYP: 在这一情况下,我们的态度是,在过去的中,是为了使自己的损失惨重,而不是在压力下,而是为了更多的压力,而在其他方面,他们的表现已经达到了最低水平,而这是对中国经济的影响,也是如此。 EN: Inflation eased back to 2.6% last month from 2.9% in June, although the Bank said this was expected and will pick up once again over the coming months. ZH_REF: 上个月通货膨胀从 6 月份的 2.9% 退至 2.6%,虽然英格兰银行称这在预料之中,且在接下来的几个月中将再次上升。 -ZH_HYP: 1.. +ZH_HYP: 在美国,这是个不寻常的例子,因为在其他的情况下,他们都是在买下的,而不是在,他们的心就会被人的,而在你的身上,那就会被人的错觉了了了了了了 EN: The Bank said the overshoot relative to its 2% target was "entirely" down to the weak pound. ZH_REF: 该行称相对其 2% 的目标,超过的部分已经完全是疲软的英镑最后的底线了。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,我们的意思是,他们的意思是,在我的上,你的意思是,你的意思是,要把它给的,是的,是的,是的,是的,是的。 EN: Andrew Montlake, director at Coreco Mortgage Brokers, said: "Given the recent fall in swap rates, the mortgage market looks set to become ever more competitive once more as lenders clamour for business and look to end the year in positive fashion. ZH_REF: Coreco Mortgage Brokers 的董事安德鲁·蒙特雷克称:“鉴于掉期利率近期下跌,抵押贷款市场似乎将再次变得更具竞争力,因为贷款方强烈呼吁更多业务,并期待以积极态势为今年划下完美句号。 -ZH_HYP: 1.. +ZH_HYP: 在美国的一个大的店里,有的是,他们的钱包,是在买东西的,是在说谎的,他们的意思是,他们的想法是在不断的,而不是在那里,更有可能是为了更多的钱 EN: The market looks particularly good for those who may be coming to the end of their existing deals as re-mortgages, many with fee-free options as well as low rates, become ever more popular." ZH_REF: 对那些可能快要结束现有交易的人来说,这样的市场看起来特别有利,因为再抵押(很多都可以免手续费而且利率低)越来越受欢迎。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,我们的处境是,他们的代价是不可能的,因为他们是在乎的,而不是在那里,也是为了提高他们的效率而来的。了了了了了了了了了了了了 EN: China Earthquake Networks Center officially determined that a magnitude 8.0 earthquake struck New Zealand on November 13 at 19:02 (42.53 degrees south latitude, 173.05 degrees east longitude), with the epicenter 10km deep. Powerful tremors were felt in the capital, Wellington. ZH_REF: 中国地震台网正式测定,11月13日19时02分在新西兰(南纬42.53度,东经173.05度)发生8.0级地震,震源深度10千米,首都惠灵顿震感强烈。 -ZH_HYP: 1.. +ZH_HYP: 在美国的一个大片中,有的是,有的是,他们的生活在了,100米,而这是在120年的,在那里,有的是,我的心智,是高的,而你的美貌却有很大的影响。 EN: NHS to prescribe controversial HIV drug to 10,000 ZH_REF: 英国国家医疗服务体系 (NHS) 富有争议的艾滋病毒药物大开绿灯 -ZH_HYP: 1.. +ZH_HYP: 5.3.在被认为是一种危险的情况下,为其提供了一个可供选择的机会,使其成为了,而又是在被人身上的,而不是在其他地方,他们的身份就会被人的错觉了了了了 EN: Patients will be able to access a 'transformative' HIV prevention treatment from September following a High Court battle over funding the drug on the NHS. ZH_REF: 在高等法院就 NHS 提供药物资助之事尘埃落定之后,患者将能够从 9 月开始获得“变革性” HIV 预防治疗。 -ZH_HYP: 1.. +ZH_HYP: (b)(一)在发生时,可将其作为,而不是为那些被人所使用的,而不是在上,是为了使人的心智而变得更严重,而且也是在(e)的,因为它是对的,的 EN: NHS England announced that pre-exposure prophylaxis (PrEP), a pill taken before sex which has been shown to reduce the risk of infection in high-risk individuals by around 86 per cent, will now be provided by the health service through an initial three-year trial to an estimated 10,000 people. ZH_REF: NHS 英格兰宣布,暴露前预防用药 (PrEP) ,一种可在性行为之前服用的药物,已被证明可以将高危人群的感染风险率降低约 86%。现在卫生服务机构将通过为期三年的初步试验,向预计 10,000 人提供该药物。 -ZH_HYP: 1.. +ZH_HYP: 5.1.1.在对其进行的治疗中,有一种是由其产生的,而其结果是,其结果是,在其使用的风险中,有可能被人死于30%,而在其他情况下,则是有可能的,的是 EN: It agreed to fund the trial after the Court of Appeal upheld a High Court ruling last year, which said the NHS had the power to pay for PrEP despite its claims that local authorities should fund it. ZH_REF: 它同意在上诉法院去年支持高等法院裁决后为试验提供资金。该裁决表示,尽管 NHS 声称地方当局应该为这种药物提供资金,但 NHS 有权支付 PrEP 的费用。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,法院的判决是对其进行的,而不是",",",",",",",",",",",",",",",",",",",",",",",""""""""" EN: The move announced on Thursday was hailed as a 'major new intervention' by NHS England chief executive Simon Stevens while the National Aids Trust (NAT) described it as a 'pivotal moment'. ZH_REF: 周四宣布的举动被英国NHS首席执行官西蒙史蒂文斯 (Simon Stevens) 称为一次“重大的新干预”,而国家艾滋病信托基金会 (NAT) 则将其形容为“关键时刻”。 -ZH_HYP: 1.. +ZH_HYP: 5.4.在一个人的时代,这是个不稳定的,因为它是由他们所做的,而不是在他们的国家里,而不是在那里,而是在他的身上,是为了得到的,而不是什么,而是要在的时候,对你的 EN: Sexual health clinics in London, Brighton, Manchester, Liverpool and Sheffield will be among the first to start enrolling people, with more clinics joining in October before full implementation across England by April 2018. ZH_REF: 伦敦、布赖顿、曼彻斯特、利物浦和谢菲尔德等地的性健康诊所将成为首批人员登记的性健康诊所。在10月份将会有更多的诊所加入,之后在 2018 年 4 月在英格兰范围进行全面实施。 -ZH_HYP: 1.. +ZH_HYP: (4)一个人的性格,是在做作业的,而不是在他们的面前,他们的意思是,他们的意思是,我们的人都会在那里,而不是在那里,也是在一起的,而不是在100米的时候 EN: Pre-exposure prophylaxis (PrEP) is a course of HIV drugs taken before sex to reduce the risk of getting HIV. ZH_REF: 暴露前预防用药 (PrEP) 是一种在性行为之前服用、以降低感染艾滋病毒风险的艾滋病病毒药物。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在不可能的情况下,我们将在其身上,为其提供便利,以使其免遭各种形式的破坏,并使其成为可能的危险因素,而不是为其提供更多的保护(如:)))))))))))))))) EN: Trials have shown PrEP significantly reduces HIV transmission among those at-risk of infection. ZH_REF: 试验显示,PrEP 可显著降低感染风险人群的艾滋病毒传播。 -ZH_HYP: 1.. +ZH_HYP: (四)为使人的处境更加复杂,而在其他方面,我们也会被人所为,而不是为了他们的利益而被人所包围,这是对他们的影响,而不是在(d)的情况下,了了的的的的的的的的的的的的的 EN: Taking PrEP before sex means there is just enough of certain drugs in a person's body to prevent an HIV infection taking hold. ZH_REF: 在性行为之前服用 PrEP 意味着人体内有足够的特定药物来预防 HIV 感染。 -ZH_HYP: 1.. +ZH_HYP: 5.4.在一个人的范围内,有一个人的身份,是为了使自己的心智而变得更容易,因为他们的人都是在一起,而不是在别人身上,而是要用的,也是为了让人感到厌倦的 EN: Such drugs can be taken every day or as soon as two hours before having sex. ZH_REF: 这种药物可以每天或在性交前两小时服用。 -ZH_HYP: 1.. +ZH_HYP: (b)(一),(一),(),(),(),()(),我们要把它们的东西弄到一起,因为你的心都是在被人用的,是在最糟糕的,是的,是的,是的。 EN: Those eligible for the treatment include gay or bisexual men, transgender people and those with HIV-positive partners who are not successfully receiving treatment. ZH_REF: 那些有资格接受治疗的人群包括同性恋、双性恋男性、跨性别人士以及未成功接受治疗的阳性HIV携带者。 -ZH_HYP: 1.. +ZH_HYP: (b)有的是,有的人,都是有的,有的,是,有的,是,有的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: Clinics will identify eligible participants who consent to the trial, including men, women, transgender people, and individuals who have a partner whose HIV status is not known to be controlled by anti-retroviral treatment. ZH_REF: 诊所将确定符合条件、且同意试验的参与者,包括男性、女性、跨性别人士以及其性伴侣HIV感染状态是否接受抗逆转录病毒治疗未知的人员。 -ZH_HYP: 1.. +ZH_HYP: (c)项链中的任何一种都是,他们的身份,是为了使他们的利益而被人死,而不是为他们提供的,是对他们的,也是对他们的,是对的,而不是对他的伤害的的的的的的的的 EN: People living and registered with a GP in England will also be able to enrol for potential participation at their local participating sexual health clinic. ZH_REF: 在英格兰居住并注册全科医生的人员也可以在他们当地参加的性健康诊所报名参加。 -ZH_HYP: 1.. +ZH_HYP: 在美国,有一个人的名字,是为了使自己的事业变得更容易,也是为了让自己的人而感到羞耻,因为他们的事也是在他们的,而不是在那里,他们的人都是为了得到的的的的的的的的 EN: The programme will cost £10 million and NHS England signed a contract to source the drugs this week following an international competitive procurement. ZH_REF: 该计划将花费 1000 万英镑,而NHS英格兰分支机构签署了一份合同,在进行国际竞争性采购后于本周采购这些药物。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的错误,是,我们的生活是,他们的目的是为了获得更多的代价,而不是在他们的上司,而不是在那里,也是为了给他们带来的,而不是在这里,也是为了给你带来的 EN: The trial is designed to assess the full potential of PrEP by gathering clinical evidence on how it is targeted, taken up, and implemented on a large scale. ZH_REF: 该试验旨在通过在大样本基础上,收集有关对其如何定位、吸收和实施的临床证据来评估 PrEP 的全部潜力。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,我们的目的是为了使自己的处境,而不是在他们的身上,而不是在他们身上,而是在他的身边,在那里,是为了得到的,而不是什么,都是为了得到的,而不是什么? EN: Mr Stevens said: 'This major new intervention should complement and supercharge the wide-ranging and increasingly successful effort to prevent HIV. ZH_REF: 史蒂文斯先生说:“这项重大的新干预措施应该对预防艾滋病毒起到广泛的和越来越成功的补充和强化作用。 -ZH_HYP: 1.. +ZH_HYP: (注:),这条路是不可能的,因为它是在我们的,是为了使自己的力量而变得更容易,而且也是为了更多的,而不是在别人身上,而是在你的身上,也是为了保护自己的的的 EN: It's another milestone in more than three decades' worth of progress in tackling one of humanity's major health challenges.' ZH_REF: 这是 30 多年来值得在解决人类主要健康挑战中取得进步的行动的又一个里程碑。” -ZH_HYP: 1.. +ZH_HYP: (4)................................................................ EN: Deborah Gold, chief executive at NAT (National Aids Trust), said: 'This is a pivotal moment in the fight against HIV. ZH_REF: 英国艾滋病信托基金 (NAT) 首席执行官狄波拉?金表示:“这是抗击艾滋病的关键时刻。 -ZH_HYP: 1.. +ZH_HYP: (美)(美)(美),是,也是为了让人感到羞耻,因为他们是在说谎,而不是在他们的中,才会有多的,而不是在那里,是为了让人感到羞耻的 EN: PrEP, if targeted properly at those in need and at risk, offers the possibility of transforming the English HIV epidemic. ZH_REF: 如果其确实针对有需要和处于危险的人群,那么暴露前预防用药则为改变英国艾滋病流行提供了可能性。 -ZH_HYP: 1.. +ZH_HYP: (一)如果有,就会有更多的东西,而不是为了使他们的缘故,而不是为了让他们的,而不是在他们的中,而是在那里,给你带来的东西,更不用说,它是对的,是最坏的,是的。 EN: From September, people at high risk of HIV will have access via this NHS-funded trial in England to an empowering new tool that is truly individually controlled and not subject to negotiation with a partner, leading to the improvement of many, many lives. ZH_REF: 从 9 月份开始,艾滋病毒高危人群将通过 NHS 资助的、在英格兰开展的这项试验,获得一种准许的新工具,这种工具是真正可单独实施,无需与性伙伴协商,这将会为许许多多人的生活带来改善。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的影响,是为了使自己的利益而被人死,而不是在美国,他们是在一起,而不是为了让人感到更多的,而不是在那里,他们都是在一起的,是的,是的。 EN: We warmly welcome this announcement.' ZH_REF: 我们对这个公告双手赞成。” -ZH_HYP: 1.. +ZH_HYP: (英译汉)()(),我们的意思是,我们的生活是不可能的,因为他们的事也是为了得到的,而不是在他们的中,才会有更多的东西,而不是在你的身边,那是对的,对你的影响 EN: Ian Green, chief executive of the Terrence Higgins Trust, said: 'The priority must now be to make sure that the trial is rolled out speedily across the country, and that no-one at risk of HIV is left behind. ZH_REF: 特伦斯?希金斯信托基金会首席执行官伊恩?格林表示:“现在的首要任务就是确保试验在全国范围内迅速推开,而且艾滋病病毒感染者一个都不能落下。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,“我们的”,是“不”的,是的,是的,是的,是的,你的事也不可能在那儿,而你的心就会被人所迷惑的,是不对的,你的了了 EN: Now that the PrEP trial drug has been procured, we're well on the way to protecting over 10,000 people at risk of HIV.' ZH_REF: 现在我们已经购买了 PrEP 试验药物,我们为保护超过 10,000 名艾滋病毒高危人员已经做好了准备。” -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(我们)的意思是,我们的生活方式是,我们的人都是为了得到的,而不是为了使他们的缘故,而不是为了更多的,而不是为了给他们带来的,是在我们的中中中的的的的的 EN: Shadow public health minister Sharon Hodgson said: 'The start of the PrEP trial is welcome and long overdue after months of delays and heel-dragging by the Government. ZH_REF: 影子公共卫生部长沙龙?霍奇森声称:“历经数月的推迟和政府的拖沓之后,PrEP 初试的开始工作很受欢迎而且应该早些到来。 -ZH_HYP: 1.. +ZH_HYP: 在他的后面,一个人的名字是,在我们的后面,是为了使他们的缘故,而不是为了让他们的,而不是在那里,而是为了让人感到厌倦,而且也是为了更多的,而不是在他身上,还是要把它的意思 EN: The evidence shows just how transformative this drug can be as part of our approach to HIV prevention and ending the transmission of this life-changing infection. ZH_REF: 证据表明作为我们预防艾滋病毒和止传播这种致命的感染疾病的方法的一部分,这种药物可以带来怎么样的变革。 -ZH_HYP: 1.. +ZH_HYP: (4)如果有,就可以看出,我们的工作是不可能的,因为他们的生活方式是在为他们提供的,而不是在我们的身上,而是要把它的东西弄得太多了了了了的的的的的的的的的的的的的的的的 EN: This trial will take us one step closer to fully understanding the benefits of PrEP. ZH_REF: 这项试验将使我们更进一步地、充分了解 PrEP 的优势。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................ EN: Now it is important that this trial is rolled out as quickly as possible across the country to protect individuals who are exposed to HIV and help take us one step closer to ending the spread of HIV in society.' ZH_REF: 现在,尽快在全国范围内推出这项试验以便保护接触艾滋病毒的人员,并帮助我们更进一步地终止艾滋病毒在社会中的传播,这点非常重要。” -ZH_HYP: 1.. +ZH_HYP: 5.这一种的原因是,在我们的身体上,有的是,他们的力量已经被毁灭了,而不是为了让人更多的,而不是为了让人更多的,而不是为了给人留下了更多的东西,而是要在我们的人身上 EN: In 2015, for the purpose of technological collaboration or acquisition, Hou Weigui led a team to inspect many auto plants. ZH_REF: 2015年,出于技术合作或并购目的,侯为贵曾带队考察了许多车厂。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,我们的目的是为了使自己的产品变得更有价值,而不是在他们的时候,就会被人打败了,而且也是在说谎的,是的,是的,是的,是的,是的。 EN: Living the high life: mezzanine floor and clever design tricks have transformed this small Earls Court flat into a spacious home ZH_REF: 高品质生活:应用阁楼和巧妙设计,将伯爵宫小公寓打造为宽敞的家 -ZH_HYP: 1.. +ZH_HYP: (美)(一),是,有的,是,我们的,是的,是的,是的,是的,是的,是的,是的,是的,是对的,而不是你的意思,也是对我们的最大的影响 EN: Joanne Leigh, a former banker with a passion for doing up property, downsized from a large home in Knightsbridge to an Earls Court apartment in 2014. ZH_REF: 乔安妮·雷是曾是一位银行家,她十分热衷于整修房屋,2014 年,她从位于骑士桥的大房子搬到了伯爵宫小公寓。 -ZH_HYP: 1.. +ZH_HYP: (2)a:(),我们的人,是的,是的,是的,是的,是的,是的,是的,是的,是在说谎的,也是对的,而不是为了给他的,而不是太多了 EN: It is on the first floor of a smart Queen Anne terrace - and it is a testament to the new design that Joanne hasn't packed her bags and sold on. ZH_REF: 这间公寓位于一个优雅的安妮女王式露台的一楼 -- 乔安妮没有收拾行李将其出售,这就是对新设计的有力证明。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,他的名字是一个很好的,是的,是的,是的,是的,是的,是的,是的,也是为了给你带来的,而不是在他们的上司面前,也是为了给你带来的, EN: "Before this, I was living with my ex in Knightsbridge in a much bigger space," Joanne says. ZH_REF: “在此之前,我和前男友住在骑士桥的一个更大的房子里,”乔安妮说道。 -ZH_HYP: 1.. +ZH_HYP: “我的意思是,”“是的,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。。。。。。。。。。 EN: "I was looking for something that was comparable for my price. ZH_REF: “我当时正在找与报价合适的房子。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: I was shown this apartment in Earls Court and it had the same high ceilings. ZH_REF: 我在伯爵宫看到这间公寓,它的天花板也很高。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的名字,是,他们是在说谎,而不是在他们身上,是为了使他们的力量而变得更有价值,而且也是在对的,是对的,而不是在(上)的的的的的的的的的的 EN: I fell in love with it and put an offer in that day." ZH_REF: 我很中意,当天就提出要约。” -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Since the first viewing, the 1,000sq ft flat has had a complete overhaul. ZH_REF: 自首次看房之后,这个 1,000 平方英尺的公寓现在已经完成了彻底检修。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),我们的货品是不容易的,因为它是在被人世的,而不是在那里,他们都是为了得到的,而不是为了给别人的,而不是在那里,而是要用的。 EN: Originally a one-bedroom property with a convoluted layout - you had to walk through the kitchen to get to the bedroom - Joanne wanted to add storage space and a mezzanine to make the most of the generous ceiling height. ZH_REF: 这个公寓原先是一间布局复杂的单间 -- 需要穿过厨房才能走到卧室 -- 乔安妮当时就想增加储物空间和阁楼,以充分利用充足的天花板高度。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),在这条,我们的房间里有一个小的东西,是的,是的,是的,是的,是的,是的,你的美容,使他们的美容,使他们的心智能达到最高点。 EN: "I wanted high ceilings, big windows, lots of light. ZH_REF: “我想要高高的天花板、大大的窗户、充足的光线。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: That was my requirement," she says. ZH_REF: 这就是我的要求,”她说道。 -ZH_HYP: 1.. +ZH_HYP: “我的意思是,”“是的,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。 EN: To this end, she employed Erfan Azadi of Notting Hill-based architecture and design studio Duck & Shed to exploit the 12.5ft ceilings and create a home that wasn't only a development but a place for Joanne to live. ZH_REF: 为此,她聘请了来自 Duck&Shed 建筑和设计工作室(位于诺丁山)的埃尔凡·阿扎迪来利用这个 12.5 英尺高的天花板,精心打造一个家。这个家不仅是开发项目,还是乔安妮居住的地方。 -ZH_HYP: 1.. +ZH_HYP: 因此,在一个“小”,“我们”的意思是,“我们的生活”,是“不”的,是的,是的,是的,也是在说谎的,而不是在那里,它是一个人的意思。了了了了了了了了了了了 EN: The ceiling wasn't quite tall enough to add two spaces on top of each other so the architectural challenge was to create a mezzanine that you could stand up in. ZH_REF: 天花板的高度不足以增加两个上下空间,所以建筑挑战在于创建一个高度足够让人站立的的阁楼。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(我的意思是,你的意思是,我们的),是为了使自己的事业变得更糟,因为它是在你的,是为了给别人带来的,而不是在那里,而是要用的。 EN: Erfan had to think creatively to resolve the brief. ZH_REF: 埃尔凡必须发挥创意思维,这样才能解决这个问题。 -ZH_HYP: 1.. +ZH_HYP: (4)b:(一),(),(),我们的东西是在不喜欢的,因为它是在为自己的,而不是在上方,而是要用的,让人感到很有价值的的的的的的的的的的的的的的的的 EN: "The steelwork is quite complicated," he explains. ZH_REF: “钢结构相当复杂,”他解释说。 -ZH_HYP: 1.. +ZH_HYP: “我们的意思是,”“是的,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。 EN: "We had to arrange the spaces so that they stacked on top of each other without needing to hunch down. ZH_REF: “我们必须安排好空间,使其上下陈列,并且不需要耸肩弓背。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: It wasn't just building a simple platform, but cranking the steels so that they were at the right height for the function above or below." ZH_REF: 不仅仅是搭建一个简单的平台那么简单,还要起动这些钢材,以使其处于实现功能的合适高度左右。” -ZH_HYP: 1.. +ZH_HYP: (4)a:(一),但有一个人的,是,他们的目的是为了使他们的工作变得更有价值,而不是在他们的身边,而不是在那里,要么是在(或)上司的,是对我们的最重要的 EN: This arrangement allowed Erfan to get two full-height rooms on top of each other in the space - with lots of added drama. ZH_REF: 通过这种安排,埃尔凡能够在该空间中获得两个全身高的房间 -- 其中可以增添许多趣味元素。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为它是在用的,而不是在他们的中,才会有更多的东西,而不是在你的身边,那是对的,是的,是的,是的,是的。 EN: For the mezzanine, a vintage copper light window from Retrouvius looks down over the glamorous living area below. ZH_REF: 阁楼采用 Retrouvius 品牌的复古铜质窗户,可以俯瞰迷人的生活区域。 -ZH_HYP: 1.. +ZH_HYP: (美)(一),可乐意,是用心的,在下,是用的,是在说谎的,是在说谎的,是在说谎的,是在那里,要有多大的,要把它的意思和联系在 EN: Mirrored gold furniture, silver accents and vintage Serge Mouille lighting all set the style for the scheme. ZH_REF: 装有镜子的金色家具、银色小件家具和 Serge Mouille 复古照明奠定了整体风格。 -ZH_HYP: 1.. +ZH_HYP: (美英对照),有的,是用的,是用的,是用的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: The use of mirrors plays a part in adding theatre, space and light. ZH_REF: 镜子的使用对于增加氛围、空间和光线起着重要作用。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】(b)在我们的过程中,你的意思是,它是由你所控制的,而不是在别人身上,还是在那里,是为了提高他们的能力而去做的事 EN: A short corridor is mirrored at both ends to make it appear longer. ZH_REF: 在短走廊两端装上镜子,可以使其看起来更长。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),有的,是,我们的,是,是为了使自己摆脱困境,而不是为了使他们的工作变得更有价值,而不是在那里,要么是为了得到更多的保护的的的的的的的的的的的的的的的的 EN: In the kitchen, the mirrored splashback feels like a window to another room. ZH_REF: 厨房里,装有镜子的防溅板就像通往另一个房间的窗户。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: At the entrance, mirrored units provide storage for all Joanne's cutlery and glassware. ZH_REF: 在玄关处,装有镜子的小格子为乔安妮提供存储空间,用于存放餐具和玻璃器皿。 -ZH_HYP: 1.. +ZH_HYP: 在这一情况下,我们的处境是,在被占领的时候,他们都是为了得到的,而不是在他们的面前,他们的才是,而不是为了给别人的,而不是在那里,也是为了保护自己的的的的的的的的的的的的的的 EN: Giving the perception of a more glamorous space, the beauty of the living room is being able to close off the kitchen when it's not in use. ZH_REF: 漂亮的客厅有一种引人入胜的空间感,在厨房未使用时能够把厨房收起来。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,我们的生活方式是,他们的意思是,在他们的时候,我的意思是,你的意思是,你的意思是,“你的意思是什么?的了的了”””””””””” EN: Foldaway kitchens are nothing new. ZH_REF: 折叠式厨房并不新鲜。 -ZH_HYP: 1.. +ZH_HYP: 3.4.在不影响的情况下,我们都会被人所为,而不是为了自己的利益而去,而不是为了使他们的力量而变得更有可能,因为它是在对的,而不是在别人身上,还是要用的, EN: What's unique about this one is that it's a garage-style lift-up door. ZH_REF: 但这个折叠式厨房的独特之处在于一个车库式的升降门。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)()(这),我们的是,是为了使自己的心从头到尾,而不是在他们的面前,把它放在一边,把它放在一边,还是要把它的上司匹配给了 EN: "A bit of engineering went into that," explains Erfan of the steel-reinforced, veneered MDF door. ZH_REF: “这里涉及一些工程领域的知识,”埃尔凡对钢筋加固贴面 MDF 门进行解释。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: "It's counter-weighted so that when you push the door up, it glides really easily." ZH_REF: “这采用的是平衡原理,所以当你推门时,就很容易滑动。” -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Thanks to clever use of space and storage, Joanne gained an additional 16sq m, an extra bedroom and an improved layout. ZH_REF: 由于巧妙地利用空间和存物,乔安妮额外获得 16 平方米、多了一间卧室以及一个改进的布局。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)()(一),也是,我们的东西是用的,而不是在他们的,是的,是的,是的,是的,是的,是的,是的,是对的,而不是对我们的事 EN: "At the end of the day, floor space is what you are going to sell - or how your property is valued," Erfan says. ZH_REF: “最终,你卖的就是房屋面积 -- 或者说你的房产估值是以房屋面积为基础的,”埃尔凡说道。 -ZH_HYP: 1.. +ZH_HYP: “我们的人是个好的,”“是的,”“你的意思是,”“你的意思是,”“你的意思是,”“你的意思是,”“你的意思是,”“”“”“”“”“”“”。。。。。。。。。 EN: "In a rudimentary form, a real estate agent will walk in and do a calculation based on floor size." ZH_REF: “基本来说,房地产经纪人会走进去房间,并根据楼层大小进行计算。” -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),(),(),(),(),你的意思是,在他们的时候,你会被打败,因为你的心都是在说谎的,是的,是的,是的,是的。 EN: Here they have managed to increase the floor space while using quality materials that give the space its luxurious edge. ZH_REF: 他们会设法增加占地空间,同时使用优质材料,从而为这个空间带来了奢华的感觉。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,我们的目的是为了使自己的处境,而不是在他们的身上,把它放在一边,把它放在一边,还是要用的,让你的心智多端,而不是在高处,也是最坏的 EN: "The materials are the things that you touch and therefore help to create an emotional bond in a home," says Erfan. ZH_REF: 埃尔凡表示,“材料都是你亲自挑选,因此有助于在家中创建情感纽带。” -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: "You don't fall in love with the electrical feeds in the walls. ZH_REF: “你不会爱上墙上的电源。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: These are important but they don't pull the heart strings." ZH_REF: 这些东西都很重要,但不会扣你心弦。” -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】(b)在我们的后面,它是由“d”的,而不是在“l”,而是用的,它的意思是“”,的的的的的的的的的的的的的的的的 EN: It goes to show that through good design and increased square metreage, a flat can turn from something standard into something quite amazing. ZH_REF: 事实证明,通过良好的设计以及增加额外面积,标准公寓可以摇身变得让你惊叹不已。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),是,也是为了使自己的心从表面上看出来,而不是在说谎,而是要用得更多的东西,而不是在那里,而是要用的,要把它的意思和好的意思给 EN: In fact, like Joanne, you may choose not to leave. ZH_REF: 实际上,你可能会和乔安妮一样,选择住下去。 -ZH_HYP: 1.. +ZH_HYP: (英译汉).................................................................. EN: About a year ago, this Facebook CEO indicated that he wanted to develop an AI system , and has made it his annual personal challenge. ZH_REF: 这位Facebook CEO大约1年前就表示要开发一款人工智能系统,将此作为自己的年度挑战。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)()(这),我们的人都是为了把自己的东西弄得太重了,他们都会在那儿,把它给的,给你带来的,是在你的上司,而不是在高处的时候,就会被人所吸引的。 EN: In the history of the Grammy Awards, Beyoncé and Adele are the two female singers who have won the most Grammy Awards in a single year. ZH_REF: 纵观历届格莱美,碧昂斯和阿黛尔都拥有着单届格莱美夺奖最多的女歌手头衔。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,一个人的名字是,可谓是,他们的性格,是为了得到的,而不是为他们提供的,是为了得到的,而不是在他们的中,才是为了得到的,而不是最坏的,是的。了了 EN: It is understood that the 59th Grammy Awards will be held on February 12, 2017 US local time (morning of February 13, Beijing time), and will be hosted by British comedian James Corden. ZH_REF: 据悉,第59届格莱美颁奖礼将于美国当地时间2017年2月12日(北京时间2月13日早)举行,主持人由英国喜剧演员詹姆斯·柯登(James Corden)担任。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的错误,是,他们的生活方式是:“你的,是的,我的事,你的意思是,你的意思是,你要在那里去,”他说,“我是在1200年。 EN: As telecommunication technology is upgraded and updated, operators require massive website resources when building new networks. ZH_REF: 随着通信技术的升级换代,运营商在新建网络时需要大量的站址资源。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),货品是用的,而不是用的,是在用的,是在用的,是在用的,是在用的,是在用的,是在说谎的,是的,是的,是的,是的。 EN: On May 15, Gao Jianmin, member of the Standing Committee of the Provincial Party Committee and Executive Vice Governor, surveyed Shanxi Provincial Guoxin Energy Development Group in respect of the company’s work in accelerating the integrated management of the gasification of Shanxi and coalbed methane resources/ ZH_REF: 5月15日,省委常委、常务副省长高建民在省国新能源发展集团就加快推进气化山西及煤层气资源的综合管理工作进行调研。 -ZH_HYP: 1.. +ZH_HYP: 5.1.在一个国家,其组成人员是一个由其组成的,其目的是在各方面进行,并由其提供,以促进其发展,并在国际上进行,以应付其在d-20的范围内的风险,的 EN: The Ministry of Land and Resources as well as other relevant departments must take the initiative to serve, consider the overall situation associated with the structural transformation and integrated reform experimental zone program, and actively strive for policy support from the State. ZH_REF: 国土资源等有关部门要主动服务,着眼转型综改试验区工作全局,积极争取国家政策支持。 -ZH_HYP: 1.. +ZH_HYP: 在所有的情况下,都是为了使我们的工作和其他的利益,也是为了使他们的工作变得更加重要,因为它是由国家的,而不是在(i)和(e)的情况下,它的目的是为了提高它的效率 EN: July 26 news: On July 22, reporters learned from Hongqiao District that the upgrading project of the city’s largest downtown riverside linear park has been completed, and the park will be opened to the public free of charge. ZH_REF: 7月26日消息:7月22日,记者从红桥区获悉,本市市区最大的沿河带状公园,红桥区南运河两岸绿化景观提升工程完工并免费向市民开放。 -ZH_HYP: 1.. +ZH_HYP: 2007年,美国人的英语口语,是一个很好的东西,这是在一个大的地方,它是由你来的,而不是在那里,它是由你来的,而不是在那里的,是的。了了 EN: The entire landscaped zone leveraged the existing natural ecology as well as the strengths of historical and cultural resources, and re-planning as well as upgrading and transformation was carried out on both banks of the South Grand Canal. Five riverside scenic spots along the river were created, namely, “Emperor Yongle’s Ferry Crossing Heritage Park”, “Wellington Plaza”, “Xintiandi Folk Street”, “Tianjin West Railway Station Gallery” and “Shuixi Artistic Heritage Green Corridor”. ZH_REF: 整个景观带借助原有自然生态和历史文化资源优势,对南运河两岸进行了重新规划和提升改造,打造出天子津渡遗址公园惠灵顿广场新天地风情街西站走廊水西遗韵绿廊五个沿河景观。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,我们的作品将被分成了,它的形状和它的地位,是“大的”,“你的”,“你的意思,”他的意思,“你的山洞”,“你的山洞”和“南” EN: Plastic paved pathways of approximately 1,500 meters with distance markers have been built in the green open space on both sides of the river bank between Jinhua Bridge and Xinsantiao Stone Bridge. ZH_REF: 在金华桥至新三条石桥之间的两侧河岸绿地中还铺设了约1500米的塑胶甬道,甬道上注有距离标志。 -ZH_HYP: 1.. +ZH_HYP: 5.4.在这一时期,人们的生活方式是在大的,是用的,而不是在他们的身边,在那里,他们的手势都是在那里,是的,是的,是的,是的,是的。的了了 EN: In addition to the flowers, plants and trees planted on both sides of the pathway, a children’s playground has been constructed, embellished with various groups of small sculptures. ZH_REF: 甬道两旁除栽种多种花草树木外,还修建了一处儿童游乐场地,并点缀设置了多组雕塑小品。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,我们的,是为了使自己的利益而去,而不是在他们的身边,在那里,是为了让自己的力量而去,而不是在那里,你的一切都是为了得到的,而不是太多了 EN: As you walk along, you will see benches, paved pathways, bridges, riverside decks, sand pits for children to play in, and other amenities. These help integrate the green landscape and water sights into one, offering residents another place for leisure, fitness and entertainment. ZH_REF: 行走中可以发现,岸边还修建了座椅、甬道、小桥、亲水平台和供儿童嬉戏的沙池等,使两岸绿化景观和水系融为一体,为市民提供了又一处休闲、健身及娱乐好去处。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的经历,是,他们的生活,是为了使自己的力量和力量,而不是在一起,在那里,你会有更多的东西,你会有更多的东西,你的身体,还有其他的东西 EN: Yesterday, a list of 23 players to participate in the China Cup was released by Chinese national coach Lippi, and caused great controversy in the society. ZH_REF: 昨天,中国国家队主帅里皮公布了参加中国杯比赛的23人名单,也正是这份名单引发了巨大的争议。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: How to deal with China’s renewable energy vehicle “subsidy fraud” has become a matter of serious concern for the public and even the international automobile industry community after the case was exposed in January this year. The State Council has attached great importance to this issue, and has requested rigorous investigation into such fraudulent conduct. ZH_REF: 对于如何处理我国新能源汽车“骗补”事件,自今年1月事件曝光以来受到全社会乃至国际汽车产业界的高度关注,国务院高度重视,要求严肃查处骗补行为。 -ZH_HYP: 1.. +ZH_HYP: 在美国,这种“大”的影响是,我们的产品在很大程度上是为了使他们变得更容易,而且也是在他们的时候,它是对国际事务的影响,因为它是对我们的一个严重的威胁,而不是在那里。了了了 EN: A reason for poor electric vehicle sales is inadequate promotional effort for these products. ZH_REF: 电动汽车销量不佳的原因之一在于这些产品的宣传力度不够。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】(b)【句意】我的意思是,你的意思是,他们的意思是,我们的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: According to the latest national fitness survey bulletin issued in 2014, the number of exercisers has increased by nearly 8 percent points compared with 2007. ZH_REF: 据2014年国家最新全民健身状况调查公报数据,相比2007年,运动健身的人群增长近8个百分点。 -ZH_HYP: 1.. +ZH_HYP: 在美国,对这种情况的调查有很大的影响,如:在2004年,我们的人都有多大的,而不是在他们的身上,而是在别人的上方,而不是在其他的场合下,这是对的,对我们来说是最坏的 EN: Brothers fight over $500 million property empire ZH_REF: 两兄弟上演 5 亿美元房地产帝国争夺大战 -ZH_HYP: 1.. +ZH_HYP: (三)为“无”的,以使我们的财产被完全毁灭,而在其他地方,也是为了让他们的利益而努力,而不是为了让他们的力量来衡量我的一切。是了了了,, EN: Two brothers are at war over one of Victoria's biggest real estate empires, worth more than $500 million, four decades after their Italian family founded the dynasty. ZH_REF: 在其意大利家族创立王朝 40 年后,两兄弟为价值 5 亿多美元的、维多利亚最大的房地产帝国之一展开争夺大战。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有一个大的东西,是为了给自己的钱,而不是在他们的面前,他们的是,他们的生活是在为我们的,而不是在那里,它是在那里,它是由你所付出的, EN: Former Carlton Football Club director and developer Colin De Lutis lives in a Toorak mansion three doors from younger brother Paul, who has taken him to the Supreme Court over how their property and business assets will be sliced up. ZH_REF: 前卡尔顿足球俱乐部董事和开发商柯林?德?鲁蒂斯 (Colin De Lutis) 住在一栋位于图卡拉区的豪宅,而三个房门的距离处是他的弟弟保罗的住所。后者就他们的不动产和营业资产的分割问题,将他告上了最高法院。 -ZH_HYP: 1.. +ZH_HYP: (美)(4)................................................................. EN: Paul has wanted out of the family business since 2014 but an acrimonious argument is playing out in the Supreme Court over the break-up. ZH_REF: 自 2014 年以来,保罗一直希望脱离家族企业,但两兄弟就这起资产分割在最高法院展开了激烈的争论。 -ZH_HYP: 1.. +ZH_HYP: (美)(一),是,我们的事,是为了使自己摆脱困境,而不是在他们的面前,为自己的事业而努力,而不是在那里,也是为了让人感到厌倦了。是了了了了了了了了了了 EN: Together with their mother Anna the brothers own 38 properties worth more than half a billion dollars, amassed since the family bought a Smith Street, Collingwood, shop in 1973. ZH_REF: 兄弟俩以及其母亲一共拥有 38 个不动产,价值超过 5 亿多美元,这些不动产是 1973 年该家族买下科林伍德区史密斯街以来,不断积累起来的。 -ZH_HYP: 1.. +ZH_HYP: 如果你是在一起,那是一个不舒服的东西,他们都是为了钱,而不是在他们的时候,就像你的钱,那是在我的,是的,是的,是的,是的,是的,是的,是的。 EN: There, the family founded Westco Jeans and grew it into a chain of 160 retail outlets. ZH_REF: 在那里,该家族创立了Westco Jeans公司,并将其逐步发展到 160 家零售连锁店的规模。 -ZH_HYP: 1.. +ZH_HYP: (k)【句意】(a)【句意】我们的意思是,他们的意思是,在他们的时候,我们的工作是为了得到的,而不是为了给别人的,而不是在那里,也是为了提高他们的价值 EN: It sold in 1999 for $85 million. ZH_REF: 1999 年,该公司以 8500 万美元的价格售出。 -ZH_HYP: 1.. +ZH_HYP: 他的意思是,在这里,我们的目的是为了使他们的缘故,而不是为了自己的利益而去,而不是为了自己的事,而是为了在他们的工作中,把它给我的,是的,是的,是的,是的,是的。 EN: That money was sunk into property and the De Lutis portfolio now includes city offices, Brunswick and Sorrento development sites, Gold Coast and Mt Buller apartments, and suburban shopping centres. ZH_REF: 之后,那笔钱被投入到房地产中。目前,德?鲁蒂斯家族的资产组合包括城市办公楼、不伦瑞克和索伦托开发项目、黄金海岸和布勒山公寓,以及郊区购物中心。 -ZH_HYP: 1.. +ZH_HYP: 这条规定的目的是,在其他方面,如有,也是有价值的,是不可能的,因为它们的贸易和投资,都是由他们的,而不是在那里,它是由人和人的,而不是在他们的身边。了了 EN: Under an agreement with their late father, Colin - described by Paul as "the major driving force and the dominant personality" in the De Lutis family - owns about two-thirds of the company assets and Paul about one-third. ZH_REF: 根据与其已故父亲达成的协议,被其弟弟保罗称为德?鲁蒂斯家族的“主要推动者和支配性人物”的科林拥有约三分之二的公司资产,而保罗大约占到三分之一。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的名字,是用心的,是的,是的,是的,是的,是的,是的,是对的,是对的,是对我们的,是对的,也是对的.的 EN: A court filing says this translates to Colin owning property worth $316 million and Paul $176 million. ZH_REF: 向法庭提交的文件称,经折算,科林拥有的财产价值 3.16 亿美元,而保罗拥有的财产价值 1.76 亿美元。 -ZH_HYP: 1.. +ZH_HYP: (a)为人提供了一个不适当的东西,因为它是在用的,而不是用它来的,它是由它的,它的意思是:“你的意思是,”他说,“我的意思是,你要把它的意思给””” EN: Dividing the properties and cash has proved the sticking point for Paul. ZH_REF: 保罗来认为,不动产和现金的分割证明是商谈的症结所在。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),(如:),我们的运气,是为了使他们的利益而被人所束缚,而不是在他们的身边,也是在为你所做的,是的,是的,是的,是的,是的。 EN: "The splits proposed by Colin left him with what I considered to be the best properties," he wrote in an initial court affidavit in 2015. ZH_REF: “科林提出的财产分割建议书为他留下了我认为最好的财产 ”,他在 2015 年的一份首次法庭宣誓书中写道。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Last Friday, after several failed mediations, the first Supreme Court hearing was held. ZH_REF: 上周五,在数次调解失败之后,最高法院首次举行了听证会。 -ZH_HYP: 1.. +ZH_HYP: 在这一情况下,他的名字是由一个人组成的,而不是在,他们的手势都是在,而不是在他们的面前,而是为了达到最高点,而这是对他的反应.的的的的的的的的的的的 EN: The brothers are also now fighting over who controls the existing business - which Paul alleges Colin has locked him out of. ZH_REF: 现在,这两兄弟还在争夺现有企业的控制权,保罗称科林已将他踢出局。 -ZH_HYP: 1.. +ZH_HYP: (美)(一),这是对的,是为了使自己的缘故,而不是为了自己的利益而去,而不是为了让他们的,而不是在那里,而是为了给别人带来的,也是在我们的事前,我们都是在的。 EN: Colin argues this is not true, but accuses Paul of incompetently managing some properties. ZH_REF: 而科林对此予以否认,并指责保罗对某些不动产管理不力。 -ZH_HYP: 1.. +ZH_HYP: (美英):“这是不可能的,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。 EN: In an early affidavit filed by Colin, he says he hopes to resolve the dispute. ZH_REF: 在科林提交的早期宣誓书中,他表示希望解决争端。 -ZH_HYP: 1.. +ZH_HYP: 在他的名声中,有一个谜语,是,从句中,我们可以把它放在一边,把它放在一边,把它放在一边,把它放在一边,把它的意思弄到了,那是什么意思?了了了了了了了了了了 EN: "My Italian heritage dictates that family is the most important priority," he wrote. ZH_REF: “我的意大利传统决定了家庭是最重要的选项。我的意大利血统决定家庭是最重要的 ”, 他写道。 -ZH_HYP: 1.. +ZH_HYP: “如果你的作品,我们就会被认为是在不可能的,是在为他们的,而不是在他们身上,还是要把它的东西给我,”他说,“你是在我的上,”说了了了了了的了了了了了了 EN: Costs are mounting in the case, with hundreds of pages of affidavits, emails and reports by companies including Deloitte, Pitcher Partners and Charter Keck Cramer filed and top barristers including Allan Myers, QC, and senior solicitors retained by both sides. ZH_REF: 案件的成本不断攀升,并且还有数百页的宣誓书、电子邮件,以及由 Deloitte、Pitcher Partners、Charter Keck Cramer 等公司、Allan Myers,QC 等顶级律所,以及双方聘请的资深律师提交的公司报告。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的错误,是,他们的品德,是的,是的,有的,是的,有的,是的,是的,是的,是的,也是对的,是的,是的,是的。 EN: Ms De Lutis and her late husband Luigi were Italian immigrants who ran milk bars and delicatessens from the late 1950s and in the early 1970s bought a shop in Brunswick. ZH_REF: 德?鲁蒂斯女士和她已故的丈夫路易吉均为意大利移民。他们从 20 世纪 50 年代末起开始经营大众食店和熟食店,并于 20 世纪 70 年代初在布伦瑞克买了一家商店。 -ZH_HYP: 1.. +ZH_HYP: (2)b:(1),我们的,是的,是的,是的,是的,是的,是的,是在他们的,是在为你的,而不是在那里,也是为了提高他们的价值。了了了了了了了了了了 EN: They used the collateral to buy the Collingwood property where Colin opened the family's first jeans store. ZH_REF: 他们使用抵押品买下科林伍德物业,科林在那里开设了家族的首家牛仔裤店。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的名字是用的,是用的,是用的,因为它是由它的,是在用的,它的意思是,它是由你的,而不是在那里,还是要用的,来的 EN: Colin says he started Westco there when he was "in my final years of high school, when Paul was a young child (around 10 years old)." ZH_REF: 科林说,“我读高三时 ”,,他在那里创办了 Westco,“当时,保罗还很小(大约 10 岁)。” -ZH_HYP: 1.. +ZH_HYP: (美国)(这篇)是,我们的人在做梦,就像个大的人,在他们的面前,他们的心都是在的,而不是在一起,而是在为你的服务中的,而不是在(d)的时候, EN: Anna De Lutis says she and Luigi, who died in 2012, hoped to pass down their properties to their sons amicably. ZH_REF: 安娜?德?鲁蒂斯说,她和 2012 年去世的路易吉希望能够将财产平和地传给儿子 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: "Luigi often said to me that he never wanted the brothers to end up in court," she wrote. ZH_REF: “路易吉常常对我说,他永远不希望兄弟们最后会闹到法庭上 ”,她写道。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Two other brothers, Mark and Luke, are no longer part of the De Lutis group of companies, with Colin saying that Mark was paid $10 million when he left the business, and Luke $26 million. ZH_REF: 另外两个兄弟,马克和卢克不再是德?鲁蒂斯集团公司的成员,科林说马克离开公司时,向他支付了 1000 万美元,并向卢克支付了 2600 万美元。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,有的是,我们的人,是的,是的,是的,是的,是的,是的,是的,也是为了给他们带来的,而不是为了钱而去买东西 EN: Both Luke and Mark had become, Paul says, "bitter about the terms of their financial separation." ZH_REF: 保罗说,卢克和马克均“对他们的财产分割条款表示不满”。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Colin has kept a low profile despite being a former AFL club board member and, according to a 2015 biography of Eddie McGuire, the television star's best friend. ZH_REF: 根据电视明星艾迪?麦奎尔 (Eddie McGuire) 至交 2015 年出版的传记所载,尽管科林是前AFL俱乐部的董事会成员,但他一直保持低调。 -ZH_HYP: 1.. +ZH_HYP: 在这个问题上,一个人的名字是,在我的身材里,他们都是为了得到的,而不是在他们的面前,他们的才是,而不是在一起,而是为了给别人带来的,是在你的中,是最坏的 EN: Fairfax Media contacted Colin and Paul De Lutis on Friday, and their lawyers. ZH_REF: “费尔法克斯传媒 (Fairfax Media) ”周五联系了科林和保罗,以及他们的律师。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的名字是什么,都是由自己的,而不是,他们是在一起,是为了得到的,而不是在他们的面前,你就会被人的错觉,而不是在别人身上,还是要把它的意思和联系 EN: Only Colin replied, by text message, to say that because the case was before the courts "I really cannot say much." ZH_REF: 但是,只有科林通过短信回复。他表示,因为案件已提交至法庭“我真的不能说太多。” -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,我们的意思是,他们的意思是,我的意思是,他们的意思是,你的意思是,“你的意思是,”“我是为了”的 EN: "It's very, very sad that my brother Paul has chosen to sue me and drag our family name through the courts," he wrote. ZH_REF: “我的弟弟保罗选择了起诉我,并将我们的家族事务带到法庭上,这是非常、非常令人难过的 ”,他写道。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: In mid-2016, Colin wrote in one court filing that he had tried to accommodate his brother's requests. ZH_REF: 2016 年年中,,科林在一份法庭文件中写道,他曾试图满足其兄弟的要求。 -ZH_HYP: 1.. +ZH_HYP: 2007年,一共有一一团,就在这一问题上,就在他们的面前,为自己的罪魁祸,为自己的罪孽而牺牲了.的的的的的的的的的的的的的的的的的的 EN: "Our father would not have wanted to see Paul and I end up in our current dispute," he said, adding that he was "still hopeful of resolution." ZH_REF: 他说:“我们的父亲不希望看到保罗和我最后发生目前这样的争端 ”,并补充道,他“仍然对争端的解决抱有希望。” -ZH_HYP: 1.. +ZH_HYP: “我们的人的性格,是不可能的,”他说,“我们的愿望是,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”说!。。。。。。。。。。 EN: On Friday, that hope appeared gone. ZH_REF: 周五,这个希望似乎破灭了。 -ZH_HYP: 1.. +ZH_HYP: 5.a............................................................... EN: "Our matter will be resolved by the courts in the near future," Colin wrote. ZH_REF: “我们的问题将在不久的将来通过法院解决”,科林写道。 -ZH_HYP: 1.. +ZH_HYP: “我们的目的是,”“是,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。。 EN: Li Keqiang held a ceremony to welcome Russian President's visit to China. ZH_REF: 李克强举行仪式,欢迎俄罗斯总理访华。 -ZH_HYP: 1.. +ZH_HYP: “(k)”“是的,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,!。。。。。。。。。 EN: Li Keqiang and Russian Prime Minister jointly chaired the 22nd regular meeting between the Premier of China and the Prime Minister of Russia ZH_REF: 李克强与俄罗斯总理共同主持中俄总理第二十二次定期会晤 -ZH_HYP: 1.. +ZH_HYP: [1]“我们的关系”是“从头到尾”,“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。 EN: Met reporters together and attended the closing ceremony of the China-Russia Year of Media Exchange. ZH_REF: 共同会见记者,并出席中俄媒体交流年闭幕式。 -ZH_HYP: 1.. +ZH_HYP: (4)a................................................................ EN: The 12th National People’s Congress held the third plenary session of the 30th meeting. ZH_REF: 十二届全国人大常委会第三十次会议举行第三次全体会议。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,是在用的,是在用的,是的,是的,是的,是的,是在那里,还是要用的,要把它的意思为“”的的的的的的 EN: Zhang Dejiang presents a report on checking the implementation status of the Law on the Prevention and Control of Environmental Pollution Resulting From Solid Waste. ZH_REF: 张德江作关于检查固体废物污染环境防治法实施情况的报告。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),在对其进行控制时,必须以一种方式进行,以保护其免遭一切形式的损害,并将其作为一个或多个方面的错误;的的的;;;;的的的的的的的的的的的的的的的的的 EN: Zhang Dejiang met with the President of Russia. ZH_REF: 张德江会见俄罗斯总理。 -ZH_HYP: 1.. +ZH_HYP: 5.a............................................................... EN: The closing ceremony of the 23nd meeting of the Standing Committee of the 12th National Committee of the Chinese People's Political Consultative Conference. ZH_REF: 全国政协十二届常委会第二十三次会议闭幕。 -ZH_HYP: 1.. +ZH_HYP: (一)一、二、三、四、三、五、一、三条、一、一、三、一、四、五、七、二、三条等.的的的的的的的的的的的的的的的的的 EN: Yu Zhengsheng chaired the meeting and gave an address. ZH_REF: 俞正声主持并讲话。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,!。!。!。。。。。。 EN: Zhang Gaoli, Wang Yang and Liu Yandong accepted Russia’s Order of Friendship award. ZH_REF: 张高丽、汪洋、刘延东接受俄罗斯友谊勋章。 -ZH_HYP: 1.. +ZH_HYP: 5.3.1............................................................ EN: Wang Yang met with Sri Lanka’s Minister of Foreign Affairs. ZH_REF: 汪洋会见斯里兰卡外长。 -ZH_HYP: 1.. +ZH_HYP: 5.k............................................................... EN: Wang Huning requested at the Mobilization Meeting of the Central Propaganda Group for studying and implementing the spirit of the 19th CPC National Congress spirit ZH_REF: 王沪宁在学习贯彻党的十九大精神中央宣讲团动员会上要求 -ZH_HYP: 1.. +ZH_HYP: 在他的身材里,有一个人的名字,是为了使他们的工作变得更容易,因为他们的事也是为了他们的,而不是在他们的身边,才是为了给我的,而不是在那里,的了了 EN: Chinese President Xi Jinping met with Russian Prime Minister Dmitry Medvedev at Diaoyutai State Guesthouse on November 1. ZH_REF: 国家主席习近平十一月一号在钓鱼台国宾馆会见俄罗斯总理梅德韦杰夫。 -ZH_HYP: 1.. +ZH_HYP: 5.1.1.在这一时期,中国的一个大衣是,在他们的面前,为自己的利益而去,而不是为了他们的利益而去,而不是在那里,是为了给别人留下的东西。 EN: Xi Jinping expressed his welcome for Medvedev's immediate visit to China following the perfect conclusion of the 19th CPC National Congress, stressing that Russia is China’s biggest neighbor ZH_REF: 习近平欢迎梅德韦杰夫在中共十九大胜利闭幕后随即访华,强调俄罗斯是中国的最大邻国。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: and strategic cooperation partner. ZH_REF: 和全面战略协作伙伴 -ZH_HYP: 1.. +ZH_HYP: (4)如果有,就会有可能,那是在我们的身材里,而不是在一起,而是在了,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: China's clear goal and firm determination to develop and deepen the China-Russia relations will not change. ZH_REF: 中方发展和深化中俄关系的明确目标和坚定决心不会改变。 -ZH_HYP: 1.. +ZH_HYP: 5.4................................................................. EN: China is willing to work with Russia towards expanding mutual cooperation in all fields and all rounds, and deepening mutual coordination in international affairs, ZH_REF: 中方愿同俄方一道,扩大各领域、全方位合作,密切在国际事务中的协调和配合 -ZH_HYP: 1.. +ZH_HYP: 5.4.为了使我们的贸易变得更加复杂,而又是在发展中的,而不是在为自己的力量而努力,而不是在那里,它是由别人所占的,而不是在他身上的,是对的,我们都是在说的 EN: Advance the formation of a common destiny for humanity ZH_REF: 推动构建人类命运共同体 -ZH_HYP: 1.. +ZH_HYP: (一)(一)为使人的心目失为,使之成为一种危险的手段,而不是为了使他们的力量而被人所包围,而不是在其他国家中,都是为了达到最高水平的目的,而不是为了给人留下了更多的东西 EN: The strategic partnership between China and Russia will usher in a new opportunity, create a new image and achieve new results based on the new starting point. ZH_REF: 相信中俄全面战略协作伙伴关系会在新起点上把握新机遇,展现新气象,取得新成果。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个大的东西,是,从某种意义上,我们都有机会去追寻,而不是在乎,是在为你的,是为了使自己的力量而变得更糟的了了了的的的 EN: Xi Jinping pointed out that China and Russia should give full play to the coordination role of regular meeting mechanism between the Prime Ministers, strengthen mutual cooperation in energy, equipment manufacturing, agriculture, aerospace, etc., ZH_REF: 习近平指出,中俄要充分发挥总理定期会晤机制的统筹协调作用,加强在能源、装备制造、农业、 -ZH_HYP: 1.. +ZH_HYP: 3.1.在规定的情况下,我们的态度和目的是使之成为一个重要的因素,而不是在贸易方面,而是要有更多的力量,在那里,要有经验,也是为了提高它的效率,而不是在我们之间,还是要有什么关系? EN: continue enhancing the scientific and technological innovation in mutual cooperation, and taking big data, IoT, smart city and other areas of digital economy ZH_REF: 航天等领域合作继续提升双方合作中的科技创新含量,将大数据、物联网、智慧城市等数字经济领域 -ZH_HYP: 1.. +ZH_HYP: 在任何情况下,我们都会有更多的机会,而不是在其他方面,是为了使自己的事业变得更有价值,而且也是为了在国际上对他们的影响而去做,因为它是对的,而不是在其他方面的 EN: as the new growth point of cooperation. ZH_REF: 作为新的合作增长点 -ZH_HYP: 1.. +ZH_HYP: (一)(一),“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。。。。 EN: He also expressed that China and Russia should make concerted efforts to dock the One Belt One Road with the Eurasian Economic Union, promote the landing of projects like coastal international transport corridors, jointly exploit the Arctic shipping routes ZH_REF: 要做好一带一路建设同欧亚经济联盟对接,努力推动滨海国际运输走廊等项目落地,共同开展北极航道开发和利用合作 -ZH_HYP: 1.. +ZH_HYP: 他还说,在这一过程中,我们必须有一个共同的方法,即在同一条沟里,为其带来的利益,以使其成为跨国界的贸易,而不是在其他地区,例如,以使其成为一个共同的道路, EN: and Polar Silk Road, ZH_REF: 打造冰上丝绸之路 -ZH_HYP: 1.. +ZH_HYP: (一)(一),可在不经意的情况下,从表面上看,以使其成为一种,使其成为一种,使其成为一种,使其成为一种危险的方法,使之比任何时候都更高,而不是最需要的,是的 EN: promote local exchanges and cooperation between the two countries, and further consolidate the public opinion foundation of bilateral relations. ZH_REF: 推动两国地方交流合作,进一步巩固两国关系的民意基础。 -ZH_HYP: 1.. +ZH_HYP: (四)为使人的个性化,并为之提供更多的便利,以促进他们的利益,并在其他方面进行合作,以弥补其损失,并为其提供的服务,以备好的方式进行。是 EN: Medvedev conveyed Russian President Vladimir Putin's cordial greetings and best wishes to President Xi Jinping, and expressed his warmest congratulations on ZH_REF: 梅德韦杰夫转达了俄罗斯总统普京对习近平主席的亲切问候和美好祝愿,对中共十九大胜利闭幕 -ZH_HYP: 1.. +ZH_HYP: “”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,“我也想说你的意思。。。吗。””吗吗吗。。 EN: the successful closing of the 19th CPC National Congress and Xi Jinping’s re-election as the General Secretary the CPC Central Committee. ZH_REF: 和习近平再次当选中共中央总书记表示热烈祝贺。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。!。。 EN: Making more positive progresses in the fields of economy, energy, investment, innovation, humanity, and the fields docking the One Belt One Road and the Eurasian Economic Union. ZH_REF: 在经济、能源、投资、创新、人文、欧亚经济联盟同一带一路建设对接等领域合作取得更多积极进展。 -ZH_HYP: 1.. +ZH_HYP: (四)为使人的生活变得更加复杂,而在经济方面,我们也是如此,而不是在美国,他们是在为自己的事业而来的,是在一起,是为了让人感到厌倦,而不是在哪里? EN: Russia is very satisfied with current progresses, and is willing to further strengthen its exchanges and cooperation with China in various fields and strengthen its communication and coordination with China on major global and regional issues. ZH_REF: 俄方对此十分满意,愿进一步密切同中方各领域交流合作,加强在国际和地区事务中沟通协调 -ZH_HYP: 1.. +ZH_HYP: 4.5.在为使其带来更多的危险,同时也是为了使其更加平衡,并在这方面,我们必须努力,以促进和发展,并在国际上与中国的关系,以应对其所面临的各种问题, EN: Ding Xuexiang and Yang Jiechi attended the meeting. ZH_REF: 丁薛祥、杨洁篪等参加会见。 -ZH_HYP: 1.. +ZH_HYP: (三)(一),可乐的,是用的,是用的,是在用的,是在用的,是在你的,是在说谎的,是在用的,而不是用功的方式来实现的 EN: Afterwards, the premiers of the two countries viewed march-past. ZH_REF: 随后,两国总理观看了分列式。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,我们的处境是,从表面上看,是为了使自己的利益而被人所迷惑,而不是为了使他们的工作变得更高,而且是为了让人感到厌倦了。了了了了了了了了了 EN: After the welcoming ceremony, the two prime ministers co-chaired the 22th regular meeting between Chinese and Russian prime ministers. ZH_REF: 欢迎仪式后, 两国总理共同主持中俄总理第二十二次定期会晤。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,我们的态度是,在他的中,是为了使自己的事业变得更加危险,而不是在他们的中,才会有的,是的,是的,是的,是的,是的,是的。了了了 EN: Li Keqiang said that China-Russia relations are bearing new fruits under the jointed efforts of President Xi Jinping and President Putin. ZH_REF: 李克强表示,在习近平主席和普京总统的推动下,中俄关系不断结出新的硕果。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Just successfully concluded the 19th CPC National Congress ZH_REF: 刚刚胜利闭幕的中国共产党第十九次全国代表大会 -ZH_HYP: 1.. +ZH_HYP: [1]“是”,“是的,但也是不可能的,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。 EN: a new CPC Central Committee with Comrade Xi Jinping as the core, established Xi Jinping's Thought on Socialism with Chinese Characteristics for a New Era as the ZH_REF: 选举产生了以习近平同志为核心的新一届中共中央, 确立了习近平新时代中国特色社会主义思想 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),我们的精巧,是用的,是用的,是在用的,把它的意思为“”,因为它是在对的,是对的,而不是在上司的意思。的了了了了了了了了 EN: guiding ideology that the Party must follow permanently, and defined clearly China’s development goals for the future. ZH_REF: 为我们党必须长期坚持的指导思想,明确了中国未来的发展目标。 -ZH_HYP: 1.. +ZH_HYP: (一)(一)不确定的是,在我们的国家中,我们必须放弃,而不是为了使其成为现实,而不是为了使其成为现实,而不是为了使其更高的地位,而不是为了达到最高标准的目的而要做的事 EN: As the largest developing country in the world, development has always been the foundation and key to solve all problems in China. ZH_REF: 中国作为最大的发展中国家,发展是解决一切问题的基础和关键。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,它是为了让人的成长而变得更有好处,它是在你的,是在为你的,而不是在那里,还是要用的,对你来说,是很有价值的 EN: Both China and Russia are taking each other's development as an important opportunity ZH_REF: 中俄都视彼此的发展为重要机遇 -ZH_HYP: 1.. +ZH_HYP: 4.3............................................................... EN: Their efforts to dock development strategies and deepen all-round cooperation will embrace a broader prospect, and also contribute more to the peace and development of the two countries, the whole region and even the world. ZH_REF: 两国对接发展战略、深化全方位合作面临更广阔前景,也将为两国、地区乃至世界的和平与发展贡献更多积极力量。 -ZH_HYP: 1.. +ZH_HYP: (c)为使我们的工作变得更加复杂,而不是在其他国家,也是为了使其更加稳定,而不是在世界上,而是在相互间的发展中,对其进行了更多的调整,并对其进行了更多的评价,这是对我们的最大的影响。 EN: Li Keqiang and Medvedev debriefed to the relevant mechanisms of both countries, as well as the work reports presented by Chinese Vice Premiers Zhang Gaoli, Wang Yang and Liu Yandong, and the Russian chairmen. ZH_REF: 李克强和梅德韦杰夫听取了两国相关机制,中方主席张高丽、汪洋、刘延东,以及俄方主席的工作汇报。 -ZH_HYP: 1.. +ZH_HYP: 5.k.................................................................... EN: Creating a brighter tomorrow for the relations between the two countries ZH_REF: 共创两国关系更加美好的明天 -ZH_HYP: 1.. +ZH_HYP: 5.4."为",",",",",",",",",",",",",",",",",",",",",",",",",",",",",""""""" EN: Medvedev congratulated the Communist Party of China on its successful convening of the 19th CPC National Congress, saying that Russia is willing to deepen its cooperation with China in the traditional fields such as energy, infrastructure, production capacity, aviation and aerospace, ZH_REF: 梅德韦杰夫祝贺中国共产党成功召开十九大,表示俄方愿同中方深化能源、基础设施建设、产能、航空航天等传统领域合作 -ZH_HYP: 1.. +ZH_HYP: 5.1.4.在中国,人们对这个问题的看法是,它的发展是为了使它的国家变得更加强大,而不是在它的中,它是在一起,它的优势是在国际上,而不是在它的技术上, EN: open up cooperation in emerging areas like e-commerce and small-and- medium enterprises, foster closer the people-to-people exchanges, and push forward the continuous progressing of comprehensive strategic partnership between Russia and China. ZH_REF: 开拓电子商务、中小企业等新兴领域合作,密切人文交流,推动俄中全面战略协作伙伴关系持续向前发展。 -ZH_HYP: 1.. +ZH_HYP: (一)在不可能的情况下,我们的贸易和发展,是为了使它们的利益成为一个共同的,而不是在一起,而是要在国际上进行,以使其更加强大,并使其成为一个共同的问题,的的((((((( EN: After the meeting, Li Keqiang and Medvedev signed a Joint Communique of the 22th Meeting of the Chinese and Russian Prime Ministers, and witnessed the signature of nearly 20 documents concerning the bilateral cooperation ZH_REF: 会晤后,李克强与梅德韦杰夫签署了《中俄总理第二十二次定期会晤联合公报》,并共同见证投资 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,我们的态度是,和他的事业,是为了满足他们的需要,而不是为了他们的利益而去,而不是在2002年3月1日之前,我们的交易就会被证明了 EN: on energy investment, local cooperation, humanity, agriculture, customs, quality control, aerospace, finance, etc.. ZH_REF: 能源、地方合作、人文、农业、海关、 质检、航天、金融等领域近二十项双边合作文件的签署。 -ZH_HYP: 1.. +ZH_HYP: (美):(一),在贸易中,我们的代价是为了使自己的利益,而不是在他们的身上,而不是在那里,你的力量是在那里,是的,是的,是的,是的,是的,是的,是的。 EN: After the signing ceremony, the two prime ministers met with reporters and answered their questions. ZH_REF: 签字仪式后,两国总理共见记者并答问。 -ZH_HYP: 1.. +ZH_HYP: 在他的后面,一个人的秘密,是在为他们带来的,而不是在他们的面前,他们的是,他们的力量是为了得到的,而不是在那里,还是要把它的力量推到了的的的的的的的的的的的的的 EN: Li Keqiang introduced the outcomes of this meeting, and stressed that China is willing to continue promoting the China-Russia relations and their mutual cooperation in all fields, propelling the establishment of a new international relationship with win-win cooperation as the core ZH_REF: 李克强介绍了此次会晤成果,强调中方愿继续在相互尊重、平等互利 -ZH_HYP: 1.. +ZH_HYP: [4]我们的研究是,我们的目的是,为促进发展而加强国际关系,并为其带来的好处,并为之提供了一个新的机会,而我们的努力也是在与西方的关系中的,而这是在国际上的一个重要的 EN: on the basis of mutual respect, equality, and joint development, ZH_REF: 共同发展基础上, 推进中俄关系与各领域合作, 推动建立以合作共赢为核心的新型国际关系 -ZH_HYP: 1.. +ZH_HYP: 4.在任何情况下,都是由人主导的,而不是为自己的发展,而不是为自己的利益,为自己的利益提供便利,而不是在其他方面,也是为了使人的利益而变得更加危险,而不是在高处的时候,要把它放在一起。 EN: and creating more growth points on cooperation. ZH_REF: 还要打造更多的合作增长点 -ZH_HYP: 1.. +ZH_HYP: 5.a............................................................... EN: To achieve this, it would require not only giving full play to the large and strong enterprises of the two countries and strengthening their cooperation on large strategic projects in the fields of energy, aerospace, aviation and cross-border infrastructure, but also making good use of the flexible small-and-medium enterprises and encouraging ZH_REF: 不仅要集中发挥两国大企业大而强的优势,加强能源、航天、航空、跨境基础设施等领域战略性大项目合作,而且要利用好中小企业小而活的优势 -ZH_HYP: 1.. +ZH_HYP: (4)如果我们的目的是,它将为我们提供了一个巨大的机会,而不是在它们的范围内,也是为了使其变得更加强大,而且在我们的技术上,也是为了加强其在国际上的,而不是在企业中,而且是非常重要的。 EN: them to open up new areas of cooperation and create an innovation accelerator for pragmatic cooperation. ZH_REF: 支持他们开辟合作新领域,为两国务实合作挂上创新加速档。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】我们的意思是,我们的目的是为了使自己的事业变得更容易,而不是为了让自己的力量而努力,而不是在那里,要么是在一起,还是要把它给的,是的,是的,是的。 EN: That afternoon, Li Keqiang and Medvedev jointly attended the closing ceremony of the China-Russia Media Exchange Year and made a speech, ZH_REF: 当天下午,李克强与梅德韦杰夫共同出席中俄媒体交流年闭幕式并致辞。 -ZH_HYP: 1.. +ZH_HYP: (k)【句意】我们的意思是,我们的工作是为了得到的,而不是在他们的中,是为了得到的,而不是在他们的中,才会有多的,而不是在上司,还是要高的,是的,是的。 EN: giving their high appraisal to the positive outcomes and social repercussions achieved in this Media Exchange Year. ZH_REF: 高度评价媒体交流年取得的积极成果和社会反响。 -ZH_HYP: 1.. +ZH_HYP: (b)(一)在这种情况下,我们的态度是,在很大程度上,是为了使自己的利益而受到损害,而不是为了使他们的力量得到更多的保护,而不是在其他方面,而不是在(e)的的的的的的的的的的的的的的的 EN: Li Keqiang said in his speech that two years ago, the heads of state of China and Russia jointly decided and announced the start of China-Russia Media Exchange Year, ZH_REF: 李克强在致辞中表示,两年前,中俄两国元首共同决定并宣布启动中俄媒体交流年。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: showing that China and Russia, as comprehensive strategic partners, have shared a high degree of mutual trust in politics, a cultural connection on the soul level, as well as an objective and friendly attitude towards each other. ZH_REF: 表明中俄作为全面战略协作伙伴,政治上高度互信,文化上心灵相通,对彼此抱有客观友好的态度。 -ZH_HYP: 1.. +ZH_HYP: 5.4.在美国,我们的态度和态度是,在一个方面,为我们带来了更多的好处,它是为了使自己的利益而变得更加危险,而不是在一起,也是为了给人带来的,而不是在我们的关系中的 EN: building up important bridges and ties. Li Keqiang pointed out that both China and Russia are possessed of long-standing cultural traditions and profound cultural heritages. ZH_REF: 搭建起重要桥梁和纽带,李克强指出,中俄都是拥有悠久文化传统和深厚文化底蕴的国家。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,我们的态度是,对,而不是在,是为了使自己变得更有价值,而且也是在说谎的,是在对的,是对的,而不是在(或)上的,是对的,而不是对我们的看法 EN: Medias of the two countries also have their own characteristics. ZH_REF: 两国媒体也是各有特色。 -ZH_HYP: 1.. +ZH_HYP: (美英对照),这条路是一种不稳定的,因为它是在用的,而不是在他们的中,把它的东西放到一边,把它的东西给了,也是在我的上方,而不是在别人的时候,那是很有价值的 EN: Thanks to the media exchange year, mutual understanding and friendship between the two countries have been deepened, and mutual learning between the medias have been enhanced, ZH_REF: 通过举办媒体交流年,双方增进了理解,加深了友谊,促进了媒体间学习互鉴 -ZH_HYP: 1.. +ZH_HYP: 5.3.在对其他国家的影响下,我们的努力是相互排斥的,而不是在贸易中,而且是为了使自己的力量而变得更加危险,而不是在(或)上,对我们的关系进行了比较,而不是对他的最大的影响。 EN: and the media exchange year itself has also become a distinctive move in the history of international medial exchanges. ZH_REF: 成为国际媒体交流史上的特色之举 -ZH_HYP: 1.. +ZH_HYP: (a)在其他情况下,我们的作品是不可能的,因为它们是在为自己的,而不是在,他们的力量,是为了使自己的力量而变得更有价值的,而不是在别人身上,而是在你的身边,你的意思是什么? EN: This closing ceremony is not an end, but a new start, signifying the start of a new chapter in the history of China-Russia media cooperation, and raising a new sail for the people-to-people exchanges. ZH_REF: 今天的闭幕式不是终点,而是新的起点,相信将开启中俄媒体合作新篇章,扬起人文交流新风帆。 -ZH_HYP: 1.. +ZH_HYP: 5.4.在进行这种不寻常的情况下,我们的目的是为了使自己的事业变得更有价值,而不是在为他们的人,而不是在一起,而是在为我们的人提供了一个新的、更多的方法来解决的问题 EN: Pushing forward the China-Russia relations towards a new journey of consolidated friendship between generations ZH_REF: 推动中俄关系迈上夯实世代友好的新征程 -ZH_HYP: 1.. +ZH_HYP: 5.4.2.为了使其成为一个更有价值的东西,它将为我们带来了更多的机会,并为他们的利益而努力,以使他们的力量在一起,而不是在意间的关系,而你的反应是在不断的,是对的 EN: Injecting new connotations and creating new opportunities to the relations of the two countries, and fully reflecting the degree of friendship between the two peoples as well as the strategic significance of the bilateral relations. ZH_REF: 为两国关系赋予新的内涵,带来新的机遇,充分体现出两国人民的友好程度和双边关系的战略意义。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这将是一个令人兴奋的问题,因为它是在相互间的,而不是在国家间的关系中,它是为了使自己的利益而变得更有价值的,而不是在国际上,也是最重要的。了 EN: On the afternoon of November 1 , the 30th Session of the Standing Committee of the 12th National People's Congress held its third plenary session in the Great Hall of the People, Beijing. ZH_REF: 十二届全国人大常委会第三十次会议一号下午在北京人民大会堂举行第三次全体会议。 -ZH_HYP: 1.. +ZH_HYP: 10.在对这一问题的研究中,有一种完全的理由,即:“(1),”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,!。。。。。。。。。。。。。。 EN: Chairman Zhang Dejiang attended the meeting ZH_REF: 张德江委员长出席会议 -ZH_HYP: 1.. +ZH_HYP: (一)(一),可乐意,是用心的,把它的东西放到一边,把它的东西弄到一边,把它放在一边,把它放在一边,还是要把它的东西弄得很好了的的的的的 EN: and made a report on the inspected enforcement of the Law of the People’s Republic on the Prevention and Control of Environmental Pollution by Solid Waste (hereinafter, Solid Waste Law). ZH_REF: 并作关于检查固体废物污染环境防治法实施情况的报告。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的责任,是为了使自己的处境和危险而变得更加危险,因为它是在被人控制的时候,它是由它的,而不是在(或)上,它是对的,而不是对我们的一切。 EN: In May this year, the Standing Committee of the National People's Congress started the inspection of the enforcement of Solid Waste Law. ZH_REF: 今年五月全国人大常委会启动开展固体废物污染环境防治法执法检查。 -ZH_HYP: 1.. +ZH_HYP: 5.在这一情况下,人的态度是,为了使自己的处境,我们的人也是为了得到的,而不是为了他们的利益而牺牲了他们的一切,而这是对他的最严重的影响。是了了了了了了了了了了 EN: Zhang Dejiang reported the inspection results on behalf of the inspection team of law enforcement. ZH_REF: 张德江代表执法检查组报告了检查情况。 -ZH_HYP: 1.. +ZH_HYP: 5.a.............................................................. EN: He said that since the 18th CPC National Congress, the CPC Central Committee with Comrade Xi Jinping as the core ZH_REF: 他说, 党的十八大以来,以习近平同志为核心的党中央 -ZH_HYP: 1.. +ZH_HYP: 他说,在这个过程中,我们的角色是,在一个方面,是为了使他们的利益而变得更容易,而不是为了他们的力量去做,而不是在他们的面前,才会有什么关系的,是的,是对的,是的 EN: had conscientiously implemented the legal provisions, and achieved striking progresses in the prevention and control of solid waste. ZH_REF: 认真落实法律规定,固体废物污染防治工作取得长足进步。 -ZH_HYP: 1.. +ZH_HYP: 5.a.................................................................. EN: Zhang Dejiang pointed out that according to the inspection results, there were also some outstanding problems in the enforcement of Solid Waste Law as well as the prevention and control of solid waste pollution. ZH_REF: 张德江指出,从执法检查情况看,当前固废法的实施以及固体废物污染防治工作仍面临一些突出问题。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的意思是,在做点时,我们的工作是不可能的,因为它是在用的,而不是在那里,它是由谁来的,是对的,而不是在其他方面的,是什么意思?了 EN: These problems must arouse enough attention. ZH_REF: 必须引起高度重视。 -ZH_HYP: 1.. +ZH_HYP: (4)在这种情况下,我们必须有一个人的,而不是为了自己的利益而去,而不是为了使他们变得更有可能,而且是为了使他们的工作变得更糟,而且对你的影响是什么?的了的的的的的的的的了了了了了了了了 EN: We must conscientiously implement the spirit of the 19th CPC National Congress, completely and accurately implement the Solid Waste Law, further promote the prevention and control of solid waste pollution. ZH_REF: 要认真贯彻落实党的十九大精神, 全面正确贯彻实施固废法, 深入推进固体废物污染防治工作。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,我们的态度是,我们的决心,是为了使自己的事业变得更加容易,而不是为了使他们的行为而变得更有可能,而且是为了控制着他们的知识而又不需要的。了了了了了了了了了 EN: Pushing forward the treatment of industrial solid waste, improving the supervision mechanism of solid waste, and strengthening the scientific and technological support for the prevention and control of solid waste pollution. ZH_REF: 深入推进工业固体废物治理,完善固体废物监管工作机制,强化固体废物污染防治的科技支撑。 -ZH_HYP: 1.. +ZH_HYP: 5.4.为了使我们的工作变得更加复杂,并使其成为一种危险,而又是为了使其更容易,又要使其免受汇率和伤害,并使其成为一种新的、更有的、更有的方法来进行,是 EN: The Minister of Agriculture Han Changfu, under the entrust of the State Council, made a report on grassland ecological environment protection. ZH_REF: 受国务院委托,农业部部长韩长赋作了关于草原生态环境保护工作情况的报告。 -ZH_HYP: 1.. +ZH_HYP: 在他的后面,一个人的性格,是一个不稳定的,是在我的上,是为了使他们的事业变得更有价值,因为他们的工作是在向外人提供的,而不是在那里,是为了保护自己的的 EN: Han Changfu said ZH_REF: 韩长赋说 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................... EN: Continuously raising the level of grassland conservation and construction ZH_REF: 持续提升草原保护建设水平 -ZH_HYP: 1.. +ZH_HYP: 3.5.在对等方面,有一个大的特点,是为了使自己的力量和力量,使他们的力量变得更容易,而不是为了让人感到厌倦,而不是为了更多的,也是为了达到最高的目的而去做的 EN: The meeting heard and examined a report presented by Cao Jianming, the Chief Procurator of the Supreme People's Procuratorate, on comprehensively deepening the judicial reform. ZH_REF: 会议听取审议了最高人民检察院检察长曹建明作的关于人民检察院全面深化司法改革情况的报告。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的观点是,他的作品是由一个人的,而不是他的,是对的,是对的,也是对他的,是对他的,是对的,而不是太高了。了了了了了了了了了 EN: After reporting on the current progresses, achievements and problems, Cao Jianming expressed that the next step would be to deepen the comprehensive reform of the judicial system, ZH_REF: 在报告了进展、成效和存在的问题后, 曹建明表示,下一步将深化司法体制综合配套改革 -ZH_HYP: 1.. +ZH_HYP: 在一个不难的情况下,我们的决心是,在这方面,我们的努力是有的,而不是为了更多的,而不是为了使自己的力量来衡量,而这是对我们的影响的最坏的,因为它是对所有的人的注意 EN: fully implement the judicial responsibility system, strengthen the policy interpretation and reform propaganda, deepen the research and demonstration, and promote the judicial reform to the depth of development. ZH_REF: 全面落实司法责任制,加强政策解读和改革宣传,深化研究论证,推动司法改革向纵深发展。 -ZH_HYP: 1.. +ZH_HYP: (一)在不妨碍司法的情况下,我们的努力是有道理的,而且是为了使其更有效力,使其成为一种更大的、更有价值的、更有的理由,也是为了对其进行的,而不是对我们的影响进行了分析 EN: Vice Chairman Chen Zhu presided over the meeting. ZH_REF: 陈竺副委员长主持会议。 -ZH_HYP: 1.. +ZH_HYP: 在这个过程中,李先生的态度是:“我们的是,他们的愿望是为了使他们的力量而得到,而不是在那里,而是为了自己的力量而努力,而不是在那里,”他说,“我是在你的身边。了了了了了了?了?了了? EN: Carrying out in-depth the exchange of experiences and mutual learning concerning the management and governing of the country, and the legislative control, so as to ensure the smooth development of mutual cooperation in the areas docking the One Belt one Road with the Eurasian Economic Union at the legislative level. ZH_REF: 深入开展治国理政、立法监督经验交流互鉴,从立法层面保障一带一路建设和欧亚经济联盟对接等领域合作顺利开展 -ZH_HYP: 1.. +ZH_HYP: (b)在我们的工作中,有必要进行比较,以促进和加强相互间的联系,而不是在国家间,而不是在其上,而是在它的上,是为了使它的经济发展而得到好处。是了了的的的的的的的的 EN: Strengthening local cooperation and cultural exchanges, and injecting new vitality and momentum to the China-Russia relations. ZH_REF: 加强地方合作和人文交流,为中俄关系注入新活力、增添新动能。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),在做作业的时候,我们都有自己的东西,而不是为了自己的利益而去,而不是在他们的身边,那是对的,是的,是的,是的,是的,是对的,是对我们的 EN: Medvedev expressed his congratulations on the successful closing of the 19th CPC National Congress. ZH_REF: 梅德韦杰夫说,祝贺中共十九大胜利闭幕。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: The Russia-China relations have been progressing very smoothly and made enumerable great achievements. ZH_REF: 俄中关系进展顺利,合作成果丰硕。 -ZH_HYP: 1.. +ZH_HYP: 5.4................................................................ EN: Russia is willing to work with China and push the bilateral relations to a higher level. ZH_REF: 俄方愿同中方共同努力,将两国关系推向更高水平。 -ZH_HYP: 1.. +ZH_HYP: 5.a............................................................... EN: Wang Chen attended the meeting. ZH_REF: 王晨参加会见。 -ZH_HYP: 1.. +ZH_HYP: 5.e................................................................. EN: In the afternoon of October 31th, Medvedev laid a wreath at the Monument to the People’s Heroes. ZH_REF: 三十一号下午,梅德韦杰夫向人民英雄纪念碑敬献花圈。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,他的名字是:“你的东西,是的,是的,是的,是的,是的,是的,是的,是对的,而不是为了让人感到更多的,”他说,“你是在那里,”说 EN: The meeting pledged full support to the report delivered by Comrade Xi Jinping on behalf of the 18th CPC Central Committee. ZH_REF: 一致表示,完全拥护习近平同志代表中共十八届中央委员会所作的报告。 -ZH_HYP: 1.. +ZH_HYP: 4.为使人的处境,我们将为自己的事业提供便利,而不是为他们提供的服务,而不是在他们的前辈中,而不是为他们的,是为了使他们的力量而变得更高的了了了了了了了了了了了了了了了了了了 EN: Participants hold a strong conviction that the new CPC leadership will live up to the great trust place on and the lofty mission assigned to it and navigate the giant ship bearing the great dream of the Chinese people to a bright future. Attendees agreed that the 19th CPC National Congress is a meeting of great importance taking place during the decisive stage in building a moderately prosperous society in all respects and the development of socialism with Chinese characteristics. ZH_REF: 大家坚信,新一届中共中央领导集体一定能够不辱使命、不负重托,引领承载中国人民伟大梦想的航船驶向更加辉煌的未来与会人员一致认为,中共十九大是在全面建成小康社会决胜阶段、中国特色社会主义进入新时代的关键时期。召开的一次十分重要的大会。 -ZH_HYP: 1.. +ZH_HYP: 在这个过程中,我们将有一个伟大的人,他们的梦想成了一个伟大的、有的、有的、有的、有的、有的、有的、有的、有价值的、有的、有的、要的.的的的的的的的 EN: The report delivered by General Secretary Xi Jinping is a programmatic document radiating the brilliance of Marxism, which puts forth a series of important thoughts, ideas, judgements and measures. ZH_REF: 习近平总书记所作的报告提出一系列新的重要思想、重要观点、重大判断、重大举措,是一篇闪耀着马克思主义光辉的纲领性文献。 -ZH_HYP: 1.. +ZH_HYP: 5.3.在他的性格中,我们的态度是,从表面上看,它是一种最重要的方法,它是为了使人的心智而变得更有价值,而不是在过去的事,它是由谁来的,而不是的 EN: There was a consensus among attendees that the political priority of the Chinese People’s Political Consultative Conference at present and in the years to come is to comprehensively study, propagandize and implement the essence of the 19th CPC National Congress. ZH_REF: 与会人员一致表示,全面深入学习宣传贯彻中共十九大精神,是当前和今后一个时期人民政协的首要政治任务。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的观点是,在我们的共同点上,有什么是,它的作用是,它是由人的,而不是在它的上,而是在他的身上,它的意思是什么?的了的的的的的的的的的 EN: Firstly, it is necessary to digest Xi Jinping Thought on Socialism with Chinese Characteristics for a New Era and continuously consolidate the common political and ideological basis for unity and struggle. ZH_REF: 一要深刻领会习近平新时代中国特色社会主义思想, 不断巩固团结奋斗的共同思想政治基础。 -ZH_HYP: 1.. +ZH_HYP: (三)(美),是,在追求上,我们的目的是为了使自己的事业变得更有价值,因为它是在中国,而不是在那里,它是由谁来的,而不是在我们的上司,还是要有的 EN: Secondly, it is necessary to unite and lead the CPPCC members to unswervingly carry out the Party’s basic theories, guidelines and policies. ZH_REF: 团结带领政协委员坚定贯彻执行党的基本理论、基本路线、基本方略。 -ZH_HYP: 1.. +ZH_HYP: 然而,在一个方面,我们的态度是,对,而不是为了使自己变得更容易,而且也是为了使他们的利益而变得更加危险,而不是在(e)上,这是对我们的一个基本要素的,而不是对他的看法 EN: Thirdly, it is necessary to focus on the central tasks of the Party and state and contribute ideas and efforts to the victory of building a moderately prosperous society in all respects. ZH_REF: 三要聚焦党和国家中心任务履职尽责,为决胜全面建成小康社会、建设社会主义现代化国家献计出力。 -ZH_HYP: 1.. +ZH_HYP: 3.4.在任何情况下,都必须为人的利益而努力,而不是为其带来的,是为了使其成为一个更加强大的、有价值的、有的、有的、有的、有的、有的、有的、的的的的的的的的 EN: Fourthly, it is necessary to give full play to CPPCC’s role as an important channel of consultative democracy and a specialized organization of consultation, implementing consultative democracy throughout the process of performing duties and into all aspects of work. ZH_REF: 四要充分发挥政协作为协商民主重要渠道和专门协商机构作用,把协商民主落实到履职全过程和各方面。 -ZH_HYP: 1.. +ZH_HYP: 4.在任何情况下,都必须为其提供服务,以使其成为一个共同的问题,而不是在其工作中,在适当的时候,才会有可能,而且也是为了使我们的工作变得更加重要,因为它是对所有的人的信任,而不是 EN: Fifthly, it is necessary to fully exploit the power of CPPCC as a united front organization that enables it to mobilize the Chinese nation to fulfill the Chinese dream. ZH_REF: 五要更好发挥政协作为统一战线组织功能作用,动员全体中华儿女共圆中国梦。 -ZH_HYP: 1.. +ZH_HYP: (4).................................................................. EN: Sixthly, it is necessary to reinforce CPPCC’s self-construction with an emphasis on beefing up its competence in performing duties, improve the duty-performing system, and enhance the duty-performing efficiency. ZH_REF: 六要以增强履职本领为重点加强政协自身建设,完善履职制度,提高履职实效。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有必要的是,我们的职责是为了使自己的利益得到加强,而不是为了使自己的利益而变得更有成效,而不是在工作中,而是要把它的职责分给了。了了了了了了 EN: The meeting adopted the Resolution on Studying ZH_REF: 会议通过了《关于学习贯彻中国共产党第十九次全国代表大会精神的决议》 -ZH_HYP: 1.. +ZH_HYP: 4.在对这一过程中,我们都有可能被人作为,而不是为了使他们的利益而变得更容易,而且也是为了使他们的工作变得更糟,因为他们的人都是在(e)的,是对的,的的 EN: and Implementing the Essence of the 19th National Congress of the Communist Party of China as well as the Decision on Partial Revision of the Constitution of the Chinese people’s Political Consultative Conference. ZH_REF: 和《关于部分修改〈中国人民政治协商会议章程〉的决定》 -ZH_HYP: 1.. +ZH_HYP: 3.5.1................................................................. EN: The meeting asked to summarize well the work of CPPCC and prepare well for the first session of 13th CPPCC National Committee. ZH_REF: 会议要求以中共十九大精神为指导,总结好本届政协工作,做好全国政协十三届一次会议筹备工作。 -ZH_HYP: 1.. +ZH_HYP: 4.在对这一过程中,有必要进行研究,以使其成为一个不对的,而不是在其上,也是为了使其成为了一个人,而不是在国际上,也是为了保护他们的利益而被淘汰的,而且是对他的最严重的影响。 EN: On November 1th, Zhang Gaoli, Vice Premier of the State Council, Wang Yang, member of the Standing Committee of the Political Bureau of the CPC Central Committee and Vice Premier of the State Council, and Liu Yandong, Vice Premier of the State Council received the Order of Friendship from Premier Medvedev on behalf of the Russian government at the Great Hall of the People. ZH_REF: 一号国务院副总理张高丽,中共中央政治局常委、国务院副总理汪洋,国务院副总理刘延东在北京人民大会堂接受俄罗斯总理梅德韦杰夫代表俄罗斯政府授予的友谊勋章。 -ZH_HYP: 1.. +ZH_HYP: 19.1.1.12.1.1.1.1.4.1............................................. EN: This award is given to individuals whose efforts significantly contribute to promoting world peace and developing friendly relationship among countries. ZH_REF: 促进世界和平、发展国家间友好关系作出杰出贡献的人士 -ZH_HYP: 1.. +ZH_HYP: (一)为使人感到羞耻,而这是对他们的,是为了使自己的事业变得更加危险,而不是为了使他们的工作变得更加危险,而不是在他们的身边,要么是在(e)的的的的的的的的的的的的的的的的 EN: In the afternoon of November 1th, Wang Yang, member of the Standing Committee of the Political Bureau of the CPC Central Committee and Vice Premier of the State Council met with Minister of Foreign Affairs of Sri Lanka Tilak Marapana in Ziguangge, Zhongnanhai. ZH_REF: 中共中央政治局常委、国务院副总理汪洋一号下午在中南海紫光阁会见斯里兰卡外长马拉帕纳。 -ZH_HYP: 1.. +ZH_HYP: 19.1.在对朝鲜的影响下,各成员都是以自己的名义,为的是,在为其提供的服务中,在中世纪,在西贡(t),在那里,有的是,它是由大国的。 EN: The year of 2017 marks the 60th anniversary of the establishment of diplomatic ties between China and Sri Lanka and the 65th anniversary of the signing of the Agreement on Rice for Rubber. ZH_REF: 今年是中斯建交六十周年和《米胶协定》签署六十五周年。 -ZH_HYP: 1.. +ZH_HYP: 2007年,美国的一个大的标志,是为了使其成为一个贸易,而不是在它的中,它是在我们的,是在一起,它是为了保护自己的,而不是在上方,那是对的,是的,是的。 EN: China will act conscientiously on the neighborhood diplomacy of “amity, sincerity, mutual benefit and inclusiveness” and the foreign policy of “developing good relationship and partnership with neighboring countries”, which were established at the 19th CPC National Congress. ZH_REF: 中方将认真落实中共十九大确定的亲诚惠容理念和与邻为善、以邻为伴周边外交方针,加强同斯里兰卡等发展中国家的团结合作。 -ZH_HYP: 1.. +ZH_HYP: 5.4."在美国,"为",我们的贸易和发展,是为了避免与贸易有关的,而这种关系是由他们所拥有的,而在其他国家,也是如此,它是由一个共同的、有的、有的、的的的的的的的的的的的的的 EN: Tilak Marapana congratulated on the triumphant convention of the 19th CPC National Congress. ZH_REF: 马拉帕纳祝贺中共十九大胜利召开。 -ZH_HYP: 1.. +ZH_HYP: (n)【句意】(a)【句意】我的意思是,我们的意思是,他们的意思是,他们的意思是,我的意思是,他们的意思是,和(或)的,是的,是的,而不是最需要的。 EN: He said Sri Lanka regards China as a close friend and a reliable partner. ZH_REF: 他表示,斯里兰卡视中国为亲密朋友和发展伙伴。 -ZH_HYP: 1.. +ZH_HYP: 他的说,在这里,我们都是为了让自己摆脱困境,而不是为了让自己的处境而变得更糟,因为他们是在说谎的,是在我们的,是的,是的,是的,是的,是对的,而不是最需要的。 EN: A mobilization meeting of the Publicity Department, CCCPC intended for studying and implementing the essence of the 19th CPC National Congress was convened on November 1th. Wang Hu’ning, member of the Standing Committee of the Political Bureau of the CPC Central Committee and Secretary of the Secretariat of the CPC Central Committee attended the meeting and delivered a keynote speech. ZH_REF: 学习贯彻党的十九大精神中央宣讲团动员会一号在京召开,中共中央政治局常委、中央书记处书记王沪宁出席会议并讲话。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的作用是,它的作用是:(a)1994年,它是由中央和国家委员会组成的,它是由国际经济发展委员会主席的,它的组成是由高级行政人员组成的。 EN: He said teach-ins associated with the important meetings and work deployment of the CPC Central Committee are warmly welcomed by both carders and the masses. ZH_REF: 他表示结合党中央的重要会议、重大工作部署、组织开展宣讲活动,受到广大干部群众欢迎。 -ZH_HYP: 1.. +ZH_HYP: 他的口气和外语是在一起,我们都是为了让别人的,而不是为了自己的,而不是在他们的中,才会有更多的东西,而不是在那里,还是要把它的意思和好的意思给(( EN: General Secretary Xi Jinping has always attached great importance to the publicity of the CPC Central Committee’s ideas and explicitly requires that the centralized publicity of the essence of the 19th CPC National Congress should be well accomplished. ZH_REF: 习近平总书记对做好党中央精神宣讲工作一贯高度重视,提出了明确要求,我们要切实做好这次集中宣讲工作。 -ZH_HYP: 1.. +ZH_HYP: 3.1.在对这个问题的研究中,我们必须以一种方式来看待,而不是为它提供的,它是一个很好的,它的意思是,它的意思是:“你的意思是什么?了了了了了了了””””””””””””” EN: The publicity is expected to synchronize the thoughts and actions of carders and the masses with the essence of the 19th CPC National Congress. ZH_REF: 更好把广大干部群众的思想和行动统一到党的十九大精神上来。 -ZH_HYP: 1.. +ZH_HYP: (k)(一),这是一种不稳定的,是为了使自己的心目中的,而不是在他们的中,而不是在他们的身边,而是在他的身边,是对的,是最重要的,是对的,而不是什么? EN: Wang Hu’ning suggested that the centralized publicity of the essence of the 19th CPC National Congress should be meticulously carried out based on the requirement of “comprehension and implementation” to deepen the work of “studying, ZH_REF: 王沪宁表示要牢牢把握在学懂弄通坐实上下功夫的要求,精心做好党的十九大精神集中宣讲 -ZH_HYP: 1.. +ZH_HYP: 5.3."无"的"是指为人,而不是为",",",",",",",",",",",",",",",",",",",",",",",","""""" EN: propagandizing and implementing” and guide the Party to defend the central role of General Secretary Xi Jinping and uphold the authority and centralized leadership of the CPC Central Committee. ZH_REF: 推动学习宣传贯彻工作,往实里走往深里走,引导全党自觉维护习近平总书记党中央的核心、全党的核心地位,维护党中央权威和集中统一领导。 -ZH_HYP: 1.. +ZH_HYP: (k)为使人的行为和责任,并为其带来的影响,为其提供便利,使其成为一个共同的问题,并将其作为一个整体,以使其成为一个(或)更多的人,,,,,,,,,,的的的的的的的 EN: Since the 18th CPC National Congress, the cause of the Party and state has entered a new phase, which is fundamentally attributed to the strategic leadership of the CPC Central Committee with Comrade Xi Jinping at its core and to the scientific guidance of Xi Jinping Thought on Socialism with Chinese Characteristics for a New Era ZH_REF: 党的十八大以来,党和国家事业之所以全面开创新局面,根本在于以习近平同志为核心的党中央 -ZH_HYP: 1.. +ZH_HYP: (一)从一开始,中国的“大”,是“不”的,是对其进行的,也是对其产生的影响,它是由我所拥有的,而不是在新的中世纪的,是我的核心所在。 EN: We should revolve around the main thread of Xi Jinping Thought on Socialism with Chinese Characteristics for a New Era. ZH_REF: 据其定向、运筹帷幄在于习近平新时代的中国特色社会主义思想的科学指引,要紧紧围绕习近平新时代 中国特色社会主义思想这个主线。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................ EN: We should make clear the striking theme of 19th CPC National Congress, the rich connotations of Xi Jinping Thought on Socialism with Chinese Characteristics for a New Era, and the historical changes of the cause of the Party and state since the 18th CPC National Congress. ZH_REF: 讲清楚党的十九大的鲜明主题,讲清楚习近平新时代中国特色社会主义思想的丰富内涵,讲清楚党的十八大以来党和国家事业发生的历史性变革。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)1.我们的观点是,在美国,中国的经济,是一个伟大的国家,它的地位和作用,是一种新的、有的,它的意义和它的影响,而不是在中国的,是在1985年的 EN: We should make clear the significance of socialism with Chinese characteristics as it enters a new era, the far-reaching influence of the change of the society’s principal contradiction, and the Two Centenary Goals. ZH_REF: 讲清楚中国特色社会主义进入新时代的重大意义,讲清楚我国社会主要矛盾变化的深远影响,讲清楚两个一百年奋斗目标。 -ZH_HYP: 1.. +ZH_HYP: 4.5.在美国,中国的态度和行为是一种不平等的,它是在为自己的,而不是在为自己的,而不是在那里,而是在为之时,它的意思是:(a)的的的的的的的的的的的的的 EN: We should make clear China’s strategic deployment of strict rule over the Party and synchronization of the thoughts and actions of carders and the masses with the essence of the 19th CPC National Congress. ZH_REF: 讲清楚坚定不移全面从严治党的重大部署,把广大干部群众的思想和行动统一到党的十九大精神上来。 -ZH_HYP: 1.. +ZH_HYP: 5.4.................................................................. EN: We should integrate the essence of the 19th CPC National Congress into the grass-roots units and the masses. ZH_REF: 推动党的十九大精神走进基层、走进群众。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),我们的“大”,是“”,“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。。。。。。。。。 EN: Huang Kunming, member of the Political Bureau of the CPC Central Committee and Head of the Central Propaganda Department, presided over the meeting. ZH_REF: 中共中央政治局委员、中宣部部长黄坤明主持会议。 -ZH_HYP: 1.. +ZH_HYP: (c)【句意】(b),“我们的”,是“”,“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。。。。。 EN: According to our news, for promoting the upsurge of studying, propagating and implementing the essence of the 19th National Congress of CPC, the Party central committee decided to designate the Propaganda Department of the Central Committee of the CPC to joint hands with relevant departments of the central committee in setting up a propaganda team. ZH_REF: 本台消息,为推动兴起学习宣传贯彻党的十九大精神热潮,中央决定由中宣部会同中央有关部门组成 -ZH_HYP: 1.. +ZH_HYP: 在这个过程中,我们的研究是,要把它的全部含义和结果,为你的服务提供了一个新的、,而不是在它的上,而是在它的上下文中,它是由“人”的意思,它是指“你的意思” EN: The group members include such 36 comrades as Yang Xiaodu, member of the Communist Party's Politburo, member of the Secretariat of the Central Committee and vice secretary of the Party's Central Commission for Discipline Inspection, Chen Min'er, member of the Communist Party's Politburo and secretary of Chongqing Municipal Party Committee, ZH_REF: 成员有中共中央政治局委员、中央书记处书记、中央纪委副书记杨晓渡,中共中央政治局委员、重庆市委书记陈敏尔。 -ZH_HYP: 1.. +ZH_HYP: 该党的成员包括:(一)各党派,成员是本会的,也是由中央选举产生的,由中央管理委员会负责,由中央选举产生,由中央人民政府组成,由於是在华人组成,由於是中国的,,, EN: Huang Kunming, member of the Communist Party's Politburo, member of the Secretariat of the Central Committee and minister of Propaganda Department of the CPC Central Committee and so on. ZH_REF: 中共中央政治局委员、中央书记处书记、中央宣传部部长黄坤明等三十六位同志。 -ZH_HYP: 1.. +ZH_HYP: (k)(一),这是由一个大的,但我们的成员,也是为了使其成为贸易的,而不是在国际上,也是为了使其成为一个大的力量,而不是为了使其更高的利益而受到损害,是 EN: Starting from the first day of the month, the central propaganda team will prepare lessons collectively. ZH_REF: 从一号起,中央宣讲团成员进行集体备课。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),从句中,我们将从对方的角度来处理,从句中,把它放在一边,把它放在一边,把它放在一边,好的,是的,是的,是的,是的,是的。 EN: The team will kick off the propaganda across the country as of the 5th. ZH_REF: 五号起赴全国各地宣讲 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,你的意思是,它是在为自己的,而不是在,它的意思是,它是由你来的,而不是在哪里?的的的的的的的的的的的的 EN: With 10% efforts in deployment, 90% efforts will be made in implementation. ZH_REF: 一分部署、九分落实。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在“我们”的时候,我们都会在自己的方向上做,而不是在乎,因为它是在为他们的力量而来的,是在说谎的,是对的,而不是在我们的上司。了 EN: After the delegates to the 19th CPC National Congress returned to the grass roots, the top priority is to convey the essence of the report delivered at the 19th CPC National Congress ZH_REF: 十九大代表回到基层后,首要的事情就是把党的十九大报告精神 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的意思是,他们的意思是,在我的生活中,有的是,他们的意思是,在他们的面前,你的意思是,在那里,你的意思是,对的,是的,而不是什么意思? EN: in place at a first time ZH_REF: 第一时间传达到位 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,我们的性格是由一个人,而不是,他们是在为自己的,是为了得到的,而不是为了得到的,而不是为了把它的重担保掉了,所以你就会被人来的。了了了了 EN: We shall combine with the on-going smart public security building in Shanghai and apply big data, cloud computing and other new technologies in the practical work. ZH_REF: 要结合上海正在进行的智慧公安建设,把大数据、云计算等这些新技术,运用到工作中去。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,我们的态度是,有的是,有的是,有的东西,是的,是的,是的,是的,是的,是对的,而不是在你的身上,也是为了给你带来的,而不是 EN: He Xinglong, a delegate to the 19th CPC National Congress and a rural doctor who lived in Daning County, Shanxi, after returning his home town, sent the essence of the 19th CPC National Congress to his fellow villagers on the way of practice. ZH_REF: 而远在山西大宁县的十九大代表、乡村医生贺星龙,回到家乡后,在行医路上把十九大精神送到乡亲们身边。 -ZH_HYP: 1.. +ZH_HYP: 在这个意义上,他的性格是由一个人组成的,而不是在他的家乡,在那里,他是个好人,他的人,是我的人,他的人,是我的人,是的,是的,是的。 EN: I ZH_REF: 俺 -ZH_HYP: 1.. +ZH_HYP: (b)为“c”的,为“c”的,为“d”的“”,“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。。。 EN: The report noted to implement healthy China strategy, strengthen the community medical and health care service system and general practitioner team building. You can find, when I convey ZH_REF: 报告提出,实施健康中国战略,加强基层医疗卫生服务体系和全科医生队伍建设,你看这下以后咱村里 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的责任,是为了使自己的事业变得更容易,而且也是为了保护自己的,而不是在他的身边,或者是在他的,是的,是的,是的,是的,是的。 EN: the concern from General Secretary Xin Jinping and the Party Central Committee to the villagers, all of them ZH_REF: 给老百姓传达到,把习总书记、党中央对大家的关怀关心传达到,大家都觉得 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在不可能的情况下,我们将从他们的手中夺走,而不是在他们的面前,为他们的利益而努力,而不是在他们的身边,才是为了给他们带来的,是的的的的的的的 EN: are feeling that our life has become better and better. ZH_REF: 我们党的领导下,日子会越来越好。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(我们)的意思是,我们的生活方式是,他们的缺点是,它是在为你带来的,而不是在那里,它是为了让人更多的,而不是在我们的时候,这是对的,对你的影响 EN: According to our news, tomorrow, People's Daily will release a commentary titled starting a new journey of building a socialist modern country ZH_REF: 本台消息,明天出版的人民日报发表评论员文章开启全面建设社会主义现代化国家新征程,五论学习贯彻党的 -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................. EN: Today, the CPC International Liaison Department holds a briefing meeting for interpreting the essence of the 19th CPC National Congress to ZH_REF: 中联部今天举办专题吹风会,面向一百五十多个国家的驻华使节以及国际组织、外国企业代表 -ZH_HYP: 1.. +ZH_HYP: 但是,在这一情况下,我们将为自己的事业做出贡献,而不是为他们提供了一个机会,而不是在他们的面前,才是为了让人感到羞耻,那是对他们的看法,而不是在他的身上,也是对的。 EN: the envoys of more than 150 countries in China, international organizations and delegates of foreign enterprises. ZH_REF: 解读中国共产党第十九次全国代表大会精神。 -ZH_HYP: 1.. +ZH_HYP: (一)“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。。 EN: The envoys present at the briefing noted that, the 19th CPC National Congress is of great significance ZH_REF: 出席吹风会的驻华使节们表示,中共十九大意义重大 -ZH_HYP: 1.. +ZH_HYP: 4.在对这个问题的研究中,我们是有可能的,因为它是由谁来的,而不是在他们的中,才会被人所为,而不是在他的身上,而是在他的身上,是为了保护自己的 EN: The congress has proposed Xi Jinping Thought on Socialism with Chinese Characteristics for a New Era and set forth a series of important strategic measures that accord with China's reality. It has not only given a specific direction for development of China ZH_REF: 大会提出了习近平新时代中国特色社会主义思想,提出了一系列符合中国实际的重大战略举措,不仅为中国的发展指明了方向 -ZH_HYP: 1.. +ZH_HYP: (一)中英文的意思是:“我们的选择是,它的力量和它的联系,是为了使自己的人生而变得更有价值的,”他说,“我是在为你所做的事”的的的的的的的的的的的 EN: but also made a profound and lasting influence for the peace, prosperity and development of the world ZH_REF: 也将对世界和平、繁荣与发展产生深远影响 -ZH_HYP: 1.. +ZH_HYP: "(四)为使我们的事业变得更加安全,而不是为了使其成为一种危险,而不是为了使其成为一种危险,而不是为了使他们的力量而被人所包围,而不是在其他地方,也是为了使我们的人更多的 EN: Wulong District, Xiushan Autonomous County of Tujia and Miao Nationalities, Nanbu County and Guang'an District of Sichuan Province, Chishui City of Guizhou Province, Chengguan District, Yadong County, Karuo District, Bayi District and Naidong District of Tibet Autonomous Region ZH_REF: 武隆区、秀山土家族苗族自治县,四川省南部县、广安区,贵州省赤水市,西藏自治区城关区、亚东县、卡若区、巴宜区、乃东区 -ZH_HYP: 1.. +ZH_HYP: (四)中英文对照表演出,中的,有的,是的,是由国家的,有的,是的,是的,是的,是在乡下的,是在中国的地区,是在省、县、县域的,是的, EN: and Lankao County of Henan Province, people in 28 poverty-stricken counties in rural areas have been lifted out of poverty. ZH_REF: 和河南兰考县,全国已有二十八个贫困县脱贫摘帽。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的名字是:“你的生活在哪里,”他说,“我们的生活在哪里,就像在了,你就会被人的伤害了。的了了了了了了”””的的的的的的”””””””””” EN: The exit of poverty-stricken counties needs to pass the preliminary verification, secondary verification and special inspection for assessment. ZH_REF: 贫困县退出需要通过初核、复核和评估专项检查。 -ZH_HYP: 1.. +ZH_HYP: (一)如果有,就会有可能被遗漏,而不在其他国家,则是在进行中,以使其被证明,并以其方式为其提供的服务,而不是在(i)------------------ EN: Only those which have no objection during the publicity can exist from the list of poverty-stricken counties. The exit standard is also stringent. ZH_REF: 公示无异议才能退出,退出标准也十分严格。 -ZH_HYP: 1.. +ZH_HYP: (一)在这一过程中,我们的处境是不可能的,因为他们是在不惜的,而不是在他们的身上,而是在他们的身上,也是为了保护自己的力量而去的,而不是太多了。的了了了了了了了了了了了了了了了 EN: If poverty incidence is lower than 2% and 3%, 2% of them are exited by mistake or missing in listing, 90% recognized by the mass, can a poverty-stricken county exist from the list of poverty-stricken counties. However, any one of the four indexes can vote down. ZH_REF: 贫困发生率如果低于百分之二和百分之三的,错退率、漏评率低于百分之二的,群众认可度高于百分之九十的同意它退出,但是这四个指标都是单一的否定指标。 -ZH_HYP: 1.. +ZH_HYP: 如果有一个人的年龄,就会被人忽视,而不是在其他地方,就像这样的人,他们的生活就会变得更糟了,因为你的人就会被人死了,而你的人却在乎了了了了了了了了了的的的 EN: After the poverty-stricken counties are lifted out of poverty, relevant policies, supports and measures shall be continued for them. ZH_REF: 贫困县脱贫后不脱政策、不脱帮扶、不脱措施。 -ZH_HYP: 1.. +ZH_HYP: 5.在受影响的地区,由于经济不平衡,我们的处境也是不可能的,因为他们的生活方式是在他们的,而不是在那里,他们的工作是为了得到的,而不是在那里,要么是为了得到更多的保护 EN: Today, Ministry of Human Resources and Social Security releases that 10.97 million new jobs have been created in the first three quarters, up by 300,000 year on year. ZH_REF: 今天,人力资源和社会保障部公布前三季度全国城镇新增就业一千零九十七万人,同比增加三十万人。 -ZH_HYP: 1.. +ZH_HYP: 4.在对社会的影响下,工作的发展和经济的发展,是一种不平等的,是在过去的一年中,有了3000人的损失,而这是在新的(e)中,有的是,在这方面,我们都有了 EN: The Purchasing Manager's Index (PMI) of Chinese manufacturing industry in October is 51.6%, maintaining a high level of more than 51% for 13 months in row. ZH_REF: 十月份中国制造业采购经理指数为百分之五十一点六,连续十三个月保持在百分之五十一以上较高水平。 -ZH_HYP: 1.. +ZH_HYP: (p)(一),这是一种不稳定的商品,而在其他方面,我们也是在(一),而不是在10年中,它是由高利的,而不是在(或)的情况下,它的意思是什么?了了了 EN: The industries with high energy consumption and high pollution decline by 2 percentage points while hi-tech industry, equipment manufacturing industry and consumer products industry keep growing steadily and quickly. ZH_REF: 高耗能、高污染行业下降超两个百分点,而高技术产业、装备制造业和消费品行业保持平稳较快发展。 -ZH_HYP: 1.. +ZH_HYP: 在所有的情况下,都是一个大的,是在经济上的,是不可能的,因为它是在不断成长的,而不是在上,还是要用的,而不是在(或)上,让人更多的,是的,是的。 EN: China Insurance Regulatory Commission noted that, from November 1, Interim Measures for Administration of Traceability for Insurance Sales Behaviors will be officially put into implementation as of November 1, specifying that the telemarketing businesses shall be performed with whole-process sound recording for all the types of insurance. ZH_REF: 保监会表示,从十一月一号起正式实施《保险销售行为可回溯管理暂行办法》,明确电话销售业务应实施全险种、全过程录音。 -ZH_HYP: 1.. +ZH_HYP: 在美国,对所有的交易都是如此,因为它是由一个人的,而不是在所有的情况下,它是由一个人的,它的意思是,它的意思是“对的,”他说,“你的意思是什么?了了了了了”””””””” EN: A provincial-level party committee is established for profession of law. ZH_REF: 成立省级律师行业党委。 -ZH_HYP: 1.. +ZH_HYP: (a)(一)为"一",",",",",",",",",",",",",",",",",",",",",",",",",",",","""""" EN: Recently, CCTV and FIFA jointly announced that CCTV has obtained ZH_REF: 近日,中央电视台和国际足联共同宣布,中央电视台获得二零一八至二零二二年国际足联各项赛事 -ZH_HYP: 1.. +ZH_HYP: ------------------------------------------------------------------- EN: an exclusive full-media copyright of FIFA events in Chinese mainland in 2018-2022. ZH_REF: 在中国大陆地区的独家全媒体版权。 -ZH_HYP: 1.. +ZH_HYP: 2.a................................................................. EN: The events contained in the contract include the 2018 Russia FIFA World Cup and the 2022 Qatar FIFA World Cup etc. ZH_REF: 本次合约包括的赛事有二零一八年俄罗斯世界杯、二零二二年卡塔尔世界杯等。 -ZH_HYP: 1.. +ZH_HYP: 4.5.在任何情况下,都应被视为是为了使其成为贸易,而在2002年之前,它是由其所取代的,而不是在国际上,也是为了达到目的而被淘汰的。了 EN: Around 3 o'clock of the day, a man drove a pickup truck to bump against many people on the highway close to the new WTC, a landmark of New York. ZH_REF: 当天下午三点左右,一名男子驾驶一辆皮卡在纽约地标新世贸中心附近道路上连撞多人。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是指的是,他们的手势都是在用的,把他们的钱包给了,是在他们的上司,而不是在那里,是在给他们的,是的,是的,是的。 EN: This is a terrorist attack. ZH_REF: 这是一起恐怖袭击。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................ EN: According to media report, the man declared to launch the attack in the name of an extreme organization. ZH_REF: 据媒体报道,此人宣称以极端组织名义发动袭击。 -ZH_HYP: 1.. +ZH_HYP: 在任何情况下,都是指甲,是由“大”的,在我的中,是,是的,是的,是的,是的,是的,是的,是的,是对的,是对你的,对你的影响了 EN: It is an expressway on the west side of Manhattan. ZH_REF: 这是曼哈顿的西侧的一条快速路。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................ EN: It is equivalent to a ring road we usually mention at home. It usually allows fast access. It is just ahead not far away. You can find it. ZH_REF: 相当于我们国内常说的环路,它是能够经经常能够快速通过的,就在前面不远的地方大家可以看到 -ZH_HYP: 1.. +ZH_HYP: (英译汉)()(),我们的意思是,你是在不喜欢的,也是在不可能的,你也会有的,因为你的心都是在的,而不是为了给别人带来的,那就会让你的心烦起来 EN: It is still blockaded by police, so that area is not accessible for us. ZH_REF: 仍然被警察封锁着,那个区域我们是无法跨入。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)()(),我们的东西是在不可能的,因为它是在我们的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: After the attack occurred, the police of New York has put more forces and resources ZH_REF: 袭击发生后,纽约警方已投入更多警力和资源 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的错误,是,他们的目的是为了使他们的工作变得更糟,而不是为了他们的利益而去,而不是在那里,要么是为了保护他们的,而不是太多了,因为你的意思是什么?了了 EN: to ensure the security of citizens. ZH_REF: 保证市民安全。 -ZH_HYP: 1.. +ZH_HYP: (4).............................................................. EN: The US president Trump said more efforts would be made for dealing with the review of immigrants. ZH_REF: 美国总统特朗普表示,进一步加强对外来移民的审查工作。 -ZH_HYP: 1.. +ZH_HYP: (美英)(一),我们的意思是,他们的意思是,要把它的东西弄到,也是为了让自己摆脱困境,而不是为了让自己的心想而去,因为它是对的,而不是最需要的,而是要用的 EN: Next, let's watch international express. ZH_REF: 接下来看国际快讯。 -ZH_HYP: 1.. +ZH_HYP: (b)(一),我们的处境,是为了使自己的处境更加危险,而不是为了使自己的处境变得更容易了,而且也是为了让他们的服务而去,因为它是对的,而不是在我们的上司,而是要在那里的 EN: On November 1, Russian President Vladimir Putin paid a visit to Iran. During his visit, he will focus on consultation with Iran leaders on the Syrian crisis and cooperation of both countries in energy. ZH_REF: 十一月一号,俄罗斯总统普京到访伊朗,访问期间将重点与伊朗领导人磋商叙利亚危机以及两国的能源合作。 -ZH_HYP: 1.. +ZH_HYP: 19.1.在对朝鲜进行的攻击,他的观点是,在一个国家的范围内,为自己的利益而努力,而不是在他们的面前,也是为了应付的,而不是在其他方面,而是要在那里的 EN: Both Rusia and Iran support Syria's government of President Bashar al-Assad. ZH_REF: 俄伊两国均支持叙利亚巴沙尔政府。 -ZH_HYP: 1.. +ZH_HYP: 4.a.............................................................. EN: Recently, Iran and USA are in diametrical opposition to each other. ZH_REF: 近期,伊朗与美国在伊核问题上针锋相对。 -ZH_HYP: 1.. +ZH_HYP: 4.a............................................................... EN: The outside world is very concerned about Russia's attitude on this issue. ZH_REF: 外界也非常关注俄罗斯在此问题上的态度。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在这方面,我们都是不可能的,因为他们的事,是为了使他们的心智而变得更糟,而不是在他们的身边,而不是在那里,是为了让人感到很好的 EN: Then Abe formed a new cabinet, with all the original cabinet ministers staying on. ZH_REF: 安倍随后组建了新一届内阁,原有阁僚全部留任。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个大的,是,他们的目的是为了让他们的利益而去,而不是在他们的面前,把它放在一起,把它放在一边,把它放在一边,好吗?的了了的了了了了了了了 EN: At the election of the House of Representatives held on October 22, the ruling alliance composed of Liberal Democratic Party (LDP) and Komeito obtained more than two thirds of seats. ZH_REF: 在十月二十二号举行的众院选举中,自民党和公明党组成的执政联盟获得超过三分之二议席。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有一名片人被人视为是为了他们的利益而被人所包围,而这是由他们所组成的,他们的利益是由他们所控制的,而不是在(e)上,而不是在那里,是了 EN: The Central Military Commission held a ceremony for promoting high-ranking officers to the military rank of general. Xi Jinping issued a writ to Zhang Shengmin who was promoted to the military rank of general and expressed his congratulation to him. ZH_REF: 中央军委举行晋升上将军衔仪式,习近平向晋升上将军衔的张升民颁发命令状并表示祝贺。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,军事人员的总参谋是为了使他的人在为难的,而不是为了自己的事,而他们的态度是,他的事业是为了给他带来的,而不是为了给他带来的,那就太多了 EN: At the invitation of president Xi Jinping, the US president Trump will pay a state visit to China. ZH_REF: 应国家主席习近平邀请,美国总统特朗普将对我国进行国事访问。 -ZH_HYP: 1.. +ZH_HYP: 在他的身材里,我的心都是由我的,而不是,他们都是为了让我来的,是为了让他们的,而不是在我的上司,还是要把它的东西弄得太多了了了了了了了了了 EN: The CPC Central Committee made a decision on earnestly studying, propagating and implementing the essence of the 19th CPC National Congress. ZH_REF: 中共中央做出关于认真学习宣传贯彻党的十九大精神的决定。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在我们的作品中,必须是一种很好的方法,在他们的作品中,为自己的行为而去,而不是在它的中,它是由谁来的,而不是在说谎的时候,的的 EN: General Secretary Xi Jinping led the members of the Standing Committee of the Political Bureau of the CPC Central Committee ZH_REF: 习近平总书记带领中共中央政治局常委 -ZH_HYP: 1.. +ZH_HYP: [1]中的一个问题是,我们的立场是,从某种意义上讲,它是为了让自己的力量而去,而不是为了让他们的力量来实现,而不是在我的上司中去,因为它是由你所做的 EN: to pay respect to the 1st National Congress of the CPC and the red boat on South Lake for announcing the firm political belief of the new generation of Party leadership. The move has greatly built up the inner strength of the numerous Party members and cadres in remaining true to our original aspiration, keeping our mission firmly in mind and ZH_REF: 瞻仰中共一大会址和南湖红船,宣示新一届中央领导集体的坚定政治信念,极大凝聚起广大党员干部不忘初心、牢记使命 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在“大”的过程中,我们将从“中”和“中”的“”,为之提供了一个新的、更多的力量,使我们的力量和力量在一起,而不是在我们的力量上 EN: working hard forever. The 30th Meeting of the Standing Committee of the 12th National People's Congress held a joint group session for consideration and special inquiry on implementation of Law on the Prevention and Control of Pollution Caused by Solid Wastes. ZH_REF: 永远奋斗的精神力量,十二届全国人大常委会第三十次会议举行联组会议,审议并专题询问固体废物污染环境防治法实施情况。 -ZH_HYP: 1.. +ZH_HYP: (一)在这一过程中,我们的工作是由一种而非凡的,它的组成,使其成为一种危险的,而不是在其上,还是要对其进行控制,以便对其进行保护,使其免受汇率的影响。 EN: It was included into the safety resolution of the United Nations General Assembly. ZH_REF: 首次载入联合国大会安全决议。 -ZH_HYP: 1.. +ZH_HYP: (a)为使人的安全,而不是在我们的情况下,也是为了使他们的心智而变得更容易,因为他们的工作是由你来的,而不是在那里,他们都是为了得到的,而不是为了给别人带来的 EN: Next, please watch the details. ZH_REF: 接下来请您收看详细内容。 -ZH_HYP: 1.. +ZH_HYP: b................................................................ EN: The ceremony for the Central Military Commission in promoting high-ranking officers to the military rank of general was held on November 2 in the August 1st Building of Beijing. ZH_REF: 中央军委晋升上将军衔仪式十一月二号在北京八一大楼隆重举行。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的任务是为了使他们的事业变得更美好,而不是在他们的中,才是为了赢得胜利,而不是在他们的中,才是为了给我的,而不是在那里,是的,是的。了 EN: At 4:30 p.m., the ceremony for promotion was started with the solemn national anthem. ZH_REF: 下午四时三十分时晋衔仪式在庄严的国歌声中开始。 -ZH_HYP: 1.. +ZH_HYP: (4)a............................................................... EN: The vice chairman of the Central Military Commission Xu Qiliang read out the xxx signed by the chairman of the Central Military Commission Xi Jinping ZH_REF: 中央 中央军委副主席许其亮宣读了中央军委主席习近平签署的 -ZH_HYP: 1.. +ZH_HYP: 在本阶段,我们的主要任务是,从一开始就把它的全部撤退到了,而不是在他们的中,就像在了中途中,把它的意思和好的东西都给了我的信,给了他的信赖 EN: Group photo ZH_REF: 合影留念 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,在我们的后面,他们是由衷的,是,他们是在一起,是为了得到的,而不是为了得到的,而不是在那里,要么是为了让别人的事而去掉,要么是在(e) EN: The members of the Central Military Commission Wei Fenghe, Li Zuocheng, Miao Hua and heads of departments under the Central Military Commission and leaders above deputy heads of theatre from large units in Beijing etc. ZH_REF: 中央军委委员魏凤和、李作成、苗华,以及军委机关各部门领导和驻京大单位副战区职以上领导等 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,大夫,是我们的,是为了控制着他们的,而不是在他们的面前,在那里,和他们的力量,在那里,是我的副总裁,而不是在那里,是为了赢得了 EN: According to our news, at the invitation of president Xi Jinping, the president of the United States of America Donald Trump will pay a state visit to China on November 8-10. ZH_REF: 本台消息,应国家主席习近平邀请,美利坚合众国总统唐纳德·特朗普将于十一月八日至十日对中国进行国事访问。 -ZH_HYP: 1.. +ZH_HYP: 在美国的一个大的部分,这是在美国的,是在为我们的,而不是在美国,他们的意思是,他们的意思是,要把它给的,是的,是的,是的,是的,是的。了了 EN: By that time, the heads of the two countries will carry out an in-depth exchange on sino-American relation and the major regional and international issues of common concern. ZH_REF: 届时,两国领导人将就中美关系和共同关心的重大国际与地区问题深入交换意见。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,我们的国家,是有可能的,而不是在他们的中,是为了得到的,而不是在他们的身边,而不是在那里,还是要把它的保护起来.的了了了了了了 EN: Inject new strong impetus ZH_REF: 注入新的强劲动力 -ZH_HYP: 1.. +ZH_HYP: (一)(一),可惜一切,可惜一切,也不在意,因为他们的意思是,他们的意思是,他们的意思是,要把它放在一边,还是要把它的意思弄得太平了了了了了了了了了了了了了 EN: Overall situation of the Party and the state, has a direct bearing on the long-term development of the socialist cause with Chinese characteristics and the interests of the great majority of the people ZH_REF: 党和国家工作全局,事关中国特色社会主义事业长远发展,事关最广大人民根本利益 -ZH_HYP: 1.. +ZH_HYP: (四)所有的人都是有的,也是不可能的,因为它是在为我们带来的,而不是在他们的中,才是为了得到的,而不是在别人身上的,而是在他的身上,是什么?的的的的的的的的的 EN: persist in the confidence of the road, theory, system and culture, realize such three historic missions as pushing forward the modernization drive, accomplishing the reunification of the motherland, upholding the world peace ZH_REF: 坚定道路自信、理论自信、制度自信、文化自信,为实现推进现代化建设、完成祖国统一、维护世界和平 -ZH_HYP: 1.. +ZH_HYP: (四)为使人的生活变得更加复杂,而在我们的工作中,我们也会有机会,在他们的面前,为自己的力量提供了一个新的、更有价值的、有的、有的、有的、有的、的的 EN: and promoting the common development of all nations, make more efforts in building a moderately prosperous society in all respects and win a great victory of socialism with Chinese characteristics for new era ZH_REF: 与促进共同发展三大历史任务,为决胜全面建成小康社会、夺取新时代中国特色社会主义伟大胜利 -ZH_HYP: 1.. +ZH_HYP: 在所有的情况下,都是为了使我们的事业变得更加美好,而不是在努力,使他们的事业变得更加美好,而不是在为他们的事业中,而不是在一起,而是为了达到最高目的而去做的事 EN: To make continued efforts in realizing the Chinese Dream of the rejuvenation of the Chinese nation and achieving the people's aspiration for a better life is of great importance both in reality and in history. ZH_REF: 实现中华民族伟大复兴的中国梦、实现人民对美好生活的向往继续奋斗,具有重大现实意义和深远历史意义。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】我的意思是,我们的生活是为了使自己的事业变得更有价值,而不是在为自己的事业而努力,而不是在那里,也是为了让人知道的,那是我的意思了了了了 EN: The Decision pointed out that we shall fully and accurately study and comprehend the essence of the 19th CPC National Congress, have a thorough knowledge of the theme of the 19th CPC National Congress and Xi Jinping Thought on Socialism with Chinese Characteristics for a New Era ZH_REF: 《决定》指出,要全面准确学习领会党的十九大精神,深刻领会党的十九大的主题,深刻领会习近平新时代中国特色社会主义思想的 -ZH_HYP: 1.. +ZH_HYP: 这篇文章是,我们的努力将是一个很好的问题,因为它是对世界的影响,而不是在经济上,而是在国家和国际上都有了一个大的教训,而这是对中国的看法的最重要的 EN: March towards the realization of the goal for the first century and the second century and thoroughly understand the socialist economic and political advancement ZH_REF: 实现第一个百年奋斗目标和向第二个百年奋斗目标进军,深刻领会社会主义经济建设、政治建设 -ZH_HYP: 1.. +ZH_HYP: 3.4.为使我们的经济发展成为一个更加复杂的、有意义的、有的、有的、有的、有的、有的、有的、有的、有的、有的、有的、有的、有的 EN: An important plan for diplomacy, fully understand the major deployment in exercising self-discipline inside the Party in an unswerving and all-around manner. ZH_REF: 外交工作的重大部署,深刻领会坚定不移全面从严治党的重大部署。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是对我们的,是为了使自己的处境更加安全,而不是为了使他们的处境更加危险,而不是在他们的面前,才会被人所为,而不是在那里,要么是对的,是对我们的最重要的 EN: The Decision pointed out that we shall earnestly carry out the study and publicity of the essence of the 19th CPC National Congress ZH_REF: 《决定》指出,要认真做好党的十九大精神的学习宣传 -ZH_HYP: 1.. +ZH_HYP: 4.这条规定,对我们的影响,是指在我们的国家里,是为了使自己的事业变得更有价值,而不是在他们的面前,才会有多大的,而不是在别人身上的,是对的,是对的,对你来说是最重要的 EN: Deal with learning and training properly, strive to launch the propaganda campaign, carefully organize the press publicity and the studying and interpretation. ZH_REF: 切实抓好学习培训,集中开展宣讲活动,精心组织新闻宣传,认真组织研究阐释。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),在做作业时,也可以用“”的方式来进行,而不是在乎,而是在为自己的方向上,而不是在乎的,是的,是的,是的,是的,是的,是的。 EN: We shall carry forward the academic atmosphere of linking theory with practice ZH_REF: 要弘扬理论联系实际的学风 -ZH_HYP: 1.. +ZH_HYP: (b)【句意】(我们)的意思是,我们的人都是为了让自己的力量而努力,而不是为了让自己的力量去追逐别人的事,而你也会被人所受的影响的的的的的的 EN: Effectively improve the capacity of solving the problem and advancing the development. ZH_REF: 切实提高解决问题、推动发展的能力。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),在不可能的情况下,我们的愿望是,在不可能的情况下,为自己的利益而努力,而不是为了使他们的发展而变得更有价值的东西,而不是在其他地方,还是要把它放在一边,还是要紧 EN: We shall earnestly strengthen the organizational leadership and urge Party committees (leading party groups) at all levels to assume the responsibilities of leadership ZH_REF: 要切实加强组织领导,各级党委(党组)要切实负起领导责任 -ZH_HYP: 1.. +ZH_HYP: (一)为使我们的事业更加公正,而我们的国家则是为了使自己的利益而变得更加危险,而不是在(或)上,而不是在(d)上,让我们来回,因为它是由你所承担的, EN: Firmly grasp the correct orientation and focus on making it more attractive and influential. ZH_REF: 牢牢把握正确导向,着力增强吸引力感染力。 -ZH_HYP: 1.. +ZH_HYP: 5.如果你的意思是,那是个很不容易的事,是为了让自己的人感到厌倦,而不是为了让他们的工作而变得更有魅力,而不是在别人的时候,也是为了得到的,是对的,而不是对我们的影响 EN: All the regions and departments shall report the situation on studying, propagating and implementing the essence of the 19th CPC National Congress to ZH_REF: 各地区各部门要及时将学习宣传贯彻党的十九大精神的情况 -ZH_HYP: 1.. +ZH_HYP: (四)在任何情况下,都应以不适当的方式进行,并使之成为一个不对之处,而不是为其提供所需的服务,而这是对其进行的,是对国际秩序的影响,是是的的的的的的的的的的的的的的的的 EN: the the Party Central Committee promptly ZH_REF: 报告党中央 -ZH_HYP: 1.. +ZH_HYP: (四)为使之成为一个不稳定的,是为了使之成为一个不稳定的,而不是在他们的面前,为他们的利益而去,因为他们的意思是在他们的上方,而不是在那里,是为了保持沉默的 EN: So long as the whole Party and the people of all ethnic groups in the country unit as one and work hard, the gigantic ship for realizing the great rejuvenation of Chinese nation can, without question, brave the wind and waves and sail to the brilliant destination triumphantly. ZH_REF: 只要全党全国各族人民团结一心、苦干实干,中华民族伟大复兴的巨轮就一定能够乘风破浪,胜利驶向光辉的彼岸。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是个谜语,是为了使人的心智而变得更加困难,而不是在中国,他们都是为了让人感到厌倦,而不是在高处,而不是在高处,而是要走的路 EN: The remarks made by the general secretary have gathered ZH_REF: 总书记的话语极大的凝聚起了 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,我们的处境是,从表面上看,是,你的东西是在用的,而不是在那里,也是为了让别人的,而不是为了更多的,而不是为了让人感到厌倦了 EN: the confidence and strength of the people across the country in remaining true to our original aspiration, keeping our mission firmly in mind and struggling in an unswerving way. ZH_REF: 全国人民不忘初心、牢记使命、矢志奋斗的信心和力量。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】我们的意思是,我们的人在为自己的事业而努力,而不是为了让自己的利益而感到羞耻,因为他们的行为是在为你的,而不是在我们的身边,而是在他的身边 EN: From the stone-gate buildings with great vicissitudes to a red boat on South Lake, Jiaxing, the Communist Party of China was born here ZH_REF: 从饱经沧桑的石库门建筑,到嘉兴南湖的一叶红船,中国共产党从这里诞生 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这条路是由大连的,在我们的中,是在为自己的,是为了使他们的,而不是在他们的上司,而不是在那里,是为了让人感到厌倦了的 EN: The 19th CPC National Congresses has drawn a splendid blueprint for the development cause of the Party and the state and ushered in a brand new era. ZH_REF: 党的十九大,擘画了党和国家事业发展的宏伟蓝图,开启了一个崭新的时代。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,有一个人的名字,是为了使自己的事业变得更有价值,而不是在他们的身边,而是在他们的面前,为自己的事业而去,而不是在别人身上,也是为了给别人带来的,是对的 EN: On October 31, General Secretary Xi Jinping led the members of the Standing Committee of the CPC Political Bureau to visit the site of the 1st National Congress of the CPC ZH_REF: 十月三十一号,习近平总书记带领中央政治局常委瞻仰了一大会址 -ZH_HYP: 1.. +ZH_HYP: 10.4.在对大片的影响下,我们的工作是由一个人组成的,而不是在他的前厅里,才是为了让他们的利益而去,而不是在那里,是为了给他的人 EN: The new collective leadership returned to the birthplace of the Party, which has also started a great earthshaking cause for revitalizing the nation in a new era. ZH_REF: 新的领导集体又回到党的诞生地,也开启了我们新时代惊天动地的民族复兴的,一个伟大事业。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是对我们的共同之处,也是为了使他们的事业变得更容易,因为他们的事业是为了使他们的事业而变得更多的,而不是在我们的身边,要么是在(e)的的的的的的的的的的的的的的的的 EN: Make a due contribution to building a beautiful China in confidence, in the past days, the memorial of the 1st National Congress of the CPC in Shanghai ZH_REF: 建设美丽中国的信心,为建设美丽中国做出我们应有的贡献,这两天,上海中共一大会址纪念馆 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在我们的中,有的是,它的人,是为了使自己的心智而变得更有价值,而不是在某处,在那里,为你的人提供了一个好的、有的、有的、有的 EN: has greeted a lot of visitors, who expressed their willing to follow the footsteps of the new collective leadership, study the history of the Party and go over the oath for joining the Party. ZH_REF: 迎来了大批参观群众,大家表示要紧随新一届党中央领导集体的脚步,学习党的历史,重温入党誓词。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在这方面,我们的作品将是由他们来的,而不是在他们的面前,他们的愿望是为了让人在比赛中获得更多的东西,而不是在高处,而不是在那里,而是要在那里 EN: As we once came here and also took an oath, we were extremely motivated when we found President Xi also came here. It seemed to enhance the morale of the people. So, after discussing with each other, we decided to pay another visit so that we could review the procedure of making a vow here. I am so excited today. ZH_REF: 因为我们以前来过,也在这宣誓过,看了这个习主席来了以后也特别振奋,好像人一下很鼓舞很鼓舞人士气的,所以我们老两口商量今天一定要再去一趟,再重温一下我们当时在这宣誓的过程,所以今天来了以后心情很激动的。 -ZH_HYP: 1.. +ZH_HYP: 在我们的时候,我们都是这样的,但在我们的身边,就像一个人,也是为了让人感到厌倦,所以我们得把它当成,让我们来看看你的事,那就像你的一样,也是这样的。 EN: Even I am not in good heath, but my husband promised to support me for the visit. ZH_REF: 虽然我身体不太好,他说我拽着你也去。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)............................................................... EN: In this case, I come here together with him. ZH_REF: 我就跟着他一起来了,我们可以说 -ZH_HYP: 1.. +ZH_HYP: 如果你是在,我们就会被人的,是的,是的,是的,是的,是的,是的,是的,是为了使自己的力量而去,而不是太多了,因为他是在一起的,是对的,是的。 EN: We joined the Party since the first year we entered the college. We have a firm belief. A person shall have such an idea and keep such a firm faith which shall bedeeply rooted in his heart. ZH_REF: 就就从一进大学开始入党,就信念就非常的坚定,人总是心中还是要有这样的这样的想法,就是要坚定这样的信念,扎根在心里。 -ZH_HYP: 1.. +ZH_HYP: (美国)(这篇)是我们的,是的,我们的愿望是,从他们的角度来,为自己的事业而来,而不是在那里,也是为了让自己的力量而努力,而不是在那里,那是对的 EN: Only in this way can we offer better service for the country after we start to work in an organization. ZH_REF: 我觉得才能以后更好的不管是走上工作岗位还是怎么样,才能更好地为社会为国家服务。 -ZH_HYP: 1.. +ZH_HYP: (英译汉).............................................................. EN: Before a huge Party flag at the site of the 1st National Congress, General Secretary Xi Jinping led other members of the Standing Committee of the Political Bureau to go over the oath for joining the Party. ZH_REF: 在一大会址巨幅党旗前,习近平总书记带领其他常委同志集体重温入党誓词。 -ZH_HYP: 1.. +ZH_HYP: 在任何情况下,都是由一个人组成的,而不是由它的,在那里,他们都是为了得到的,而不是在他们的面前,才会给他们带来的,而不是在别人身上的。的了了了了了了的的的的的的的 EN: The general secretary said, “it is not hard to remember the oath, but it is difficult to hold fast to it for life. " ZH_REF: 总书记说:入党誓词记住并不难,难的是终身坚守。 -ZH_HYP: 1.. +ZH_HYP: 4.5."在",",",",",",",",",",",",",",",",",",",",",",",",",",",",",""""""" EN: The saying made Zhang Liming on the spot deeply moved. ZH_REF: 这句话,让当时在场的张黎明深有感触。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),在不影响的情况下,我们的货物是用的,在那座上,用绳子来进行,以使自己的心跳得更高,而不是在(或)上,这是对的,是的,是的。 EN: Joining the Party is very simple, but it is very difficult for you to conform to it for life. You need to make a great sacrifice. So, I feel that the Party Central Committee with Comrade Xi Jinping as the core has set a model for us, ZH_REF: 一次入党是非常简单的,但是你要做一辈子按照这个做一辈子是非常非常困难的,是要做出巨大牺牲的,所以说我我觉得以习近平同志为核心的党中央,为我们做出了榜样,为我们 -ZH_HYP: 1.. +ZH_HYP: (4)................................................................ EN: The oath is just a mirror, on which we shall check ourselves frequently for rectifying our shortcomings, tempering our Party spirit and interpreting the belief in our heart through our concrete actions. ZH_REF: 入党誓词是一面镜子,只有经常加以对照,以此修身正己锤炼党性,始终以实际行动诠释心中的信仰。 -ZH_HYP: 1.. +ZH_HYP: (美)(4)............................................................ EN: With the Indomitable fighting spirit, and the sacrifice spirit of dedication to work for the public and assuming power for the people, the 19th CPC National Congress has started a new journey of the course of the party and our country. All the Party members and cadres said that they would, from the brilliant history of the Party, ZH_REF: 百折不挠的奋斗精神,立党为公忠诚为民的奉献精神党的十九大开启了党和国家事业的新征程,广大党员干部表示,要从党的光辉历史中 -ZH_HYP: 1.. +ZH_HYP: 在这个过程中,我们的性格是很有价值的,因为它是一种无情的,而非凡的,是的,是的,是的,也是为了赢得了他们的胜利,而不是在他的身边,而不是在美国的 EN: draw strength of struggling, bear the original aspiration and mission in mind, unit as one, work hard, and thoroughly comprehend the essence of the 19th CPC National Congress ZH_REF: 汲取奋进的力量, 牢记共产党人的初心和使命,团结一心、苦干实干,真正把十九大精神学懂弄通 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,在我的生活中,你是为了得到的,而不是在他的中,是为了得到的,而不是在他的身边,还是要把它的意思和联系 EN: To witness the scene, I feel more promising and more energetic. Next, we shall keep on learning and understanding ZH_REF: 就在眼前更嗯感觉更有希望,那个动力更足,我们接下来的工作咧就是不断地学习,不断地去领会。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】我的意思是,我们的生活在一起,是为了让自己变得更多,而不是在自己的身边,也是为了让人感到厌倦,而不是在那里,还是要把它的意思和联系在 EN: While comprehending, we also need to put it into practice. ZH_REF: 领会的同时还要去实践。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)............................................................... EN: After Entering a new era, to carry out the new guidelines and start a new journey, we must give our firm support ZH_REF: 进入新时代,贯彻新思想,踏上新征程,我们一定坚决拥护。 -ZH_HYP: 1.. +ZH_HYP: 在这个过程中,我们的性格是由一个人的,而不是,而是为了让自己的力量而去,而不是在他们的面前,把它给的,是的,是的,是的,是的,是的,是的,是的。 EN: to the Party Central Committee with Comrade Xi Jinping as the core ZH_REF: 以习近平同志为核心的党中央 -ZH_HYP: 1.. +ZH_HYP: (一)(一)............................................................. EN: We believe ZH_REF: 我们相信 -ZH_HYP: 1.. +ZH_HYP: (美)(一),我们的,是,是为了使自己的心从容中,为自己的力量而非凡的,是为了使自己的力量而去,而不是为了使他们的力量而变得更多的了了了了了了 EN: The 30th Meeting of the Standing Committee of the 12th National People's Congress held a joint group meeting at the Great Hall of the People in Beijing on the afternoon of the 2th. ZH_REF: 十二届全国人大常委会第三十次会议二号下午在北京人民大会堂举行联组会议,结合审议全国人大常委会执法检查组 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一)一、二、三、一、二、三、四、五、三条等.的的的的的的的的的的的的的的的的的的的的的的的的的的的的的的的的的的的的 EN: Zhang Dejiang said, General Secretary Xi Jinping pointed out in the report of the 19th CPC National Congress that building an ecological civilization is a major program of millennium for ensuring the lasting and sustainable development of the Chinese nation, ZH_REF: 张德江说,习近平总书记在十九大报告中指出,建设生态文明是中华民族永续发展的千年大计 -ZH_HYP: 1.. +ZH_HYP: (一)(一),中国的口号是,“我们的经济”是“从”的角度,它是对世界的一个重要的,它的发展也是为了在国家的中,而不是在那里,它是为了保护自己的的的的的 EN: highlighting that more efforts shall be made in improving solid waste and refuse disposal. ZH_REF: 强调要加强固体废弃物和垃圾处置。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(我们)的意思是,我们的工作是为了使自己的事业变得更糟,因为他们的事也是为了得到的,而不是为了给别人的服务而去,因为它是在我们的时候了,这是对的 EN: We shall build up and carry out the concept that beautiful scenery is the gold and silver mines. ZH_REF: 我们要树立和践行绿水青山就是金山银山的理念 -ZH_HYP: 1.. +ZH_HYP: (a)为我们提供了一个更美好的机会,而不是从表面上的,是在为他们提供的东西,而不是在他们的上,是在为你的,而不是在那里,也是为了保护自己的的的的的的的的的的的的的的的的 EN: Comprehensively implement the Law on the Prevention and Control of Pollution Caused by Solid Wastes, solve pressing problems related to environment, win the war against pollution prevention and control, ZH_REF: 全面贯彻实施固体废物污染环境防治法,着力解决突出环境问题,坚决打赢污染防治攻坚战 -ZH_HYP: 1.. +ZH_HYP: 4.3.在不影响的情况下,为防止和打击非法贸易,使其成为一个新的、更有可能的,是对其进行的,是对其造成的,是对其进行的,是对国际事务的最大威胁,是是的 EN: accelerate the promotion of green development, move faster to create a new pattern of modernization featuring a harmonic development between man and nature so as to better meet the people's ever-growing material and cultural needs for a beautiful ecological environment. ZH_REF: 加快推进绿色发展,推动形成人与自然和谐发展的现代化建设新格局,更好满足人民日益增长的优美生态环境需要。 -ZH_HYP: 1.. +ZH_HYP: (一)为使人的发展,而不是为了使人更多的机会,而不是为了使人的尊严而变得更加危险,而是一种在自己的生活中,为人的力量创造了一个新的环境,而这是对我们的影响的的的的的的的的的的 EN: Promote the overall improvement of ecological environment; we shall take prevention and control of solid waste pollution as a powerful measure of green development for promoting the formation of spatial pattern, industrial structure, mode of production and life style of resource conversation and environmental protection ZH_REF: 促进生态环境整体改善;要把防治固体废物污染作为实现绿色发展的有力抓手,促进形成节约资源和保护环境的空间格局、产业结构、生产方式、生活方式 -ZH_HYP: 1.. +ZH_HYP: (b)为我们的创造和质量,促进我们的生活,而不是在经济上,而不是在环境中,而是在我们的环境中,为人的力量和力量,而不是在不断地控制着地球的力量,而不是在我们的生活中, EN: During the inquiry on special topics, the members of relevant speical committee and standing committee of the NPC made relevant inquiries on what kind of measures would be adopted by the State Council on preventing and controlling solid waste pollution, ZH_REF: 专题询问中,全国人大有关专门委员会委员和常委会委员分别就国务院将采取哪些措施依法防治固体废物污染 -ZH_HYP: 1.. +ZH_HYP: 在对其他问题进行研究的同时,将对其进行比较,以使我们的利益和责任得到处理,并将其作为一个方面的问题,即:在国际上,对其进行控制,以防止其发生,并将其作为对其进行赔偿的一种方式,是是 EN: inhibiting the increment, reducing the existing pollution and pushing hard to ensure success in pollution prevention and control. ZH_REF: 遏制增量、减少存量,切实打好污染防治攻坚战; -ZH_HYP: 1.. +ZH_HYP: (一)(一)不稳定,使之更容易,使其成为一种危险的手段,而非在其他方面,也是为了使其免受汇率和破坏,而这是在(e)进行的,以达到最高的标准,,的的的的的的的的的 EN: What measures will be taken in strengthening the disposal and oversight of hazardous wastes ZH_REF: 将采取哪些措施强化危险废物处置和监管 -ZH_HYP: 1.. +ZH_HYP: 在任何情况下,都是由一个人的,而不是为了使自己的利益而被人的,而是被人所为,而又是为了使他们的力量变得更容易了,而且也是为了达到目的而去做的.的的的 EN: How to improve the level of industrial solid waste resource comprehensive utilization ZH_REF: 如何提高工业固体废物资源综合利用水平; -ZH_HYP: 1.. +ZH_HYP: (一)(一)为“一”的,以合理的方式进行,以消除一切形式的不稳定,并为其提供的服务,以使其成为可能的,而不是为之所带来的危险,而不是在(e)上,是 EN: How to coordinate the urban and rural domestic refuse disposal, promote the change of construction wastes into valuables and strengthen the publicity and education ZH_REF: 如何统筹城乡生活垃圾处理,推动建筑垃圾变废为宝,加强宣传教育 -ZH_HYP: 1.. +ZH_HYP: (一)为“大”,以使我们的处境更加危险,并为他们的利益而作为,以牺牲自己的身份,为他们的事业而努力,以牺牲自己的身份,并为之提供更多的服务。 EN: Push ahead with implementation of refuse classification system; ZH_REF: 推进垃圾分类制度落地; -ZH_HYP: 1.. +ZH_HYP: 5.3.为了使贸易成为一个整体,需要更多的机会,以使其成为一种不稳定的手段,而不是为其带来的,而不是在其他方面,而是要在一定的时间内进行,以使他们的态度变得更加严重 EN: What measures will be taken in further improving the agricultural waste harmless disposal and resource utilization ZH_REF: 将采取哪些措施进一步提高农业废弃物无害化处理和资源化利用率 -ZH_HYP: 1.. +ZH_HYP: (a)为使我们的工作变得更加危险,而不是为了使其更容易地被承受,并被认为是为了使其免遭任何代价,而不是为了使其成为一个更高的、更有价值的人的的的的的的的的的的的的的的的 EN: how to promote the settlement of solid waste polluton arisen from excessive packaging, assign the responsiblities of producers in recycling and disposal and solve the problem of environmental pollution brought about by illegal dismantling of discarded electronic products ZH_REF: 对如何推动解决过度包装产生的固体废物污染,落实生产者回收处置责任,解决非法拆解处理废弃电子产品带来的环境污染问题 -ZH_HYP: 1.. +ZH_HYP: (一)为使我们的产品变得更加危险,而不是在贸易中,也是为了保护他们的利益,而不是把它当作是一种危险的,因为它是由谁来的,它是由它来的,而不是在国际上造成的。 EN: How to improve the waste charging system and take effective measures in strengthening the oversight of medical waste disposal. ZH_REF: 如何完善垃圾收费制度,采取有效措施加强医疗废物处理的监管等问题提出询问。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),是为了使我们的,对他们的,是为了使他们的缘故,而不是为了使他们的缘故,而不是为了使他们的工作变得更高,而且是为了控制的,而不是在我们的上司。了了了了 EN: The State Councilor Wang Yong and heads of relevant departments are present at the meeting upon request. ZH_REF: 国务委员王勇和有关部门负责人到会应询。 -ZH_HYP: 1.. +ZH_HYP: 在此,我们的态度是,在这方面,我们的决心要有多大的,也是为了让自己的利益而去,因为它是在你的,是为了让你的人而去,而不是在那里,你会被人所受的影响 EN: Wang Yong noted that the State Council and relevant departments will continue to thoroughly study and implement the spirit of the 19th CPC National Congress ZH_REF: 王勇表示,国务院及有关部门将继续深入学习贯彻党的十九大精神 -ZH_HYP: 1.. +ZH_HYP: 5.k................................................................ EN: and push hard to ensure success in pollution prevention and control. ZH_REF: 坚决打好污染防治攻坚战。 -ZH_HYP: 1.. +ZH_HYP: (b)(一),在“我们”的时候,都是为了控制的,而不是在他们的中,把它放在一边,把它放在一边,还是要用的,让你的心跳得更高的了了了了了了了 EN: Unswervingly press ahead with solid waste pollution prevention and control in accordance with the law, conscientiously accept the oversight of the NPC, ZH_REF: 坚定不移地依法推进固体废物污染防治工作,认真接受人大监督 -ZH_HYP: 1.. +ZH_HYP: 在任何情况下,都是为了控制着,而不是为了使自己的处境更加危险,而不是为了使自己的处境更加危险,而不是在他们的面前,才会被人的,是对的,而不是最重要的,因为它是对的,我们的关系了 EN: make specific arrangement to solve acute problems in environment ZH_REF: 切实解决突出环境问题 -ZH_HYP: 1.. +ZH_HYP: (一)为“目的”,为“大”的“”,“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。 EN: The Eighth Plenary Session of the South-to-North Water Diversion Project Construction Committee under the State Council was held on November 2 in Beijing. Zhang Gaoli, Vice Premier of the State Council and Director of the South-to-North Water Diversion Project Construction Committee under the State Council, ZH_REF: 国务院南水北调工程建设委员会第八次全体会议二号在北京召开,国务院副总理、国务院南水北调工程建设委员会主任张高丽 -ZH_HYP: 1.. +ZH_HYP: 《全面禁试条约》的内容是,在我们的将来,将在2009年12月31日之前,在中国的经济中,将其作为一个由国家的一部分来管理,而不是由它来的,而是在这一阶段,它的意思是 EN: further unified the thought, recognition and action intothe major decisions and deploymentof the Party Central Committee with comrade Xi Jinping as the core, stressing that we should dare to shoulder our responsibilities and strive to make continuous progresses. ZH_REF: 进一步把思想认识行动统一到以习近平同志为核心的党中央重大决策部署上来,勇于担当、奋发有为 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这也是一种不稳定的,而不是在我们的面前,它的作用和它的含义,是为了使自己的力量而非凡的,而不是在我们的身边,才会有什么关系?了??了了了了了 EN: Aftera positive affirmation of the achievements in the work of the South-to-North Water Diversion Project, Zhang Gaoli stressed that we should continue to make great efforts in fulfilling the work of South-to-North Water Diversion Project in an all-round way ZH_REF: 在充分肯定南水北调工程工作取得的成绩后,张高丽强调,要继续扎实做好南水北调工程各项工作。 -ZH_HYP: 1.. +ZH_HYP: 在这个过程中,我们的态度是,从表面来看,是为了让自己的经历,而不是在不断地投入,而不是在努力,而是要把它的注意力集中在一起,让我们的工作变得更有价值的的的的的的的的的的的的的的的的的的的 EN: We should strengthen safety management to ensure the smooth operation of the project. ZH_REF: 要加强安全管理,保证工程平稳运行。 -ZH_HYP: 1.. +ZH_HYP: 4.5.为了使人的利益,我们的工作是不可能的,而不是为了使他们变得更容易,因为他们的工作是在(或)上的,而不是在他们的身边,才是为了达到最高目的而去做的事 EN: We should strengthen to the supervision and protection of the water to ensure that the water quality is stable and up to standards. We should provide enough assistance to the immigrants, ZH_REF: 要强化监测保护,确保调水水质稳定达标。要做好移民帮扶 -ZH_HYP: 1.. +ZH_HYP: (a)我们的是,对我们的反应是,我们的生活是不可能的,因为它是为了保护自己的,而不是在那里,它是为了使自己的力量而得到的,而不是太多了,而且是为了得到更多的保护 EN: and promote the immigrants toachieve a comfortable life with the local people synchronously ZH_REF: 促进移民和当地群众同步实现小康。 -ZH_HYP: 1.. +ZH_HYP: (b)为人提供一个安全的机会,使他们的生活变得更加危险,而不是在他们的面前,为他们的人提供了一个更多的机会,他们的决心是为了在他们的上司中去,而不是在高处,而是要把它的东西弄得太平了 EN: We should optimize the allocation and dispatching of water amount among provinces, to serve major strategies such as the coordinated development of Beijing, Tianjin and Hebei Province and the Yangtze River Economic Belt development, and ZH_REF: 要优化水量省际配置和调度,服务京津冀协同发展、长江经济带发展等重大战略 -ZH_HYP: 1.. +ZH_HYP: (一)为使我们的产品和服务能够在一起,而不是在经济上,而是在发展中,为之提供了一个新的、更有价值的、更有的、有的、有的、有的、有的、有的、的的的的的 EN: to ensure the demand for water of the construction and development in Xiong'an New area. ZH_REF: 保障好雄安新区建设发展用水需求。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(),我们的生活是为了使自己的工作变得更糟,因为它是在为你带来的,而不是在他们的上,也是为了给别人带来的,而不是在我身上的的的 EN: We should establish a good water-saving, water-diversion and water-using mechanism, and promote the project to give full play to its benefits ZH_REF: 要建立良好的节水、调水和用水机制,推动工程充分发挥效益。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),我们的产品,是为了使之成为一种,而不是为了使它们变得更容易,而且也是为了使他们的利益而变得更高的,因为它是对我们的,而不是对你的一切 EN: We should promote the in-depth research and demonstration, and advance the preparations of the follow-up project in an orderly way. ZH_REF: 要深入研究论证,有序推进后续工程建设准备工作。 -ZH_HYP: 1.. +ZH_HYP: (一)(一)有可能使我们的贸易变得更加困难,而不是为了使他们的利益而变得更有可能,而不是在他们的工作中,在那里,是为了控制着他们的力量而去的,而不是最坏的,因为我是在说谎 EN: Wang Yang pointed out that the South-to-North Water Diversion Project had made great achievement since its establishment and operation, which once again validated China’s political advantages and institutional superiorities. ZH_REF: 汪洋指出,南水北调工程建成运营并取得巨大成效,再次验证了我国的政治优势和制度优势。 -ZH_HYP: 1.. +ZH_HYP: 5.3.在他的时代,我们的目的是为了使自己的事业变得更容易,因为它是由人所控制的,而不是在他们的身上,而是在他的身上,也是为了得到的,而不是在那里,的 EN: We should carefully summarize the good experience and deeds accumulated in the construction and operation of the project, to speed up the establishment of a management system and a operation mechanism adapted to the requirements of the new era, ZH_REF: 要认真总结工程建设和运营积累的好经验、好做法,加快建立适应新时代要求的管理体制和运行机制 -ZH_HYP: 1.. +ZH_HYP: 4.3.为使我们的工作变得更加复杂,并为其带来的好处和代价,使之成为一种新的、有的、有的、有的、有的、有的、有的、有的、有的、有的、有的 EN: build the South-to-North Water Diversion Project into a corridor with clear water and greenness, and promote the project to benefit the people and society for the long run. ZH_REF: 把南水北调工程打造成清水走廊、绿色走廊,让工程长期造福人民、造福社会。 -ZH_HYP: 1.. +ZH_HYP: (a)为“”,“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。。 EN: We should increase the assistance for immigrants in the reservoir area, ZH_REF: 要加大对库区移民的帮扶力度 -ZH_HYP: 1.. +ZH_HYP: (五)“我们的”是,“我们的”,是“”,“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。。。 EN: so that they won’t lag behind in the journey of building a moderately prosperous society in all respects. ZH_REF: 确保他们在全面建成小康社会中不掉队。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................. EN: Wei Wei, a delegation to the 19th CPC National Congress and the Chief of the Combat Training Department of a war brigade of the No.76 Army Group, walked into the training camp and held his first propaganda among the officers and soldiers, during which he not only reviewed the achievements of development and the advancement of national defense and military modernization, ZH_REF: 十九大代表、陆军第七十六集团军某特战旅作训科长魏巍,深入驻训营区,从回顾发展成就到推进国防和军队现代化 -ZH_HYP: 1.. +ZH_HYP: 对任何一个国家,都是一个不公平的,是我们的事业,而不是在他们的时候,也是为了保卫人民的,而不是在他们的军事上,才是为了进行军事训练和训练,而不是在那里,才是为了进行的,而不是 EN: but also called to carry out the thought of strengthening the army in the new era and building up the world’s leading military. ZH_REF: 从贯彻新时代强军思想到建设世界一流军队,为官兵进行了他的第一场宣讲。 -ZH_HYP: 1.. +ZH_HYP: 但是,在他的处境中,我们都是为了使自己摆脱困境,而不是为了使他们的工作变得更糟,而不是在他们的身边,而是在那里,是为了给别人带来的,而不是太多了的的的的的的 EN: President Xi pointed out that ZH_REF: 习主席讲 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在这方面,我们的事,都是为了把自己的东西弄得太重了,所以你要把他们的东西拿出来,把它放在一边,把它放在一边,把它放在一边,好吗?了 EN: a military is built to fight, ZH_REF: 军队是要准备打仗的 -ZH_HYP: 1.. +ZH_HYP: (a)(一),在进行中,有的是,从表面上,是用的,也是为了使他们的,而不是为了使他们的工作而变得更有价值的,因为他们的工作是由你的,而不是的的的的的的的的的的的的的 EN: and our military must regard combat capability as the criterion to meet in all its work ZH_REF: 一切工作都必须坚持战斗的标准 -ZH_HYP: 1.. +ZH_HYP: 4.5.在不允许的情况下,我们的目的是使人的心智变得更有价值,因为它是在为他们提供的,而不是在他们的工作中,也是为了让人感到厌倦的,而不是在他们的身边,而是要在别人身上的 EN: and focus on how to win when it is called on. ZH_REF: 向能打仗,打胜仗聚焦。 -ZH_HYP: 1.. +ZH_HYP: (五)“我们的”,“是”,“是的,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。 EN: In the spirit of the 19th NPC National Congress, I came back to convey President Xi’s instructions to the hearts of every officer and soldier. ZH_REF: 这次回来我就是要把主席的嘱托,传递到每名官兵的心中。 -ZH_HYP: 1.. +ZH_HYP: 在美国,这是个不寻常的事,是为了让自己的心烦起来,而不是在他们的面前,为自己的服务,为自己的利益而牺牲,而不是为了给别人留下的东西,也是在说谎的。的了了了 EN: The twelve new spotlights derived from the 19th CPC National Congress report and explained by Wang Rui, a delegation to the 19th CPC National Congress and the Captain of the Amphibious Assault Vehicle, in the micro-lecture hall of Huangcaoling Meritorious Company of the No.74 Group Army, ZH_REF: 在陆军第七十四集团军某旅黄草岭功臣连的微讲堂上十九大代表、两栖突击车车长王锐,结合十九大报告讲解的十二个新亮点 -ZH_HYP: 1.. +ZH_HYP: 这篇文章是由一个人组成的,有的是,他们的生活,是一个不公平的,对我来说,这是个谜语,是的,是的,是在他的中,是在说谎的,而不是故事的。 EN: were particularly noteworthy. ZH_REF: 格外吸引大家的关注。 -ZH_HYP: 1.. +ZH_HYP: (c)【句意】(a),是为了使人的自私,而不是为了使人更容易地对待自己,而不是在他们的时候,才会有可能的,因为你的心都是在一起的,是的,是的,是的 EN: As a representative of the grass-roots, I think we should interpret the spirit of the 19th CPC National Congress to the soldiers in the most straightforward language, ZH_REF: 作为一名基层代表,我想就应该用战士的语言,最直白的的话去解读 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),这是不对的,因为它是在我们的,是为了使他们的心智而变得更有价值,而不是在他们的身边,才是用的,而不是在别人的上司中的 EN: help resolve their questions and doubts, guide them to comprehend the essence of the spirit based on reality, and implement the spirit into their battle stations. ZH_REF: 帮助他们答疑解惑,让他们联系实际去理解,结合战位去落实。 -ZH_HYP: 1.. +ZH_HYP: (k)为人的目的,是为了使自己的处境更加危险,而不是为了自己的利益而使自己变得更加危险,而不是在我们的身边,而是在他的面前,为我们的人所做的一切,(的的的的 EN: We have learned a great deal from the early study of the 19th CPC National Congress report, ZH_REF: 之前学习十九大报告的时候,很多东西虽然都知道 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,我们的研究是,从一个角度来,我们的经历是,从他们的角度出发,把他们的事搞砸了,而不是在那里,也是为了让人感到厌倦了。的的了了了了了了了了了了 EN: and developed a clearer understanding and knowledge of our responsibilities in the new era. ZH_REF: 对于新时代自己的岗位任务有了更清楚的理解和认识。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,我们的态度是,对自己的影响,是为了使自己的事业变得更有价值,而不是在他们的面前,为你的工作提供了一个新的、更有的东西,也是我的意思了了的的的的的的的的的的 EN: Wen Guoliang, the delegate to the 19th CPC National Congress and the commander of a ground-to-ship missile legion of the East China Sea Fleet explained to the new soldiers the new thoughts in the 19th CPC National Congress report. ZH_REF: 十九大代表海军东海舰队某基地岸导团营长温国良向刚入伍的新战士讲述报告中的新思想。 -ZH_HYP: 1.. +ZH_HYP: 5.1.3."无"的"和",",",",",",",",",",",",",",",",",",",",",",",",",",""""""" EN: New mission, new goals ZH_REF: 新使命、新目标 -ZH_HYP: 1.. +ZH_HYP: (一)(一),我们的,是,从句中,我们要用的,是的,是的,是的,是的,是的,是在对的,也是为了给你带来的,而不是为了更多的,因为他的意思是什么? EN: Exchanged learning experiences with the new soldiers and shared with them the growing-up stories. ZH_REF: 与新兵交流学习心得、共话成长故事。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,他们的性格,是为了使自己的心智而变得更有魅力,而不是在他们身上,也是为了让你的人而去,而不是为了给别人带来的,也是在(e)的的 EN: To study and implement the spirit of the 19th CPC National Congress is to become a New Age navy sailor that is ready to shoulder the important missions of building a strong army, ZH_REF: 学习贯彻十九大精神,就是要争做勇担强军重任的新时代水兵 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”!。。。。。。。。。。 EN: dedicate his youth and enthusiasm to building Chinese navy into the world’s leading military, and devote himself heart and soul to promoting the realization of the Chinese dream and the dream of building a powerful military. ZH_REF: 为建成世界一流军队,奉献青春,为实现中国梦、强军梦贡献力量。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】我的意思是,我们的生活是由自己的,而不是为了给自己带来的,而不是在为自己的力量去做,而不是为了给别人带来的,也是为了给你带来的,是对的 EN: For the questions raised by the soldiers, Zhang Yanbing, the delegate to the 19th CPC National Congress and the assistant engineer of the Data Information Office of Jilin Military Region, said that ZH_REF: 十九大代表,吉林省军区数据信息室助理工程师张燕兵,面对官兵提出的一个个问题 -ZH_HYP: 1.. +ZH_HYP: (a)【句意】我的意思是,你的意思是,在他们的时候,我的意思是,你的意思是,你的意思是,你的意思是,“你的意思是,”他说,“你的意思是什么?了??了了??”” EN: it was not only necessary to study and propagate the 19th CPC National Congress spirit well, but also important to put the spirit into action and motivate the officers and soldiers at the grassroots to shoulder their responsibilities in the new era. ZH_REF: 不仅要把十九大的精神学习好、宣传好,更要用行动带动好,让基层官兵肩负起新时代青年官兵的责任与担当。 -ZH_HYP: 1.. +ZH_HYP: (a)为使我们的心目中的人和人的心智而变得更重要,而在他们的时候,他们也会在他们的身边,而不是在他们的身边,在那里,和你的人,都是为了得到的的的的的 EN: In order to help the officers and soldiers better understand the spirit of the 19th CPC National Congress, ZH_REF: 为帮助官兵学深悟透十九大精神 -ZH_HYP: 1.. +ZH_HYP: (k)(一),让我们的人,是,他们也是为了他们的,而不是为了他们的,而不是为了他们的,而不是在他们的身边,才会有什么的,而不是在那里,而是要在别人的上方 EN: Liu Rui, the delegate to the 19th CPC National Congress and the regimental commander of an air force aviation region in the Southern Theater Command, have done a great deal of work. ZH_REF: 十九大代表、南部战区空军航空兵某团团长刘锐精心整理宣讲资料。 -ZH_HYP: 1.. +ZH_HYP: “”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,“你在哪儿,”说说 EN: He carefully collated the propaganda materials, prepared multiple propaganda outlines for different groups, interpreted to the officers and soldiers the key words of the 19th CPC National Congress report, and construed the essences of the report in a coherent and systematic manner, ZH_REF: 针对不同的群体认真准备多份宣讲提纲,为官兵解读十九大报告关键词,串讲十九大报告精髓要义 -ZH_HYP: 1.. +ZH_HYP: (c)【句意】(a)【句意】我们的意思是,在这方面,我们的工作是很有价值的,因为它是由谁来的,而不是在说谎的,也是对的,而不是对你的反应 EN: so as to continuously reinforce their understanding of the essence and spirit of the report. ZH_REF: 不断深化学习理解。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,它是为了使自己的利益而变得更容易,因为它是由谁来的,而不是在别人身上,而是在我们的上方。 EN: President Xi pointed out that a military is built to fight, and our military must regard combat capability ZH_REF: 习主席在十九大报告当中指出,军队是要准备打仗的,一切工作 -ZH_HYP: 1.. +ZH_HYP: (一)(一),是指甲,也是为了使之更有价值,因为他们的事也是为了逃避的,而不是为了使他们的工作而变得更糟的了,因为我是在他们的关系中,是对我们的最重要的 EN: as the criterion to meet in all its work and focus on how to win when it is called on. ZH_REF: 必须坚持战斗力标准,要向能打仗、打胜仗聚焦。 -ZH_HYP: 1.. +ZH_HYP: 5.4.............................................................. EN: People should set a good example for the officers and soldiers with their actual deeds, ZH_REF: 人们更要用自己的实际行动做好表率,让官兵按照十九大 -ZH_HYP: 1.. +ZH_HYP: (a)(一),在为难的,我们的人都是为了使他们的,而不是为了他们的利益而去,而不是为了他们的,而不是在那里,还是要把它给的,是的,是的,是的,是的。 EN: and guide them to constantly improve their capabilities and fighting abilities towards the goal of building a powerful nation and military established in the 19th CPC National Congress, and shoulder the great missions of the new era entrusted by the party and the people. ZH_REF: 确立的强国强军目标,不断地提高自身能力素质和打赢本领,担当起党和人民赋予的新时代使命任务 -ZH_HYP: 1.. +ZH_HYP: (a)为使人能够在安全方面进行调整,使其成为一个更有价值的国家,并将其作为一个国家,以实现其目标,并在国际上对其进行了大量的工作,并对其进行了军事演习,使其成为了一个新的、更有可能的 EN: Tomorrow’s People Daily will publish a commentator’s article with the title of “Pushing Forward the Overall Layout of Five-in-One in the New Era—— ZH_REF: 明天出版的人民日报将发表评论员文章,题目是统筹推进新时代五位一体总体布局 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),这是对的,是为了使自己的利益而被人的行为,而不是在他们的面前,把它放在一边,把它放在一边,还是要把它的意思弄得太平了了了了了了了了了了了了了了了 EN: The Sixth Essay on Studying and Implementing the Spirit of the 19th CPC National Congress”. ZH_REF: 六论学习贯彻党的十九大精神 -ZH_HYP: 1.. +ZH_HYP: [参考译文]:“是的,是在做作的,也是为了使我们的工作变得更容易,”他说,“你的意思是,”他说,“我是在你的身边,还是要把它的意思和”””””””””””””””” EN: Xinhua reported, the Central Committee of the Democratic parties, the All-China Federation of Industry and Commerce, and the personages without party affiliation are seriously studying and implementing the spirit of the 19th CPC National Congress. ZH_REF: 本台消息,新华社今天播发综合报道,各民主党派中央、全国工商联和无党派人士认真学习贯彻中共十九大精神。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的错误,是,有的,是的,是的,是的,是的,是对的,而不是在他的中,也是对的,而不是在他的身上,也是对的。了了 EN: The first China International Import Expo will be held in Shanghai from November 5th-10th, 2018. ZH_REF: 首届中国国际进口博览会将于二零一八年十一月五号到十号在上海举行。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的作品是由一个人,而不是在,他们是在说谎,他们的意思是,在那里,他们都是为了得到的,而不是在那里,要去做,要花上它的东西,也是最重要的。 EN: This is a major decision made by China to push forward a new round of high-level opening ZH_REF: 这是我国推进新一轮高水平对外开放 -ZH_HYP: 1.. +ZH_HYP: 5.4.我们的目的是为一个人的发展而作的,而不是在为自己的事业上,而不是在为自己的力量去做,然后才会有更多的时间来实现,而不是在你的身边,那是对的,你也是在 EN: to the outside world. ZH_REF: 做出的一项重大决策 -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................ EN: By then, the enterprises from more than 100 nations and regions will be present at the exposition. ZH_REF: 届时将有一百多个国家和地区的企业参展。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),我们的产品是不可能的,因为它是在被人身上的,而不是在他们的身边,那是对的,而不是为了给别人的,而不是在那里,而是要把它的意思和好的意思 EN: Xinhua Insight: Documentary of President Xi Jinping’s Attendance at the G20 Summit in Hangzhou”. ZH_REF: 其中新华社通讯,弄潮儿向涛头立习近平主席出席二十国集团领导人杭州峰会系列活动纪实 。 -ZH_HYP: 1.. +ZH_HYP: [谚语]:(a),(),我们的产品是用的,在这方面,你的意思是,在他们的上,你的意思是,你的意思是,要把它的意思和好的都放在一边,还是要把它的意思 EN: Four works including the CCTV news—“Xi Jinping Stressed Respecting the Nature, Following the Nature, Protecting the Nature and Firmly Consolidating the National Ecological Security Barrier” were awarded the Special Prize. ZH_REF: 中央电视台的消息《习近平在青海考察时强调尊重自然顺应自然保护自然坚决筑牢国家生态安全屏障》等四件作品获得特别奖。 -ZH_HYP: 1.. +ZH_HYP: (四)为人提供安全的,包括在不受影响的情况下,为自己的利益提供便利,并在其上作为,以保护其利益,并在国际上进行,以满足其所需要的最高点,即:是; EN: Beijing-Shenyang High-speed Rail is the final episode of China’s Four-Vertical and Four-Horizontal high-speed network. ZH_REF: 京沈高铁是我国四纵四横高铁网的收官之作。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(我的意思是,我们的),是在不可能的,是在为自己的,而不是在为自己的,而不是在那里,还是要把它的力量分给了的的的的的的的的的 EN: After opening to traffic, the journey from Beijing to Shenyang will be shortened to ZH_REF: 通车后,北京至沈阳运行时间 -ZH_HYP: 1.. +ZH_HYP: 在这个时代,我们的事业是为了使自己的事业变得更容易,而不是为了让自己的人感到厌倦,而不是为了让他们的力量来回,而不是为了给别人带来的,也是为了让你的人感到厌倦了 EN: just about two and a half hours. ZH_REF: 将缩短至两个半小时左右 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................ EN: President Erdogan, the chairman of the Justice and Development Party of Turkey, said in his letter of greetings , “I sincerely congratulate you on your re-election as the general secretary of the CPC Central Committee. ZH_REF: 土耳其正义与发展党主席、总统埃尔多安在贺函中表示,我谨衷心祝贺阁下再次当选中共中央总书记。 -ZH_HYP: 1.. +ZH_HYP: (美国),“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,“我也想说你的事了。吗吗吗吗吗吗 EN: I would be committed to strengthening and enhancing the cooperation between our two countries in various fields under the framework of the Arab-China comprehensive strategic partnership and achieving the common interests of the two peoples.” ZH_REF: 致力于在阿中全面战略伙伴关系框架下加强和提升两国各领域合作,实现友好的两国人民的共同利益。 -ZH_HYP: 1.. +ZH_HYP: 5.4.为了使我们的工作更加开放,我们也必须在贸易方面进行合作,以实现其共同的利益,并为其带来的利益,为其带来的利益,为其提供的服务,而不是在国际上,是最重要的,是 EN: President Guelleh, the president of the Djibouti League for Progressive People, said in his letter of greetings , “your re-election has fully demonstrated ZH_REF: 吉布提争取进步人民联盟主席、总统盖莱在贺函中表示,您的再次当选充分表明 -ZH_HYP: 1.. +ZH_HYP: (英国),(),“这是你的,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。。。。 EN: your support from the whole party. ZH_REF: 您得到全党拥护和支持 -ZH_HYP: 1.. +ZH_HYP: (b)(一),(),(),是,也是为了使自己的缘故,而不是为了使自己的心烦起来,而不是为了让人感到厌倦,而不是在那里,还是要把它的东西分给别人,的 EN: I believe that under your wise leadership, China's development in all areas will continue to make new and greater achievements, ZH_REF: 相信在您的英明领导下,中国各领域发展必将不断取得新的更大成就。 -ZH_HYP: 1.. +ZH_HYP: (英译汉).................................................................. EN: and the international influence will be further enhanced.” ZH_REF: 国际影响力必将进一步得到提升 -ZH_HYP: 1.. +ZH_HYP: b)(一)“黑龙”,是指“反向”,也是指在“下”,它是指的是,它的意思是,它是由你来的,而不是为了更多的人,你会被人的力量 EN: Brazilian President Ditmeyer said in greetings , “I would like to extend my warm congratulations on your re-election as general secretary of the CPC Central Committee and wish you much success in your new term. ZH_REF: 巴西总统特梅尔在贺函中表示,我谨对您连任中共中央总书记表示热烈祝贺,祝愿您在新的任期取得更大成就。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: I will continue to push forward the comprehensive strategic partnership between Pakistan and China.” ZH_REF: 我将继续推动巴中全面战略伙伴关系继续前进。 -ZH_HYP: 1.. +ZH_HYP: 5.a.............................................................. EN: Brunei Sultan Hassannar said in his letter of greetings, “China's economic development has achieved remarkable achievements and ZH_REF: 文莱苏丹哈桑纳尔在贺函中表示,在阁下的英明领导下,中国经济发展取得卓越成就。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: people's living standards has been continulously improved ZH_REF: 人民生活水平持续提高 -ZH_HYP: 1.. +ZH_HYP: 根据《金融时报》,该公司的所有相关的行为都是由dhlv的,它的意思是“自由”,它的意思是“自由”,它的意思是“分”,“”“”“”“”“”“”了了。。。。 EN: under your wise leadership, I am confident that your country will continue to make progress towards the Chinese dream and contribute to the achievement of the United Nations ZH_REF: 相信贵国将在实现中国梦的征程上不断取得进步,并为实现联合国可持续发展目标 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................ EN: Sustainable Development goals. ZH_REF: 作出贡献 -ZH_HYP: 1.. +ZH_HYP: (4)(一),(),我们的心,是为了使他们的心变得更容易,因为他们的工作是在为他们提供的,而不是在那里,是为了给别人带来的,而不是在那里,而是要在别人的上司中去 EN: President of Afghanistan, Ghani said in his letter of greetings , “your re-election as general secretary of the CPC Central Committee has fully reflected that all CPC members and the Chinese people...... ZH_REF: 阿富汗总统加尼在贺函中表示,阁下再次当选中共中央总书记,充分反映了中国共产党全体党员和中国人民 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,我们的态度是,你的心从头到尾,就像你的一样,是在说谎的,是的,我的心都是在给你的,是的,是的,是的,是的,是的。 EN: Maldivian President Yaming said in his letter of greetings , “the important decisions made at the 19th National Congress of the Communist Party of China will make the ......that you drew......, ZH_REF: 马尔代夫总统亚明在贺函中表示,中共十九大作出的重要决定将使阁下描绘的 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: and continuous to develop. ZH_REF: 不断发展 -ZH_HYP: 1.. +ZH_HYP: (b)(一),(),(),也是不可能的,因为它是在我们的,是为了使自己的力量而被人的,而不是在别人身上,而是要在别人的上调,也是为了得到的 EN: There are also congratulatory messages or greetings from: ZH_REF: 发来贺电或贺函的还有 -ZH_HYP: 1.. +ZH_HYP: 在他的后面,有一个谜语,是,从句中,我们可以把它放在一边,把它放在一边,把它放在一边,把它的东西弄得很好,也是在说谎的,是的,是的,是的,是的。 EN: King Abdullah of Jordan ZH_REF: 约旦国王阿卜杜拉二世 -ZH_HYP: 1.. +ZH_HYP: 5.3.在被占领的地区,我们的处境是,为自己的利益而努力,使他们的损失更加严重,而不是为了使他们的利益而被人所犯的一切,他们都是在一起,是为了得到更多的人 EN: President Aoun of Lebanon ZH_REF: 黎巴嫩总统奥恩 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的错误,是,他们是为了把自己的东西弄到了,而你的心都是为了得到的,而不是为了给他的,而要把它的钱包给你,让我的心惊受,因为他是在一起 EN: President Meta of Albania ZH_REF: 阿尔巴尼亚总统梅塔 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的意思是,他们的意思是,他们的意思是,他们的意思是,要把它给的,是为了让你的力量去追逐,而不是在那里,也是为了控制的的 EN: The chairman-in-office of the Bosnia and Herzegovina presidency, Covic ZH_REF: 波黑主席团轮值主席乔维奇 -ZH_HYP: 1.. +ZH_HYP: (a)在他的主持下,一个人的身份,是为了使他们的工作而被人所包围,而不是在他们的身边,他们的力量是为了在我的上司中去,而不是为了给别人带来的,而不是太多了 EN: Chairman of Malaysia National Front and the Prime Minister Najib ZH_REF: 马来西亚国民阵线主席政府总理纳吉布 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................ EN: The leader of National People's Congress of Papua New Guinea and the prime Minister, O ' Neill ZH_REF: 巴布亚新几内亚人民全国代表大会党领袖政府总理奥尼尔 -ZH_HYP: 1.. +ZH_HYP: 在美国的一个大的过程中,有的是,它的人,都是为了得到的,而不是在他们的面前,他们的才是,他们的才是,有的是,他们的力量是为了赢得更多的钱而去掉() EN: Chairman of the Vanuatu Unification Movement and the government prime minister, Salvai ZH_REF: 瓦努阿图统一运动改良党主席政府总理萨尔维 -ZH_HYP: 1.. +ZH_HYP: 在所有的情况下,都是为了使我们的事业变得更加公正,而不是为了使他们的利益而被人所包围,而他们的人却在为他们的力量而努力,而不是在那里,是为了让人感到厌倦了 EN: The leader of the new National Party of Grenada and the Prime Minister, Mitchell ZH_REF: 格林纳达新民族党领袖政府总理米切尔 -ZH_HYP: 1.. +ZH_HYP: 在任何情况下,都是由一个人组成的,而不是由他们的,是由衷的,而不是在他们的面前,他们的力量,是为了得到的,而不是为了更多的,而不是在那里,而是要在别人的上部 EN: Chairman of the Lebanese Amal Movement, Speaker Berri, etc. ZH_REF: 黎巴嫩阿迈勒运动主席议长贝里等 -ZH_HYP: 1.. +ZH_HYP: (一)(一),一刀,一刀,就被人打倒,把它们的东西搬到,而不是在那里,都是为了让人感到羞耻的,是的,是的,是的,是的,是的,是的,是的。 EN: October 30, two resolutions were adopted at the meeting of the First Committee in charge of Disarmament and International Security Affairs at the 72nd session of the United Nations General Assembly. ZH_REF: 十月三十号,第七十二届联合国大会负责裁军和国际安全事务的第一委员会会议通过两份决议。 -ZH_HYP: 1.. +ZH_HYP: 30.1.在对国际事务的影响下,我们的努力是,有的是,在贸易方面,也是为了使其成为一个共同的,而不是在2003年,它是由它的,而不是最坏的,是对我们的最大的威胁。了 EN: These two resolutions, "Prevention ofarms race in outer space" and "not to place weapons first in outer space", ZH_REF: 这两份决议分别是不首先在外空放置武器和防止外空军备竞赛进一步切实措施。 -ZH_HYP: 1.. +ZH_HYP: 4.在任何情况下,都是为了防止和打击,而不是为了使其变得更糟,而在另一些情况下,我们就会被淘汰,而不是在"e"的"下","是","""""""""""""""""""" EN: are to push forward and strengthen the international cooperation in outer space for the purpose of peace, ZH_REF: 促进和加强以和平为目的的外层空间国际合作 -ZH_HYP: 1.. +ZH_HYP: 4.为了使人的利益,我们的努力是为了更多的,而不是为了使自己的利益而变得更糟,而不是为了在他们的身边,在那里,为你的服务而去,而不是为了使人感到羞耻 EN: manifesting the wide recognition of international community and the significant contribution of China’s proposal made to the global governance. ZH_REF: 体现了国际社会的广泛认可,也彰显了中国方案对全球治理所做的重要贡献。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在我们的国家,我们的努力是不可能的,因为它是由衷的,而不是在为其带来的,而不是在(e)上,它的意思是,它是对我们的最大的影响,它是对我们的最重要的 EN: Therefore, we welcome the concept of China. ZH_REF: 因此,我们欢迎中国的理念。 -ZH_HYP: 1.. +ZH_HYP: 因此,我们的态度是,我们的态度,是为了让自己的经历,而不是在为自己的事业上,而不是在他们的面前,为你的对手而去,而不是为了给别人的,而不是在那里,而是要把它的意思和联系 EN: Arurom, president of the First Committee of the 72nd session of the United Nations General Assembly also stressed that China's concept of "building a community of shared future for mankind" is ZH_REF: 第七十二届联大第一委员会主席阿鲁罗姆也强调,构建人类命运共同体理念 -ZH_HYP: 1.. +ZH_HYP: (a)《联合国年鉴》的另一特点是,我们的共同之处是,"在不损害"的情况下,我们的利益为其提供了一个机会,而这是在"一"的"下",也是指的是,的的的的的的 EN: forward-looking and ZH_REF: 具有前瞻性 -ZH_HYP: 1.. +ZH_HYP: 5.a............................................................... EN: effective in solve the dilemma of global security governance, and it should be promoted in the multilateral field. ZH_REF: 是破解全球安全治理困境的有效办法,应该在多边领域加以推广。 -ZH_HYP: 1.. +ZH_HYP: (4)如果不对,就会有更多的影响,而不是在其他方面,也是为了使其成为现实,而不是在(或)上,使我们的工作变得更加危险,而不是在(e)上,这是对我们的最严重的威胁 EN: The international news bulletins are next. ZH_REF: 下面请看一组国际快讯。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,我们的处境是,从某种意义上,我们的东西,是为了使他们的心智而变得更容易了,而你也是在他们的时候,要把它的责任推到了的的的的的的中的的中中中中 EN: Russian President Vladimir Putin visited Iran on November 1 to meet with Iran president Ruhani and Iran's Supreme Leader Ayatollah Ali Khamenei. ZH_REF: 在伊朗访问的俄罗斯总统普京一号分别与伊朗总统鲁哈尼和伊朗最高领袖哈梅内伊举行会晤。 -ZH_HYP: 1.. +ZH_HYP: 4.5.在美国,他的对手是为了逃避,而不是为了自己的利益而去,而不是在他们的面前,他们就会被打败了,而我的心智也是在了他的,是的,是的,是的。 EN: Putin said that Russia opposed any unilateral action which might change the Joint Comprehensive Plan of Action on Iran’s nuclear issues, ZH_REF: 普京表示,俄罗斯反对任何改变伊朗核问题全面协议的单边行动。 -ZH_HYP: 1.. +ZH_HYP: 4.3.在不损害的情况下,我们的国家都是为了使其成为可能的,而不是为了使其变得更加危险,而是要在2004年之前就会有什么关系,而不是什么时候会被认为是什么?的了了了? EN: and it was unacceptable that some countries did not recognize the plan. ZH_REF: 某些国家不承认这一多边协议的行为不可接受。 -ZH_HYP: 1.. +ZH_HYP: (4)a.............................................................. EN: It would bring more uncertainty to the implementation of the Iran’s nuclear plan. ZH_REF: 给伊核协议的履行带来了不确定性 -ZH_HYP: 1.. +ZH_HYP: 4.5.在不影响的情况下,我们的努力是为了使自己的处境更加危险,而不是为了使他们的工作变得更有价值,而不是在(e)上,让我们来回来,因为它是对的,而不是最需要的。 EN: Push forward global clean development, power interconnection and other top ten initiatives to accelerate global energy interconnection. ZH_REF: 在全球推进清洁发展、电网互联等十大行动,加快全球能源互联互通。 -ZH_HYP: 1.. +ZH_HYP: 5.4.为了使人的成长,我们的工作是有困难的,是为了使自己变得更有价值,而不是在其他方面,也是为了让人感到厌倦,而不是在那里,他们是在一起,是为了更多的,而不是 EN: Embargo against Cuba is a "flagrant, massive and systematic" violation and has brought inestimable losses to Cuba. ZH_REF: 公然的、大规模的、系统的侵犯,封锁给古巴带来了难以估量的损失 -ZH_HYP: 1.. +ZH_HYP: 在任何情况下,都是为了使我们的事业变得更加危险,而不是为了使他们的利益而被人所包围,而不是为了使他们的工作变得更加危险,而不是在我的上司机上,也是为了给他的,是的,是的。 EN: 3 people were killed in a shooting at a Wal-Mart supermarket on the outskirts of Denver, the capital of Colorado State in the United States, ZH_REF: 当地时间一号傍晚,北京时间今天上午,美国科罗拉多州首府丹佛市郊区的一家沃尔玛超市 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),在这方面,我们都是为了把他们的东西弄得太平了,他们都是为了让他们的,而不是在那里,要么是为了赢得了他们的利益,而不是为了给你带来的,而不是太多了 EN: on the evening of November 1 local time, this morning Beijing time. ZH_REF: 发生枪击,造成三人死亡 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,我们的名字是,从句中,我们的意思是,他们的意思是,他们的意思是,在我的上,你的意思是,要把它给的,给你带来的,是的,是的,是的,是的,是的。 EN: After the incident, the police evacuated the crowd in the supermarket and stepped up their vigilance in the surrounding area. ZH_REF: 事发后警方疏散了超市内的人群,并在周边地区加强戒备。 -ZH_HYP: 1.. +ZH_HYP: (k)在他的后面,是一个不舒服的,因为他的错觉,是为了使他们的工作变得更糟,而在他们的身边,他们的工作就会被人所束缚的,而不是最需要的,而是要在那里的时候,要把它的意思 EN: Local police said a suspect was at large and the police had launched a search operation. ZH_REF: 当地警方称,一名嫌疑人在逃,警方已经展开搜寻行动。 -ZH_HYP: 1.. +ZH_HYP: (k)(一),(),是,也是为了把自己的东西弄得太重了,他们都是为了让他们的,而不是为了你的,而不是在那里,要去找你的人。了了了了了了了了了了了了了了了了了了了了 EN: The nature of the incident and the motive of the gunman ZH_REF: 有关事件的性质,及枪手行凶动机 -ZH_HYP: 1.. +ZH_HYP: (b)(一)一、一、一、一、一、三、一、二、四、五、一、四、三、五、七、一、二、一、二、一、二、四、一、四、三、七、四、、 EN: are still under investigation. ZH_REF: 仍在调查中 -ZH_HYP: 1.. +ZH_HYP: (4)b:(一),(),(),(),我们的东西也不在,因为它是在为你带来的,而不是为了让别人的心想而去,因为它是在你的,是最重要的 EN: Tonight's Xinwen Lianbo broadcast has concluded. Thank you for watching. ZH_REF: 今天的新闻联播播送完了,感谢收看。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: For more news updates, download our new mobile app. For the download address, search ZH_REF: 获取更多新闻资讯您还可以关注央视新闻移动网,下载地址可搜索 -ZH_HYP: 1.. +ZH_HYP: (美英)(一),我们的产品,是为了使自己的事业变得更容易,而不是为了自己的事,也要把它放在一边,把它放在一边,把它放在一边,还是要在别人的上司中去 EN: CCTV News plus, we’ll see you later ZH_REF: 央视新闻加,观众朋友再见 -ZH_HYP: 1.. +ZH_HYP: (美英对照),我们的工作,是为了使自己的事业变得更容易,也是为了让人感到羞耻,因为他们是在为他们的,而不是在那里,也是为了让人感到厌倦的,而不是在他们的身边,是对的。 EN: Goodbye. ZH_REF: 再见。 -ZH_HYP: 1.. +ZH_HYP: (美英对照),是为了使自己的工作变得更容易,因为你的心都是在,而不是在他们的面前,他们都是为了得到的,而不是为了给别人的,而不是为了给别人带来的,所以我们就会被人的 EN: Good evening, viewers. ZH_REF: 各位观众晚上好。 -ZH_HYP: 1.. +ZH_HYP: (美英)()()(从句),我们的意思是,在我们的上,是为了使自己的力量而变得更容易,因为它是在为你所做的,而不是在别人身上,而是要用的,也是最重要的 EN: Good evening. ZH_REF: 晚上好。 -ZH_HYP: 1.. +ZH_HYP: (4)’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Today is Friday, November 3rd, and the 15th day of ninth month of the Lunar Calendar. Welcome to Xinwen Lianbo. ZH_REF: 今天是十一月三号星期五农历九月十五,欢迎收看新闻联播节目。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: In tonight's program, we will cover the following main content. ZH_REF: 首先为您介绍今天节目的主要内容。 -ZH_HYP: 1.. +ZH_HYP: 5.a............................................................... EN: President Xi, in his inspection of the JMC's Joint Operations Command center, stressed that “Strengthen the bright direction of war preparation, and comprehensively enhance winning ability of the new era” ZH_REF: 习近平在视察军委联合作战指挥中心时强调,强化备战打仗的鲜明导向,全面提高新时代打赢能力。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是对我们的,是为了使自己的处境和不堪一击的,而不是为了使他们的工作变得更有价值,而在我们的关系中,就会被人所为的,而不是最需要的,而是要在那里 EN: President Xi Jinping will attend the 25th APEC leaders’ informal meeting and pay a state visit to Vietnam and Laos ZH_REF: 习近平将出席亚太经合组织第二十五次领导人非正式会议,并对越南、老挝进行国事访问。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),我们的外套是为了让自己的心从头到尾,而不是在他们的面前,为他们的服务,为他们的服务而去,而不是在那里,是最重要的,是的,是的,是的。 EN: Entrusted by CPC Central Committee and General Secretary Xi Jinping, ZH_REF: 受中共中央 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。。 EN: International Department of Central Committee of CPC and General Office of the CPC Central Committee deliver the publication. ZH_REF: 和习近平总书记委托,中共中央办公厅,中共中央对外联络部发表公告。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),一、二、四、三、五、四、五、一、四、三条等.的的的的的的的的的的的的的的的的的的的的的的的的的的的的的的的的的 EN: Li Keqiang has made important instructions to the Winter and Spring Water Conservancy Infrastructure Teleconference. Wang Yang attended the meeting and delivered a speech. ZH_REF: 李克强对全国冬春农田水利基本建设电视电话会议作出重要批示,汪洋出席会议并讲话。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),我们的背面是很有价值的,因为它是在用的,而不是在说谎,而是要用的,让它的意思,也是在说谎的,而不是在那里,它是什么?的 EN: Premier Li Keqiang meets with Bill Gates. ZH_REF: 李克强会见比尔盖茨。 -ZH_HYP: 1.. +ZH_HYP: 5.a............................................................... EN: The 12th session of the NPC Standing Committee ZH_REF: 十二届全国人大常委会 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),在不影响的情况下,我们的名称是用的,而不是用它来的,因为它是由它的,它的意思是:“你的意思是什么?了了的的的”””””””””””””””””” EN: Apologize for the Chinese Exclusion in history. ZH_REF: 就历史上的排华行为,作出道歉。 -ZH_HYP: 1.. +ZH_HYP: (三)(一)不,可惜一切,我们的心都是为了使自己的力量在不断地去,而不是在他们的面前,把它放在一边,把它放在一边,把它的力量传给了别人的手套 EN: Next, please watch the details. ZH_REF: 接下来请您收看详细内容。 -ZH_HYP: 1.. +ZH_HYP: 5.3.4............................................................. EN: Xi Jinping, general secretary of the CPC Central Committee, President of the Military commission, chairman of the CMC, and commander of Joint Military Operations Command center inspected the CMC center on November 3, and said that the new Commission would carry out the spirit of 19th national congress, ZH_REF: 中共中央总书记、国家主席、中央军委主席、军委联指总指挥习近平三号视察军委联合作战指挥中心,表明新一届军委贯彻落实党的十九大精神 -ZH_HYP: 1.. +ZH_HYP: (一)(一),一、二、四、三、五、四、五、一、三条等.的的的的的的的的的的的的的的的的的的的的的 EN: and promoted the distinct attitude to focusing all work of the army on the ability to fight and win. ZH_REF: 推动全军各项工作向能打仗、打胜仗聚焦的鲜明态度 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,我们的意思是,他们的意思是,在他们的工作中,和你的力量去追求,而不是为了给别人带来的,也是为了得到的 EN: Xi Jinping stressed that to achieve the party's targets of strong military in the new era and to build a world-class military, we must grasp the key to be able to fight and win the war. ZH_REF: 习近平强调,实现党在新时代的强军目标、把人民军队全面建成世界一流军队,必须扭住能打仗、打胜仗 -ZH_HYP: 1.. +ZH_HYP: 5.a.................................................................. EN: The entire army must conscientiously study and implement the spirit of the 19th National Congress of the Communist Party, thoroughly study and implement the party's idea of ZH_REF: 全军要认真学习贯彻党的十九大精神,深入学习贯彻新时代党的强军思想,贯彻新形势下 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为它是由衷的,而不是在他们的中,是为了使自己的力量而被人所束缚,而不是在他身上,还是要把它的东西给我, EN: strengthening the armed forces in the new era, implement the military strategic principles in new situations, strengthen the responsibilities of missions, strengthen the reforms and innovations, strengthen the implementation of work, and comprehensively improving the ability to prepare for the war in the new era, providing strategic support for achieving the two hundred-year goals and ZH_REF: 军事战略方针,强化使命担当,强化改革创新,强化工作落实,全面提高新时代备战打仗能力,为实现两个一百年奋斗目标 -ZH_HYP: 1.. +ZH_HYP: (a)为使之成为一个新的、更有活力的,使之成为现实,而不是为了使其更有价值,并为其带来更多的压力,以实现其目标,并在国际上进行更多的工作,以应付战争的危险,( EN: the Chinese dream to realize the great rejuvenation of the Chinese nation. ZH_REF: 实现中华民族伟大复兴的中国梦提供战略支撑 -ZH_HYP: 1.. +ZH_HYP: (三)(一),我们的,是在不可能的,是为了使自己摆脱困境,使自己的心智变得更容易,因为他们的行为是为了让人在努力的,而不是在那里,也是为了让人感到厌倦的 EN: At 9:30 am, Xi Jinping in full military uniforms went to the Central building of the Committee of Central Military Commission. ZH_REF: 上午九时三十分时,习近平一身戎装来到军委联指中心大楼。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),(),(),是,用的,是用的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: Xi Jinping has always attached great importance to the issue of war preparations of our military. ZH_REF: 习近平对我军备战打仗问题一直高度重视。 -ZH_HYP: 1.. +ZH_HYP: 4.在对任何情况下,都是为了使其成为一个大的,而不是为了使其成为一个大的,而不是在他们的时候,才会有更多的东西,而不是在上方,还是要把它的意思和最坏的事 EN: On the second day after the conclusion of the 19th Party Congress, Xi Jinping presided over the first meeting of the Central Military Commission. He emphasized that the Military Commission should promote the work of the entire military. ZH_REF: 党的十九大闭幕后第二天,习近平主持第一次军委常务会议,就强调军委班子要推动全军各项工作向 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,他的作品是由“大”的,在我的身上,是为了使自己的心智而又不堪,而又是在一起,而不是在那里,是为了给别人的,而不是在那里,这是对的,我们的关系是什么? EN: Xi Jinping pointed out that the military must prepare for a war, and that the Central Military Commission must understand how to fight with good plan and commanding in the war. ZH_REF: 习近平指出,军队是要准备打仗的,军委必须懂打仗、善谋略、会指挥。 -ZH_HYP: 1.. +ZH_HYP: 5.1.在被占领的情况下,为了使人的利益,必须为自己的利益而牺牲,而不是为了使他们的力量而被人所包围,而这是对他们的,是对的,而不是在我们的关系中,还是要把它的意思给 EN: CMC should set up the baton for fight in the war at the beginning of the work. ZH_REF: 军委工作一开始就要把备战打仗的指挥棒立起来 -ZH_HYP: 1.. +ZH_HYP: (四)为使之成为一个不稳定的,是为了使之成为一个大的危险,因为它是在用的,而不是在上,是为了使自己的力量而被人的行为,而不是最需要的,而是要在那里的时候,要把它的意思 EN: To come to the CTC Central Committee today, it is to take a clear-cut attitude, starting from me and starting from the Central Military Commission, we must strengthen our work on war preparations. ZH_REF: 今天到军委联指中心来,就是要亮明态度,从我做起,从军委做起,强化备战打仗导向。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在这方面,我们的决心是,我们的事业是不可能的,也是为了让自己摆脱困境,而不是在那里,也是为了让我们的工作而努力,而不是在那里,要么是为了得到更多的 EN: We must increase our ability to win, work hard to prepare for war, and lead our army to be able to fight and win the war, so as to bear the mission of the new era entrusted by the party and the people. ZH_REF: 提高打赢本领,抓实备战工作,带领我军真正做到能打仗、打胜仗,担当起党和人民赋予的新时代使命任务。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(我们)的意思是,我们的生活是为了使自己的事业变得更容易,而不是为了让自己的力量而努力,而不是在那里,要么是为了让人感到厌倦了,而且也是为了达到最高目的而不是 EN: Xi Jinping went over all the sites one by one, asked about relevant issues, and had in-depth exchanges with the people on duty. ZH_REF: 习近平逐一察看各个部位,详细询问有关情况,同值班人员深入交流。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在这方面,我们都有了,而这是对的,因为他们的事也是在他们的,而不是在那里,他们是为了得到的,而不是在那里,要么是我的错了。了了了了了了了了了 EN: In April last year, Xi Jinping made a special trip to inspect this place. ZH_REF: 去年四月,习近平曾专程视察这里。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的态度是,从表面上看,是为了使他们的工作变得更糟,而不是为了让自己的力量而去,而不是在那里,而是要在那里,要把它给别人的了了了了了了了了 EN: Over the past year or so, the CMC Central Committee has made many new improvements. Xi Jinping was very pleased and encouraged everyone to continue to improve ZH_REF: 看到一年多来军委联指中心取得许多新进步,习近平十分高兴,勉励大家再接再厉,不断提高 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),也是为了使他们的缘故,而不是为了使他们的缘故,而不是为了让他们的,而不是为了让别人的生活而去,而不是太多了,因为我对他的态度很高了了了了了了了 EN: his joint warfare command capability. ZH_REF: 联合作战指挥能力 -ZH_HYP: 1.. +ZH_HYP: 5.a............................................................... EN: At 10, Xi Jinping took a seat at the general command post, ZH_REF: 十时许,习近平在总指挥席就座。 -ZH_HYP: 1.. +ZH_HYP: 在这一情况下,一个人的名字是,他们的事,都是为了得到的,是为了使他们的缘故,而不是为了给他们带来的,是在他们的中,是为了保护自己的而的的的的的的的的的的的的的的的的的 EN: called front task force through the video. ZH_REF: 通过视频呼点一线任务部队 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),是,用的,是用的,是的,是的,是的,是的,是的,因为它是在你的,是为了使自己的力量而去,而不是太多了了了的 EN: This year's temperature dropped to minus 12 degrees Celsius, yet it was not very cold. ZH_REF: 今年的温度已降到零下十二摄氏度,感觉还不是很冷。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: At present, it is able to meet the needs for the winter and for performing various tasks. ZH_REF: 目前,能够满足过冬和执行各项任务的需要。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,我们的态度是,他们的缺点,是为了使自己的利益而去,而不是在那里,他们都是为了得到的,而不是在那里,要么是为了提高他们的能力而去做的事了了的的 EN: How is the daily combat training? ZH_REF: 日常战备训练抓得如何? -ZH_HYP: 1.. +ZH_HYP: (4)a:(一),(),(),(),(2),在做某事时,我们就会被打败了,而不是在(或)上,你会被人的意思为:的了了的的的的的的的 EN: How is the related security work going on? ZH_REF: 相关保障工作搞得怎么样? -ZH_HYP: 1.. +ZH_HYP: (b)(一)将其作为一个人,在任何情况下都是由,为之提供的,是由它的,而不是在其他的情况下,而不是在(d)的时候,让人感到很有可能的的的的的的的的的的的的的的 EN: What are the practical difficulties? ZH_REF: 还有哪些实际困难? -ZH_HYP: 1.. +ZH_HYP: 5.a.................................................................. EN: Xi Jinping asked many details. ZH_REF: 习近平问得很仔细。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................ EN: How do you feel about such routine trainings for combat teams? ZH_REF: 现在这个日常的战队训练,你们行不行。 -ZH_HYP: 1.. +ZH_HYP: (4)a:(一),(),(),(),(2),(3),我们的人,都是为了使自己的利益而被人的,而不是在别人的时候,也是在说谎的,是的,是的,是的。 EN: I’d like to report to the Commander that we will always be ready for war, and the aircraft-warning radar and sea-warning radar will be available on a 7*24 basis in order to keep a close eye on the sky and sea and allow us to formulate improved response solutions. ZH_REF: 报告首级,我将常态保持战备,对空对海警戒雷达二十四小时开机,严密监视当天海空情况,制定完善应对行动方案。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的责任是,我们的事,都是为了使他们的心智而变得更容易,而不是为了让人感到羞耻,而且他们在那里,要用它来的,要把它的东西给我,好吗?的了 EN: Trainings and drills in various aspects such as fighting back and patrol inspection were organized on a regular basis. ZH_REF: 经常性组织,反击将巡逻警查证等训练演练。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在“不”的情况下,我们可以用其他方式来进行,以备不时地进行,以使他们的心跳得更快,而不是在你的身边,在那里,你会被人的错觉了了 EN: Xi Jinping urged them to exercise vigilance and be ready for responding to any emergency. ZH_REF: 习近平叮嘱大家保持高度戒备,做好随时应对突发情况准备。 -ZH_HYP: 1.. +ZH_HYP: (美英)(一),可惜一切,也是为了使自己的处境,而不是在他们的身边,在那里,他们都是为了得到的,而不是为了给别人的,而不是在那里,而是要把它给别人的东西 EN: Next, Xi Jinping checked the Djibouti-based Security Base via video. ZH_REF: 接着,习近平通过视频察看了驻吉布提保障基地。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,我们的处境,是为了使自己摆脱困境,而不是在他们的身边,在那里,和你的对手,都是为了得到的,而不是在那里,要有更多的时间来实现我们的目标,而不是最需要的。 EN: This base is the first overseas security base of the Chinese Navy. ZH_REF: 该基地是我军第一个海外保障基地。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................ EN: A four-level (including red level, orange level, yellow level and green level) alerting and defense system was built and eight emergency response teams are always ready. Military drills were organized on an irregular basis in order to realize…… ZH_REF: 建立了红橙黄绿四级警戒防卫体系,有八个应急分队随时待命,不定期组织战队拉动演练,坚决做到 -ZH_HYP: 1.. +ZH_HYP: (a)(一),(一),可供选择,以进行,以使之与之相撞,而不是在(d)中,或在等方面,以达到最高的标准,并将其作为.的的的的的的的的的的的的的的的的的 EN: Then, Xi Jinping listened to a work report about troop training and war preparation of the whole army and delivered a keynote speech. ZH_REF: 随后,习近平听取了全军练兵备战工作汇报,并发表重要讲话。 -ZH_HYP: 1.. +ZH_HYP: (a)【句意】(a)【句意】我的意思是,我们的人,是为了得到的,而不是为了给他们带来麻烦,也是为了得到的,而不是在他的身边,而是要在那里的,是什么? EN: Xi Jinping recognized and appreciated the great result of troop training and war preparation achieved by the whole army since the 18th National Congress of the Communist Party of China. ZH_REF: 习近平充分肯定了党的十八大以来全军练兵备战取得的成绩。 -ZH_HYP: 1.. +ZH_HYP: (四)【句意】(),我们的人,是为了使自己的事业变得更容易,而不是为了自己的事,也是为了让他们的,而不是在那里,还是要在我的上司中去,因为他是个好人,而不是 EN: He stressed that China is developing into a powerful country from a big country in this key stage. China has a promising future on one hand and is also facing severe challenges on the other hand. ZH_REF: 他强调,我国正处在由大向强发展的关键阶段,前景十分光明,挑战也十分严峻。 -ZH_HYP: 1.. +ZH_HYP: 5.4.在一个人的处境中,我们是一个人,而不是为了使自己变得更容易,而又是在他们的时候,才会有更多的东西,而不是在那里,也是为了给别人带来的,是对的的的 EN: It is impossible to achieve the great rejuvenation of the Chinese nation simply by doing some easy works and having celebrations. ZH_REF: 中华民族伟大复兴绝不是轻轻松松、敲锣打鼓就能实现的。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)............................................................... EN: Military struggle is an important aspect in fighting great battles, and the ability to win battles serves as a strategic ability required for safeguarding national security. ZH_REF: 军事斗争是进行伟大斗争的重要方面,打赢能力是维护国家安全的战略能力。 -ZH_HYP: 1.. +ZH_HYP: 4.a................................................................. EN: The whole military should strength awareness of hardship, awareness of crisis and awareness of war fighting, concentrate on fighting war and make every effort to prepare for war. ZH_REF: 全军要强化忧患意识、危机意识、打仗意识,全部心思向打仗聚焦,各项工作向打仗用劲。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),在不可能的情况下,我们都有自己的东西,而不是为了他们的,而不是在他们的面前,为你带来的,是为了使自己的力量而变得更多的了了了了了了了了了了 EN: Improve the ability in war preparation and war fighting as soon as possible ZH_REF: 尽快把备战打仗能力搞上去 -ZH_HYP: 1.. +ZH_HYP: 5.c............................................................. EN: Efforts should be made to fight innovative war and make preparation for war, keep up with evolution in war situation and method of war fighting, ZH_REF: 要着力创新战争和作战筹划,紧跟战争形态和作战方式演变,紧贴作战任务、作战对手 -ZH_HYP: 1.. +ZH_HYP: (a)(一),在做作的时候,我们都会有自己的东西,而不是为了自己的利益而努力,而不是在他们的面前,为你的外套,为你的服务而去,因为它是最伟大的,是对的 EN: align with war tasks and opponents and arouse a trend of researching on war-related issues ZH_REF: 作战环境,大兴作战问题研究之风 -ZH_HYP: 1.. +ZH_HYP: (一)(一),不,是,也是为了使自己的处境与之相联系,而不是在他们的面前,为自己的力量而去,而不是为了给别人带来的,也是在我们的上司中的的的的的的的的的的的的的的 EN: Efforts should be made to improve construction of the commanding system and ability in joint operation, emancipate mind, make innovations in practice and work harder, build a strong and high-efficiency... ZH_REF: 要着力加强联合作战指挥体系和能力建设,解放思想,创新实践,加大工作力度,打造坚强高效的 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是对我们的,是为了使自己的事业变得更容易,也是为了使自己的心想而变得更糟,而不是在别人身上,而是在你的身上,还是要把它的意思和(或)的 EN: Efforts should be made to deepen actual war-based military training and insist on the principle that military training should be performed completely based on requirements of actual war. ZH_REF: 要着力深化实战化军事训练,坚持仗怎么打兵就怎么练,打仗需要什么就苦练什么。 -ZH_HYP: 1.. +ZH_HYP: (a)为人提供了一个机会,以使他们的心从表面上看,而不是在他们的身上,而不是在他们的身上,而不是在那里,也是为了保护自己的,而不是太多了。的了了了了了了了了了了了了了了了了了了了 EN: Enthusiasm, initiative and creativity of officers and soldiers should be given full play, ZH_REF: 把官兵积极性、主动性 -ZH_HYP: 1.. +ZH_HYP: (一)(一),是,也是为了使他们的缘故,而不是为了让自己的缘故,而不是为了让自己的力量而去,因为它是在我们的,是的,是的,是的,是的,是对的,是对我们的 EN: and an upsurge of military training should be aroused in the whole army ZH_REF: 创造性充分激发出来,在全军兴起大抓军事训练热潮 -ZH_HYP: 1.. +ZH_HYP: (a)(一),在“黑点”中,我们的目标是用“”的方式来控制,而不是在你的脚趾中,让你的心惊肉跳起来,让你的心惊肉跳高的的的的的的的的的 EN: Xi Jinping stressed that leading cadres at all levels, especially high-ranking cadres, should play a leading role in war preparation and war fighting. ZH_REF: 习近平强调,全军各级领导干部特别是高级干部要做备战打仗带头人。 -ZH_HYP: 1.. +ZH_HYP: 在任何情况下,都是为了使自己的处境,而不是在一起,而是在我们的面前,为自己的力量而努力,而不是在他们的面前,才会有更多的东西,而不是你的,是我的错觉,那是对的,对你的 EN: It is necessary to establish proper outlook on career, outlook on power and outlook on position and strengthen their awareness in war preparation and war fighting. ZH_REF: 要树立正确的事业观、权力观、地位观,树牢备战打仗意识。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在进行中,是一种不稳定的,是为了使之成为了,而不是在他们的中,为自己的力量而去,而不是在那里,也是为了给别人带来的,而不是太多了的的的的 EN: Zhang Youxia, Member of the Political Bureau of the Central Committee of the CPC and Vice Chairman of the Central Military Commission, as well as Wei Fenghe, Li Zuocheng, Miao Hua and Zhang Shengmin, Members of the Central Military Commission, participated in the activity. ZH_REF: 中共中央政治局委员、中央军委副主席张又侠,中央军委委员魏凤和、李作成、苗华、张升民参加活动。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),也是由“s”的,是由“主”的,是由“主”的,是由於是在华人的,而不是在别人身上,而是在你的身上,也是由你的,是的。 EN: According to reports, ZH_REF: 本台消息 -ZH_HYP: 1.. +ZH_HYP: (b)如果有,则是不可能的,因为在任何情况下,都是为了使其变得更加危险,而不是为了使他们的力量而被人所束缚,而不是为了使人的力量而被人所包围,而不是最需要的,而是要在那里 EN: Twenty-fifth Informal Leaders Meeting ZH_REF: 第二十五次领导人非正式会议 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,你的意思是,在他们的时候,我们都不愿意去,因为他们是在一起,还是要把它的东西弄得太多了了了了了了了了了了了了了了了了 EN: Invited by Nguyen Phu Trong, the General Secretary of the Central Committee of the Communist Party of Vietnam, Trn i Quang, the Chairman of the Socialist Republic of Vietnam, and Boungnang, the General Secretary of the Central Committee of the Lao People's Revolutionary Party and Chairman of the Lao People's Democratic Republic, ZH_REF: 应越南共产党中央委员会总书记阮富仲、越南社会主义共和国主席陈大光、老挝人民革命党中央委员会总书记、老挝人民民主共和国主席本扬邀请。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是由中国人组成的,是我们的人民,他们的命运,是为了赢得了他们的胜利,他们的事业是由衷的,是对中世纪的,是对的,也是对的.的的的的的的的 EN: General Secretary of the CPC Central Committee and President Xi Jinping will pay a state visit to Vietnam and Laos from November 12 to 14. ZH_REF: 中共中央总书记、国家主席习近平将于十一月十二日至十四日对越南、老挝进行国事访问。 -ZH_HYP: 1.. +ZH_HYP: (n)(一),(),我们的手表是,在我的身材里,他们都是为了得到的,而不是在他们的中,才会被人所为,而不是在那里,要么是为了得到更多的 EN: The Foreign Ministry held a briefing for Chinese and foreign media on the 3rd. ZH_REF: 外交部三号举行中外媒体吹风会 -ZH_HYP: 1.. +ZH_HYP: 4.5.在不允许的情况下,我们的目的是为了使自己的处境和被人的处境相撞,而不是在他们的脚下,在那里,为他们的服务提供了一个好的方法,让我们的心智,而不是在你的面前 EN: The relevent officials from the Ministry of Foreign Affairs and the Ministry of Commerce announced that General Secretary and President Xi Jinping planned to visit Vietnam. ZH_REF: 外交部、商务部有关负责人介绍习近平总书记、国家主席即将赴越南岘港。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),在贸易中,我们的手是由衷的,而不是在他们的中,是为了得到的,而不是在那里,他们都是为了得到的,而不是为了给别人带来的,那是对的,而不是什么? EN: He will deliver a keynote speech, attend informal leaders meetings and working lunches in two stages, and attend a dialogue between APEC leaders and ASEAN leaders, ZH_REF: 并发表主旨演讲,出席两个阶段领导人非正式会议和工作午宴,出席APEC领导人与东盟领导人对话会 -ZH_HYP: 1.. +ZH_HYP: (4)a:(一),我们的人,是为了使自己的心目,而不是在一起,在他们的面前,为自己的力量而努力,而不是在那里,也是为了赢得更多的人(的的的的的的的的的的的的 EN: attend the dialogue between APEC leaders and representatives of the APEC Business Advisory Council, and will meet leaders of relevant economies. ZH_REF: 出席APEC领导人与APEC工商咨询理事会代表对话会,并将会见有关经济体领导人。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。。。 EN: The consensus reached in the meeting will be reflected in the declaration of leaders issued after the meeting. ZH_REF: 会议共识将反映在会后发表的领导人宣言中。 -ZH_HYP: 1.. +ZH_HYP: (4)在任何情况下,我们都会有更多的机会,而不是在他们的身上,而不是在他们的身边,在那里,你会被人的错觉,而不是在他们的身边,那是对的,是的,是的,是的。 EN: The third agenda is to jointly draw a new vision for future cooperation. ZH_REF: 三是共同勾画未来合作新愿景。 -ZH_HYP: 1.. +ZH_HYP: (a)(一),在不可能的情况下,我们将为自己的利益而去,因为他们的事也是为了得到的,而不是在他们的中,是为了让人感到厌倦了,而这是对他们的最重要的,因为它是对的 EN: The fourth agenda is to jointly promote the smooth flow of trade and the implementation of the resolutions of the Beijing Conference, as well as push forward the creation of the Asia Pacific Free Trade Area. ZH_REF: 四是共同推动贸易畅通、北京会议成果落实、亚太自贸区建设取得新进展。 -ZH_HYP: 1.. +ZH_HYP: (四)为使人的利益,而不是为自己的事业而努力,而不是为他们提供的,也是为了使他们的事业变得更美好的,而不是在我们的身边,而是为了达到目的而去做,是了了了了了了了了了 EN: China will continue to work with all parties to promote the steady development of economic cooperation in the Asia-Pacific region and promote the development and prosperity of the Asia-Pacific region and the world. ZH_REF: 中方将继续同各方一道,推动亚太经济合作稳定向前发展,促进亚太和世界的发展繁荣。 -ZH_HYP: 1.. +ZH_HYP: 4.3.在不扩散的情况下,我们的努力将是为了促进贸易,而不是在发展中,也是为了使其成为一个更强大的、更有可能的,而不是在国际上,也是为了实现的,而不是最坏的,了 EN: The first visit of the top leader of Chinese CP and the country will open a new chapter of peripheral diplomacy with Chinese characteristics in a new era. ZH_REF: 中国党和国家最高领导人首次出访, 将开启新时代中国特色周边外交新境界。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。 EN: During his visits to Vietnam, ZH_REF: 访越期间 -ZH_HYP: 1.. +ZH_HYP: 在他的身材里,有的是,他们的,是的,是的,是为了使他们的,而不是为了让他们的,而不是为了让他们的,而去,那就会被人的错觉,而不是最糟糕的,因为他的意思是 EN: General Secretary and President Xi Jinping will hold talks with General Secretary Nguyen Phu Trong, Chairman Trn i Quang, Prime Minister Nguyen Xuan Phuc and Congress chairwoman Nguy n Th Kim Ngan ZH_REF: 习近平总书记、国家主席将同阮富仲总书记、陈大光主席、阮春福总理和阮氏金银国会主席 -ZH_HYP: 1.. +ZH_HYP: (一)(一),我的意思是,你是在他们的,是为了得到的,是在不可能的,是在说谎的,是为了给我的,而不是在那里,还是要和他的关系,的 EN: separately. ZH_REF: 分别举行会谈会见 -ZH_HYP: 1.. +ZH_HYP: (b)(一)为"无"的",",",",",",",",",",",",",",",",",",",",",",",",",",","", EN: They will have in-depth discussions on relations between the two parties and countries, pragmatic cooperation in various fields, as well as regional and international issues of common interest. ZH_REF: 就深化中越两党两国关系和各领域务实合作及共同关心的地区和国际问题等深入交换意见。 -ZH_HYP: 1.. +ZH_HYP: (4)在任何情况下,我们都是为了使他们的利益而变得更重要,因为他们是在一起,而不是在一起,而是为了在国家间的关系中,而不是在那里,而且是为了给别人带来的,的的的 EN: The leaders of the two parties and countries will also jointly attend the groundbreaking ceremony for a Chinese aid project related to the livelihood of Lao people. ZH_REF: 两党两国领导人还将共同出席中方援建老方的民生项目奠基仪式。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在不可能的情况下,我们将为自己的利益而牺牲,而不是在他们的国家中,也是为了让他们的力量而努力,而不是在那里,是为了让人感到羞耻的 EN: The development of Sino-Vietnam and Sino-Laos relations and the mutually beneficial and win-win cooperation between China and Southeast Asian countries have brought new opportunities and injected new impetus. ZH_REF: 中越、中老关系发展,以及中国同东南亚国家的互利共赢合作带来新机遇,注入新动力 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................ EN: According to reports, ZH_REF: 本台消息 -ZH_HYP: 1.. +ZH_HYP: (b)如果有,则是不可能的,因为在任何情况下,都是为了使其变得更加危险,而不是为了使他们的力量而被人所束缚,而不是为了使人的力量而被人所包围,而不是最需要的,而是要在那里 EN: During the 19th National Congress of the Chinese Communist Party and after Comrade Xi Jinping was elected General Secretary of the CPC Central Committee, many political parties and governments of foreign countries, ZH_REF: 在中国共产党召开第十九次全国代表大会期间和习近平同志当选为中共中央总书记后,许多国家政党、政府 -ZH_HYP: 1.. +ZH_HYP: 在任何情况下,都是由大人组成的,而不是在美国,而是在为自己的利益而进行的,而不是在他们的面前,才是为了给他们带来的,而不是在意外的,是在别人的上中的的的的的的的的的 EN: international organizations, non-governmental organizations and their leaders, diplomatic envoys in China, international friends, overseas Chinese, and compatriots from the Hong Kong SAR, Macao SAR and Taiwan ZH_REF: 国际组织、民间团体及其领导人,驻华使节、友好人士以及旅居国外的华侨华人,香港特别行政区同胞、澳门特别行政区同胞和台湾同胞 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在其他方面,我们的国家,是不可能的,也是为了他们的利益而去,他们的是,他们的是,他们的力量,是为了得到的,而不是在国际上,也是为了给他们带来的 EN: sent congratulatory messages to the General Assembly, CPC Central Committee, and newly elected leaders, expressing warm congratulations and best wishes. ZH_REF: 向大会、向中共中央、向新当选领导人发来贺电贺函,表示热烈祝贺和良好祝愿 -ZH_HYP: 1.. +ZH_HYP: (a)(一),在我们的身材里,我们将为自己的命运而努力,而不是在他们的面前,为你带来的,是为了得到的,而不是在那里,也是为了让人感到厌倦的,那是对的,我们都是最重要的 EN: The General Office of the CPC Central Committee and the International Department of CPC Central Committee were entrusted by the CPC Central Committee and General Secretary Xi Jinping ZH_REF: 中共中央办公厅、中共中央对外联络部受中共中央和习近平总书记的委托 -ZH_HYP: 1.. +ZH_HYP: (c)(一)为一、二、一、二、三条的规定,是指甲海损的,其在任何情况下都是由於是由於是由於是由於是由於是由於的而的而而而而而而而的的的的的的的的的的的 EN: to express sincere thanks. ZH_REF: 谨表示衷心的感谢 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,我们的意思是,他们的意思是,在我的时候,要把它给的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: Intensifying the basic construction for farmland water conservancy is an urgent requirement and basic guarantee for deepening the structural reform of the agricultural supply side as well as realizing the goal of empowering and enriching peasants. ZH_REF: 加强农田水利基本建设,是深化农业供给侧结构性改革、实现强农惠农富农的迫切要求和基础保障。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),在我们的过程中,我们需要的是,它是由自己的,而不是在为自己的,而不是在为自己的力量,而不是为了让别人的利益而去,因为它是最重要的。了了了了了了了 EN: Since the party’s 18th National Congress, all regions and relevant departments have conscientiously implemented the decisions and policies of the CPC Central Committee and the State Council, have made solid progress in improving water conservancy for farmland and have achieved remarkable results. ZH_REF: 党的十八大以来,各地区、各有关部门认真贯彻党中央、国务院决策部署,扎实推进农田水利基本建设并取得显著成效。 -ZH_HYP: 1.. +ZH_HYP: (4)如果有任何形式的,就会有一个大的,而不是在他们的国家里,而不是在一起,而是在我的上,是为了使自己的力量和力量来实现,而不是在我的上司上,也是如此。 EN: This has laid a solid foundation for maintaining good harvest year after year, continuously increasing farmers' income, and sustaining healthy economic and social development in rural areas. ZH_REF: 为实现农业连年丰收、农民持续增收、农村经济社会健康发展提供了强有力的基础支撑。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为它是在为自己的商品而来的,而不是在他们的身上,而是在为自己的利益而努力的.的的的的((((((((((((((((((的的 EN: It is imperative to study in depth and implement the spirit of the Nineteen National Congress of the CPC, and take guidance from Xi Jinping's socialist ideology with Chinese characteristics in the new era ZH_REF: 望深入学习贯彻党的十九大精神,以习近平新时代中国特色社会主义思想为指导 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在“”“”,“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。 EN: in a bid to accelerate improvement of the water conservancy infrastructure network and water governance system, and to make efforts to fill the gap in water conservancy, and further increase the comprehensive agricultural production capacity. ZH_REF: 加快完善水利基础设施网络和水治理制度体系,着力补上水利建设短板,进一步提高农业综合生产能力。 -ZH_HYP: 1.. +ZH_HYP: (一)(一)不一,也是为了使其更容易地使用,而不是为了使其更易碎,而在其他方面也是如此,因为它是在国际上进行的,而不是为了达到最高标准的目的而使其更高的 EN: We must improve the disaster prevention and mitigation capabilities as well as the capability to conserve and better use water resources in order to make new contributions to the development of modern agricultural and to the cause of building a well-off society. ZH_REF: 防灾减灾能力和节约利用水资源的能力,为促进现代农业发展、决胜全面建成小康社会作出新贡献。 -ZH_HYP: 1.. +ZH_HYP: (一)为使人的处境,而不是为了使人的利益,而又是为了使他们更容易地工作,而不是为了使他们的力量变得更有价值,而且在我们的工作中也是如此。的了了了了了了了了了了的的了 EN: Wang Yang, member of the Standing Committee of the Political Bureau of the CPC Central Committee and Vice Premier of the State Council, attended the meeting and delivered a speech. ZH_REF: 中共中央政治局常委、国务院副总理汪洋出席会议并讲话。 -ZH_HYP: 1.. +ZH_HYP: 3.a.(b)在任何情况下,都是由不负责的,而不是在中,它是由它的,它的意思是,它是由一个人所控制的,而不是在上方,而是在那里的 EN: He stressed that the video and telephone conference for the construction of farmland water conservancy infrastructure in the winter and spring was held after the party’s 19th National Congress ZH_REF: 他强调,全国冬春农田水利基本建设电视电话会议是党的十九大以后 -ZH_HYP: 1.. +ZH_HYP: 在他的身材里,有的是,在我们的房间里,他们都是为了不让自己的,而不是在他们的身边,在那里,是为了赢得了他们的才华,而不是在那里,是为了让人感到很好的 EN: and made the arrangement. ZH_REF: 做出了部署 -ZH_HYP: 1.. +ZH_HYP: (4)a:(b),我们的,是的,是在不可能的,因为他们的事,是为了使他们的工作变得更有价值,而不是在他们的身边,还是要把它的东西分给别人,而不是最需要的,而是要用的。 EN: Premier of the State Council Li Keqiang met with TerraPower Chairman and Microsoft Founder Bill Gates on the morning of the 3rd at Tower of Violet Light, Zhongnanhai ZH_REF: 国务院总理李克强三号上午在中南海紫光阁会见美国泰拉能源公司董事长、微软公司创始人 -ZH_HYP: 1.. +ZH_HYP: 5.a............................................................... EN: Gather the wisdom and power of the people, leverage international cooperation to drive disruptive advancement in technology, and achieve sharing for the better benefit of humanity. ZH_REF: 集众智、聚众力,以国际合作促进技术颠覆性发展,并实现共享,更好造福人类。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),在一个人的情况下,我们的愿望是,在不可能的情况下,为自己的利益而努力,而不是为了使他们的力量而变得更有价值,因为它是对国际关系的最重要的要求,而不是在他们的上司。 EN: Bill Gates said that next-generation nuclear power is of great significance to the development of future energy technology. We cherish cooperation with Chinese enterprises ZH_REF: 比尔盖茨表示,新一代核能对人类未来能源技术发展非常重要,我们珍视同中国企业的合作 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: The 103rd meeting of the Council of Chairmen of the 12th NPC Standing Committee of the PRC was held on the afternoon of the 3rd in Beijing at the Great Hall of the People. Chairman Zhang Dejiang presided over the meeting. ZH_REF: 十二届全国人大常委会第一百零三次委员长会议三号下午在北京人民大会堂举行,张德江委员长主持会议。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,我的观点是,在我的面前,你的观点是,在我的面前,他们的意思是:“你的心智,而不是在比赛中,还是在我的身边,”他说,“你是在我的。了了了了”””””””” EN: The meeting members heard the report of the director of the National People's Congress Law Committee, Qiao Xiaoyang, on the opinion as regards the deliberative draft to the revision of the draft amendment for three laws including the Law Against Unfair Competition. ZH_REF: 会议听取了全国人大法律委员会主任委员乔晓阳作的关于反不正当竞争法等三个法律修订草案审议稿修改意见的报告。 -ZH_HYP: 1.. +ZH_HYP: 4.在对这一问题的研究中,有一个人的观点是,它的作用是由其所产生的,而不是由它来的,而是在对其进行的保护方面的,而不是对其进行的,也是对其进行的。的的的 EN: The report on the outcome of the deliberation on the draft of Amendment (X) to the Criminal Law, and the report on the outcome of the deliberation on the draft amendment of 11 laws including the Accounting Law. ZH_REF: 关于刑法修正案十草案审议结果的报告、关于会计法等十一部法律的修正案草案审议结果的报告。 -ZH_HYP: 1.. +ZH_HYP: (a)对《公约》的影响,是对其进行的,也是为了使其成为对其进行的,而不是为了对其进行威胁,而不是为了使其成为一个更有价值的因素,即在国际上,对所有的人都有好处。 EN: Report on the status of the draft decision of national laws ZH_REF: 全国性法律的决定草案情况的汇报 -ZH_HYP: 1.. +ZH_HYP: (a)对所有的人都有影响,而不是为自己的,是为了使他们的利益而被人所包围,而不是为了使他们的心智而变得更严重,而且也是为了使他们的心智而被人所束缚的,而不是最糟糕的 EN: The meeting members heard the report of the director of the National People's Congress Foreign Affairs Committee, Fu Ying, on the status of deliberation on relevant foreign treaties and decision draft. ZH_REF: 会议听取了全国人大外事委员会主任委员傅莹作的关于审议有关涉外条约的情况及决定草案代拟稿的汇报。 -ZH_HYP: 1.. +ZH_HYP: (四)【句意】纬度是,我们的人,是为了使自己的利益而去,而不是为了他们的利益而去,而不是在那里,要么是在他们的关系中,要么是为了得到的,而不是在那里,要么是最坏的 EN: Report on the status of the report on the outcome of the deliberation on delegate motions separately proposed by four special committees including the Foreign Affairs Committee, and the Agriculture and Rural Affairs Committee ZH_REF: 外事委员会、农业与农村委员会等四个专门委员会分别提出的代表议案审议结果报告情况的汇报 -ZH_HYP: 1.. +ZH_HYP: (a)对所有的问题进行审查,以使其成为一个共同的问题,即:(a)将其作为其唯一的贸易和投资的条件,而不是以其方式为其提供的服务,而不是由它的最高利益为之所造成的,是是的的 EN: Report on the deliberation of the representative capacity of individual representatives and report on the state of the appointment and removal case, among others ZH_REF: 关于审议个别代表的代表资格的报告和任免案情况的汇报等 -ZH_HYP: 1.. +ZH_HYP: (四)为使人的处境和不安全而感到羞耻,在其他方面,他们都是为了得到的,而不是为了自己的利益而放弃,而不是在他们的身边,要么是在(e)上,而不是在(s)上,这是对我们的最严重的影响 EN: The Council of Chairmen confirmed that, pursuant to the deliberation opinion of the Standing Committee meeting, upon further deliberation on and amendments of the aforesaid motions and drafts ZH_REF: 委员长会议确定,根据常委会会议的审议意见,对上述议案和草案作进一步审议修改后 -ZH_HYP: 1.. +ZH_HYP: 4.对任何一个国家,都是由衷的,而不是在其所占的,是由其所产生的,而不是在其上,才会有可能,而且是为了使其更加有价值的,而不是在(s)(i)中,我们将会被要求 EN: A submission shall be made to the 104th Council of Chairmen to decide whether it shall be handed over for a vote at the closing ceremony of the 30th meeting of the 12th NPC Standing Committee of the PRC. ZH_REF: 提交第一百零四次委员长会议决定是否交付十二届全国人大常委会第三十次会议闭幕会表决。 -ZH_HYP: 1.. +ZH_HYP: (a)为"一",而不是",",",",",",",",",",",",",",",",",",",",",",",",",",",","""""" EN: Presented a report ZH_REF: 做了宣讲报告 -ZH_HYP: 1.. +ZH_HYP: (a)为人提供了一个安全的机会,使他们的心从表面上掉下来,而不是在他们的脚下,在那里,他们的手势都是在的,因为它是在为你的,而不是在上司的 EN: In his report, Wang Xiaohui systematically summarized the historic achievements and historical changes that have taken place in the past five years. ZH_REF: 王晓晖在报告中系统归纳了过去五年取得的历史性成就和发生的历史性变革。 -ZH_HYP: 1.. +ZH_HYP: 在这一情况下,他的名字是:“从表面来看,是的,是的,是的,是的,是的,也是为了使自己的事业变得更有价值的,而不是在你的身边,”他说。了了了了 EN: He expounds on the times, background, core essentials, innovative ideas and major contributions of Xi Jinping’s socialist ideology with Chinese characteristics of the new era, elaborates on socialism with Chinese characteristics, ZH_REF: 深刻阐述了习近平新时代中国特色社会主义思想的时代背景、核心要义、创新观点和重大贡献,阐述了中国特色社会主义 -ZH_HYP: 1.. +ZH_HYP: (四)为使人的生活方式而作为,而不是在我们的国家中,为自己的利益而去,因为它是由我们所拥有的,而不是在他的中,是在为你所带来的,是很有价值的 EN: and on how the CPC has overcome countless difficulties with extraordinary courage and tenacity. ZH_REF: 并以超凡的魄力和顽强的斗争精神,攻坚克难 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: The report uses vivid data and cases to get the message across in a systematic and easy-to-understand manner, triggering strong resonance among the audience. ZH_REF: 报告运用生动鲜活的数据、案例,系统透彻、深入浅出,在现场听众中引起强烈反响。 -ZH_HYP: 1.. +ZH_HYP: (k)【句意】(a)【句意】我们的意思是,你的意思是,它是在为你的,而不是在,它是由你来的,是的,是的,是的,是的,是的,是的。 EN: Many representatives expressed their resolve ZH_REF: 大家表示 -ZH_HYP: 1.. +ZH_HYP: 在其他方面,我们都有一个大的机会,是为了使自己的处境,而不是为了使他们变得更容易,因为他们的工作是在一起,而不是在他们的身边,才是为了得到的,而不是最需要的,是的,是的。 EN: to study and implement the spirit of the Nineteenth National Congress of CPC as required by the CPC Central Committee, to keep in line with the CPC Central Committee with Comrade Xi Jinping as the core, ZH_REF: 要按照中央的要求,深入学习贯彻党的十九大精神,在政治上思想上行动上与以习近平同志为核心的党中央 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在我们的过程中,我们将为自己的利益而作为,而不是在他们的面前,为自己的力量而去,而不是在那里,是为了给别人留下的东西,的的的的的的的的的的的的 EN: and turn the spirit of the Nineteenth Congress and the goals into a common understanding and firm action. ZH_REF: 保持高度一致,把党的十九大精神和各项目标任务切实转化为共同认识和坚定行动。 -ZH_HYP: 1.. +ZH_HYP: (4)a:(b),我们的,是为了使自己的处境,而不是在他们的身边,在那里,他们的工作是为了得到的,而不是在那里,要么是为了得到更多的保护的的的的的的的的的的的的的 EN: Today's report gives us deeper understanding of the spirit of the Nineteenth Congress and the spiritual essence of Xi Jinping’s socialist ideology with Chinese characteristics ZH_REF: 今天的这个报告让我们对十九大精神,对习近平的新时代中国特色社会主义思想它的精神实质 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是对我们的,是为了使自己的处境更加危险,而不是为了使他们的利益而变得更加危险,而不是在我们的身边,而是在他的身边,对你的态度了(((((的的的的的 EN: including the process of its formation. ZH_REF: 深刻内涵,包括这个形成的过程,我觉得都有一个更深刻的了解。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),在下,我们都是为了使他们的,而不是在他们的身边,在那里,他们都是为了得到的,而不是为了让别人的力量来实现,而不是在那里,要么是为了保持它的力量而去 EN: The report was hosted by Li Zhiyong, deputy secretary of the working committee of the Central State Organs. ZH_REF: 报告会由中央国家机关工委常务副书记李志勇主持 -ZH_HYP: 1.. +ZH_HYP: (一)为“黑客”,是指“我们”的“”,是“”,“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。。。。。 EN: About 3,000 people, including party and government cadres stationed in Beijing, officials from central enterprises, relevant responsible persons in colleges and universities, teachers and students from colleges, theorists and people from all walks of life took part in the report meeting. ZH_REF: 在京党政军机关干部、中央企业负责人、高校有关负责人和高校师生、理论工作者和各界群众代表,约三千人参加报告会。 -ZH_HYP: 1.. +ZH_HYP: (一)在这一过程中,有的是,我们的人,都是为了得到的,而不是在他们的身边,他们的工作,和他们的联系,是在他们的中,是为了给我的,而不是在那里,是 EN: Good presentation helps the whole society to reach a consensus and form a better ideological foundation. ZH_REF: 做好宣讲,让全社会形成共识,形成更好的思想基础。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,它是为了使人的,而不是在他们的工作中,而是在为自己的力量而来的。的的的的的的的的的的的的的的的的的的 EN: According to reports, Xinhua News Agency broadcast an editorial today calling for the integration of personal ideals into national causes, arousing a wave of enthusiasm among intellectuals and young CPC members in colleges in studying and implementing the spirit of the Nineth Congress of CPC. ZH_REF: 本台消息,新华社今天播发把个人理想追求融入国家和民族事业中,广大知识分子和青年学生党员掀起学习贯彻党的十九大精神 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),在“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。 EN: In recent days, the Ministry of Housing and Urban-Rural Development, together with the People's Bank of China and the China Banking Regulatory Commission, have jointly made arrangement for regulating the home financing, in a bid to intensify the anti-money laundry effort in real estate industry. ZH_REF: 近日,住建部会同人民银行、银监会联合部署规范购房融资行为,加强房地产领域反洗钱工作。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,我们的性格是由衷的,而不是为自己的,而不是在为自己的利益而牺牲,而不是在为他们提供的服务,也是为了给他们带来的,是在中国的,是对的,也是对的 EN: All localities are required to intensify efforts to investigate and punish the practice of providing illegal home financing, ZH_REF: 要求各地加大力度查处违规提供购房融资的行为。 -ZH_HYP: 1.. +ZH_HYP: (一)(一)不一,使之成为一种不稳定的手段,而不是为了使其成为可能的,而在其他方面,他们都是为了得到的,而不是为了使他们的利益而受到损害,而不是在(e)上,这是对我们的最严重的影响 EN: and intensify the scrutiny of the source of down payment funds and the authenticity of the borrower’s income proof. ZH_REF: 加大对首付资金来源和借款人收入证明真实性的审核力度等。 -ZH_HYP: 1.. +ZH_HYP: (a)【句意】(a)【句意】我们的意思是,在这方面,我们的工作是为了得到的,而不是为了给自己的钱买来,或者是为了给他们带来的,也是对的,而不是什么? EN: Today, the Ministry of Civil Affairs issued the first ZH_REF: 今天,民政部在京发放全国首张 -ZH_HYP: 1.. +ZH_HYP: (b)(一)a),以使人的身份,而不是为他们的,是为了使他们的工作而被人所为,而不是为了使他们的工作变得更高,而且是为了得到更多的保护,而不是在他们的上司机上。了了 EN: Unified Social Credit Code certificate for the special legal person, a grassroots autonomous organization in Beijing. ZH_REF: 基层群众性自治组织特别法人统一社会信用代码证书。 -ZH_HYP: 1.. +ZH_HYP: (一)(一)不一切,可供货,用於是用的,用於是用的,用的,用的,用的,用的,用的,用的,是的,是的,是的,是的,是的,是的。 EN: With this code, village committees and neighborhood committees will be able to open bank accounts, ZH_REF: 有了这个代码,村委会和居委会将可以开设银行账户 -ZH_HYP: 1.. +ZH_HYP: 如果有的话,就会有一个错误的,因为它是在为自己的,而不是为了让别人的,而不是在他们的身边,在那里,你会被打败的人,是为了让人感到厌烦的,那是对的,你的意思是什么? EN: independently carry out civil activities to perform its functions, and expand public service for urban and rural communities. ZH_REF: 独立开展为履行职能所需的民事活动,拓展城乡社区的公益服务功能 -ZH_HYP: 1.. +ZH_HYP: (k)(一)不允许的,因为它是在为之而进行的,而不是在他们的中,是为了使他们的工作变得更有价值,因为他们的工作是由我所做的,而不是在那里,还是要用的,那是什么 EN: It can smash and suck in sea sand and deep sea rocks at a speed of 6,000 cubic meters per hour, and then discharge the particles to a location on the sea up to 15 kilometers away. ZH_REF: 能以每小时六千立方米的速度将海沙、深海岩石粉碎吸出并排放到最远十五公里外的海域。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,我们的心,是为了使他们的心智而变得更有可能,而不是在他们的时候,就会被人的,而不是在那里,是的,是的,是的,是的。了了了 EN: The finals of 2017 China Agricultural Machine Operators Contest took place today. More than 52 million agricultural machine operators participated in the contest. After several rounds of competition, ZH_REF: 二零一七中国农机手大赛今天进行决赛,全国的五千二百多万名农机手通过层层选拔 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,中国的一个大片,是一个不公平的,是在做的,是在做的,而不是在那里,它是在比赛中的,而这是在他的比赛中,还是要在的.中上的的的的中中中中中中中中中中 EN: only 10 operators were qualified for the finales. ZH_REF: 最后十名选手闯入决赛。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】(b)【句意】我的意思是,你的意思是,它是在为你的,而不是为了给别人带来的,也是在我们的时候,它是什么?的的的的 EN: At present, the agricultural mechanization rate of China's main food crops has exceeded 80%, and the agricultural production has entered a new stage featuring a high level of mechanization. ZH_REF: 目前,我国主要粮食作物农业机械化率已经超过百分之八十,农业生产进入机械化为主的新阶段。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,我们的影响是,在做生意时,我们的生活方式是,他们的产品是不可能的,而不是在那里,它是在我们的,是的,是的,是的,是的,是的,是的。 EN: A string of major drug trafficking cases have been solved, including the smuggling of new psychoactive substances to the United States by Sun's gang, and the ZH_REF: 走私可卡因系列案,孙某某团伙涉美走私新精神活性物质案和王某某团伙 -ZH_HYP: 1.. +ZH_HYP: (a)为人的遗漏,包括在不可能的情况下,为其提供的货物,如:(一)为之提供的货物,如有必要,将其作为,而不是在国际上,以使其成为可能的,的((((((( EN: production and smuggling of Alpha P. V. P. by Wang's gang. ZH_REF: 制贩、走私阿尔法P. V. P. 等重特大毒品案件。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),“是”,“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。 EN: Today, Xie Zhenhua, China's Special Representative of Climate Change Affairs and Deputy Director of the Population Resources and Environment Committee of the National Committee of the CPPCC ZH_REF: 今天,中国气候变化事务特别代表、全国政协人口资源环境委员会副主任解振华 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: donated all the prize money he has received from the Lv Zhihe Award and the Sustaining Development Award of HK$20 million to the Tsinghua University Education Foundation. ZH_REF: 将其获得的吕志和奖,持续发展奖两千万港币奖金全部捐赠给清华大学教育基金会。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为它是在用的,而不是在那里,它是由你所做的,它的意思是:“你的钱,”,,,,的的的的的的的的 EN: The money will be used to establish a global climate change and green development fund. ZH_REF: 设立全球气候变化和绿色发展基金。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),在不可能的情况下,我们将为自己的利益而去,而不是为了他们的,而不是在那里,他们的力量是为了让人感到厌倦了,这也是你的错了。的了了了了了了了了了了了了了 EN: Affected by a stronger cold front, temperatures in many parts of Shandong Province have fallen sharply, and snowfall occurred on Mount Tai in the morning. ZH_REF: 受较强冷空气影响,今天,山东多地气温大幅下降,早上泰山出现降雪。 -ZH_HYP: 1.. +ZH_HYP: (一)(一)不,可惜一切,也是不可能的,因为在他们的上,他们都是在说谎的,而不是在他们的身边,那是对的,而不是在(上)的,是的,是的,是的。 EN: Compared with the temperature drop in the north, the heavy fog in some parts of the South China region has created a lot of troubles, paralyzing traffic in Chongqing this morning. ZH_REF: 与北方的降温相比,南方部分地区的大雾麻烦不小,重庆今天早晨的大雾一度严重影响交通。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,它是为了让人感到很不舒服,因为它是在为你的,而不是为了给别人带来的,而不是在乎的,而是在我们的上司中 EN: On the 1st to the 3rd, Song Tao, the Special Envoy of General Secretary Xi Jinping and the head of the International Department of CPC Central Committee, visited Vietnam and Laos. Among his agendas was to brief others on the 19th National Congress of the Chinese Communist Party. ZH_REF: 一号到三号,习近平总书记特使、中联部部长宋涛访问越南和老挝,通报中共十九大情况。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,我的观点是,有的是,我们的人,是为了他们的,而不是在他们的面前,他们是在一起,是为了赢得了他的才华,而不是在国际上,也是为了给他的。 EN: Song Tao met with Nguyen Phu Trong, the General Secretary of the Central Committee of the Communist Party of Vietnam, and Boungnang, the General Secretary of the Central Committee of the Lao People's Revolutionary Party and Chairman of the Lao People's Democratic Republic, conveying to them the message of General Secretary Xi Jinping. ZH_REF: 宋涛分别会见了越共中央总书记阮富仲和老挝人革党中央总书记、国家主席本扬,向他们转达了习近平总书记的口信 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的名字,是由衷的,是由衷的,是对的,是对的,是对的,是对你的,是对你的,是对的,是对的,是对的,是你的。 EN: Under the guidance of the spirit of the 19th CPC National Congress, the Chinese Communist Party and the people will promote the building of a new type of international relations, ZH_REF: 表示在中共十九大精神指引下,中国共产党和人民将为推动建设新型国际关系 -ZH_HYP: 1.. +ZH_HYP: (一)(一),“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。。。。。。。。 EN: in a bid to make new and greater contribution to the cause of constructing a community of destiny for human being. ZH_REF: 构建人类命运共同体作出新的更大贡献 -ZH_HYP: 1.. +ZH_HYP: (a)(一),(),(),是为了使自己的工作变得更有价值,因为他们的工作是在用功的方式上,而不是在他们的上司,而是要在别人的上司中去,因为它是最重要的,因为它是对的 EN: Both the leaders of Vietnam and Laos paid close attention to and evaluated the great significance and achievements of the 19th CPC National Congress. ZH_REF: 越方和老方领导人均高度关注和评价中共十九大的重大意义和成就。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,我的意思是,他们的意思是,他们的意思是,和我的意思,是的,是的,是的,是的,是的,是的,是的,是的。 EN: The Xinjiang Cultural Exchange Delegation has visited the United States and Canada in recent days. During their stay in the two countries, they held several forums with local academics, media professionals and overseas Chinese, ZH_REF: 中国新疆文化交流团近日先后访问美国和加拿大,与当地学界、媒体界人士和华侨华人等举行多场座谈会 -ZH_HYP: 1.. +ZH_HYP: 在美国,对这一问题的影响是,在我们的国家里,他们的态度和行为,是他们的,是在他们的,是在他们的,是在那里,还是在那里,是为了赢得了他们的忠诚,而不是在那里,的了 EN: conducting in-depth exchanges on topics such as education, employment, and human rights in Xinjiang. ZH_REF: 就新疆的教育、就业和人权等话题进行深入交流。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),在不可能的情况下,我们的处境也是不可能的,因为他们是在为他们的,而不是在那里,是为了让别人的,而不是为了让别人的服务而去,因为它是对的,而不是最需要的。 EN: Local people from all walks of life said that through in-depth communication with the delegation ZH_REF: 当地各界人士表示,通过与代表团深入沟通 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在这方面,我们都是为了让自己摆脱困境,而不是在他们的面前,为自己的力量而去,而不是为了让别人的心想而去,因为你是在我们的人,是的,是的,是的 EN: they gained better understanding of China's ethnic and religious policies as well as economic and social developments in Xinjiang. ZH_REF: 进一步了解了中国的民族宗教政策,以及新疆的经济社会等各方面发展状况。 -ZH_HYP: 1.. +ZH_HYP: 5.4.在美国,我们的态度是为了使自己的处境更加精致,而不是在他们的身上,而不是在那里,而是为了在自己的身边,在那里,和你的关系,那是对的,对你来说,是最重要的 EN: This visit has great significance in promoting exchanges between China, the U.S., and Canada in various fields and promoting understanding, trust and friendship among the people. ZH_REF: 对于推动中国与美国和加拿大各领域的交流,增进民间了解、互信与友好具有积极意义 -ZH_HYP: 1.. +ZH_HYP: 4.5.在不影响的情况下,我们的目的是为了使自己的心变得更容易,而在他们的面前,也是为了保护自己的,而不是在他们的身边,而不是在那里,还是要跟别人分享的的的 EN: Next is some international news. ZH_REF: 接下来请您收看一组国际快讯。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: The City Council of Vancouver, the largest city in British Columbia, Canada, unanimously agreed to make an apology for the past mistake of discrimination against Chinese immigrants. ZH_REF: 加拿大不列颠哥伦比亚省最大城市温哥华市的市议会一号一致同意,就历史上的排华行为作出道歉 -ZH_HYP: 1.. +ZH_HYP: 在这个大的中,一个人的意思是,他们的意思是,他们的生活方式是,我们的,是的,是的,是的,是为了得到的,而不是在那里,也是为了给他们带来的,而不是太多了 EN: The official apology ceremony will be held in April 2018. ZH_REF: 正式道歉仪式将于二零一八年四月举行。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................ EN: Chinese immigrants made great contributions to the economic and social development of Canada during mid-19th century. ZH_REF: 华人为加拿大经济社会发展作出巨大贡献,十九世纪中期 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在这方面,我们的工作是由他们来的,而不是在他们的中,是为了得到的,而不是在他们的身边,才是为了给他们带来的,而不是在意外的,那是对的,对我们来说是最重要的 EN: In the past, the Canadian government and the British Columbia Provincial Assembly had apologized for the past mistakes of discrimination against Chinese immigrants. ZH_REF: 之前,加拿大政府及不列颠哥伦比亚省议会曾先后就歧视华人的历史行为作出道歉。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),这是对的,而不是在他们的中,是为了使他们的缘故,而不是为了给别人带来的,而不是在他们的身边,而是在那里,是为了保护自己的事的的的的的的的的的的的的的 EN: Launched violent air raids. ZH_REF: 展开猛烈空袭。 -ZH_HYP: 1.. +ZH_HYP: 5.a............................................................... EN: At the same time, Syrian government forces also mounted a ground attack in Abu Kamel, a border town near Deir ez-Zor, ZH_REF: 与此同时,叙政府军也在代尔祖尔市附近的边境重镇阿布卡迈勒 -ZH_HYP: 1.. +ZH_HYP: 然而,在他的情况下,有一个人被偷了,这是对他们的,是在他们的,是在他们的,是在他们的,是为了得到的,而不是在那里,是为了保护他们的,而不是在西方的任何一个人。 EN: which is the last major base of extremist organizations in Syria. ZH_REF: 展开地面进攻,阿布卡迈勒是极端组织在叙利亚的最后一个主要据点 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,我们的态度是,从某种意义上,他们的态度,是为了让自己摆脱困境,而不是为了给别人带来的压力,而不是在那里,而是要在那里的,的的的的的的的 EN: In the early September of this year, ZH_REF: 今年九月初 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,我们的名字是,是为了使他们的缘故,而不是为了自己的利益而去,而不是为了让他们的,而不是在那里,而是为了给我带来了更多的东西,那是对的,你的一切都是对的,了 EN: Syrian government forces entered the city of Deir ez-Zor and lifted the 3-year-old siege by the extremist organization. ZH_REF: 叙政府军攻入代尔祖尔市,解除了极端组织对该市长达三年的围困。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),(),(),(2),在我们的时候,他们都是为了把他们的东西弄得太平了,而不是为了给他们带来的,是的,是的,是的,是的,是的,是的。 EN: On the 2nd, Lamela, the Chief Justice of the Spanish National Court, announced the decision to temporarily imprison nine independent high-ranking officials of the Catalonia Autonomous Region for inciting rebellion, treason, and misappropriation of public funds. ZH_REF: 西班牙国家法院大法官拉梅拉二号宣布,以煽动叛乱、叛国和挪用公款等罪名将九名加泰罗尼亚自治区的独立派前高官暂时关押。 -ZH_HYP: 1.. +ZH_HYP: 在这一情况下,一个人的名字是:“对,”,“是的,是对的,是为了控制的,而不是在为他们的,”他的口气,对了他的影响,也是对的,是的,是的。 EN: The District Council of Catalonia Autonomous Region unilaterally declared independence on October 27. ZH_REF: 加区议会十月二十七号日单方面宣布独立 -ZH_HYP: 1.. +ZH_HYP: (一)(一),一、二、三、四、五、五、四条、五、三条、下一列、以示、以示为之处,以示为之处,以示为之所带来的一切,为 EN: The Central Government of Spain subsequently announced the full takeover of local government power in Catalonia. ZH_REF: 西班牙中央政府随后宣布全面接管加区地方政府权力。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................ EN: According to the British National Bureau of Statistics, the British inflation rate was 3% in September this year, which is much higher than the 2% target set by the central bank. ZH_REF: 据英国国家统计局公布称,今年九月英国通胀率为百分之三,大大高于央行设定的百分之二的目标。 -ZH_HYP: 1.. +ZH_HYP: 在美国,这种情况是,在一个大的时期,我们的代价是为了使自己的利益而被破坏,而不是在他们的身上,而是在他们的身上,而不是在那里,才是为了得到的,而不是在那里,它是最重要的 EN: The market had strongly expected adjustments to UK monetary policy. ZH_REF: 市场此前对英国货币政策调整预期强烈。 -ZH_HYP: 1.. +ZH_HYP: (美英)(一),(),(),我们的东西是用的,因为它是用的,而不是在上,是在说谎的,是在说谎的,是在说谎的,是对的,而不是什么,而是要用的。 EN: In August last year, after the Brexit vote, the Central Bank of UK decided to cut interest rates to a record low of 0.25%. ZH_REF: 去年八月,英国央行在脱欧公投后决定将利率降至百分之零点二五的历史低位。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................ EN: As the move will hurt the interests of the middle class and benefit large companies and the rich, the bill will be violently attacked by the Democratic Party at the discussion stage. ZH_REF: 会伤及中产阶级利益,而让大企业和富人获益,因此该议案在讨论阶段将受到民主党的猛烈攻击。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这也是不可能的,因为我们的产品是用的,而不是在他们的中,是在他们的,是在说谎的,是在对的,是对的,而不是在那里,是的,是的。了 EN: Tonight's Xinwen Lianbo broadcast has concluded. Thank you for watching. ZH_REF: 今天的新闻联播播送完了,感谢收看。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: For more news updates, you may also refer to the CCTV news mobile website. Search CCTV for the address to download the mobile app. ZH_REF: 获取更多新闻资讯您还可以关注央视新闻移动网,下载地址可搜索央视新闻加。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),我们的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是对的,而不是你的,因为他的意思是对的,而不是最需要的。 EN: Good evening, viewers. ZH_REF: 各位观众晚上好。 -ZH_HYP: 1.. +ZH_HYP: (美英)()()(从句),我们的意思是,在我们的上,是为了使自己的力量而变得更容易,因为它是在为你所做的,而不是在别人身上,而是要用的,也是最重要的 EN: Good evening. ZH_REF: 晚上好。 -ZH_HYP: 1.. +ZH_HYP: (4)’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Today is November 4, a Saturday, and the 16th day of the ninth month of the Lunar Calendar. Welcome to Xinwen Lianbo. ZH_REF: 今天是十一月四号星期六,农历九月十六,欢迎收看新闻联播节目。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: In tonight's program, we cover ZH_REF: 今天节目的主要内容有 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................ EN: Xi Jinping signed Executive Orders #77, #78, #79, #80, #81 and #82. ZH_REF: 习近平签署第七十七号、七十八号、七十九号、八十号、八十一号、八十二号国家主席令。 -ZH_HYP: 1.. +ZH_HYP: (美英对照),(一),(一),是用完的,是用的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: Guidance Books for learning the spirit of the Nineteen Congress of CPC in ethnic minority languages. ZH_REF: 党的十九大文件及学习辅导读物少数民族文字版 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),是为了使自己的心从表面上看,而不是在他们的中,把它放在一边,或者是在他们的上方,而不是在别人身上,是为了给别人带来的,是的,是的,是的 EN: According to reports, President Xi Jinping signed Executive Orders #77, #78, #79, #80, #81 ZH_REF: 本台消息,国家主席习近平四号签署了第七十七号、七十八号、七十九号、八十号、八十一号 -ZH_HYP: 1.. +ZH_HYP: 在任何情况下,都是为了使自己的处境,而不是为了使他们的缘故,而不是为了自己的,而不是在他们的身边,而是在他的面前,为我的目的而去的,是的,是的,是的,是的,是的。 EN: and #82 ZH_REF: 和八十二号主席令 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在“不”的情况下,用的是由“”的,用的,是用的,是用的,用的,用的,用的,把它的意思为“”,的的的的的的的的的的的的 EN: Executive Order #77, entitled the "Law of People's Republic of China Against Unfair Competition”, was amended and passed by the 30th meeting of the 12th NPC Standing Committee ZH_REF: 第七十七号主席令说,《中华人民共和国反不正当竞争法》已由中华人民共和国第十二届全国人民代表大会常务委员会 -ZH_HYP: 1.. +ZH_HYP: (一)为“不”,是指“不”,也是指使他人的,是在为自己的,而不是在他们的面前,为自己的行为而受贿,也是为了使人感到羞耻的 EN: on November 4, 2017. The revised Anti Unfair Competition Law of the People's Republic of China is now promulgated ZH_REF: 第三十次会议于二零一七年十一月四日修订通过,现将修订后的《中华人民共和国反不正当竞争法》公布 -ZH_HYP: 1.. +ZH_HYP: 2007年,一号的编译为:不,不,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: and will enter into force on January 1, 2018. ZH_REF: 自二零一八年一月一日起施行。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................ EN: was passed on November 4, 2017, and is hereby made public, and will enter into force on January 1, 2018. ZH_REF: 于二零一七年十一月四日通过,现予公布,自二零一八年一月一日起施行。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的态度是,在做了一些事,他们都是为了得到的,而不是在他们的中,是在1904年的,是在我的上司中的,是的,是的,是的,是的。 EN: Executive Order #80, entitled the "Amendment (X) to the Criminal Law of the People's Republic of China", was passed by the 30th meeting of the 12th NPC Standing Committee ZH_REF: 第八十号主席令说,《中华人民共和国刑法修正案(十)》已由中华人民共和国第十二届全国人民代表大会常务委员会第三十次会议 -ZH_HYP: 1.. +ZH_HYP: (一)为"一",",",",",",",",",",",",",",",",",",",",",",",",",",",",","""""""" EN: on November 4, 2017, of the PRC, and is hereby made public, and will enter into force with immediate effect. ZH_REF: 于二零一七年十一月四日通过,现予公布,自公布之日起施行。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的名字是,是为了使自己的力量而非凡的,而不是为了自己的利益而去,而不是为了让别人的心烦而去,因为它是在你的上方,你会有什么关系的 EN: It will be implemented with effect from November 15, 2017. ZH_REF: 自二零一七年十一月五日起施行。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,我们的态度是,从某种意义上,从头到尾,我们都是在一起,把它放在一边,把它放在一边,把它放在一边,还是要把它的好坏了.了了了了了了了了了了 EN: Comrade Xi Jinping delivered a report to the 19th National Congress of the Communist Party of China on October 18, 2017, securing a decisive victory in building a moderately prosperous society in all respects. ZH_REF: 习近平同志二零一七年十月十八日,在中国共产党第十九次全国代表大会上所做的报告,决胜全面建成小康社会 -ZH_HYP: 1.. +ZH_HYP: 在美国的一个大的例子,是为了使自己的事业变得更加容易,而不是在乎,而是在20世纪90年代,我们都在努力,为自己的事业而努力,而不是在(或)上,让我们感到很有道理 EN: This report has been translated into seven ethic minority languages including the Mongolian, Tibetan, Uygur, Kazak, Korean, and Zhuang by the China Ethnic Languages Translation Bureau. ZH_REF: 蒙古、藏、维吾尔、哈萨克、朝鲜、彝、壮等七种少数民族文字版,已由中国民族语文翻译局翻译 -ZH_HYP: 1.. +ZH_HYP: 4.在任何情况下,都是为了使人的心智而变得更加危险,而我们的人却在为他们的人所做的一切,而不是在他们的身边,而是在他们的面前,对你的态度了的的的的的的 EN: Ethic minority scripts will also be published in the near future. ZH_REF: 少数民族文字版也将于近期出版发行 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: Has reached 37.07 million volume. ZH_REF: 已经达到三千七百零七万册。 -ZH_HYP: 1.. +ZH_HYP: 5.4.在一个不稳定的情况下,我们都有了,因为它是在为自己的,而不是在那里,他们的力量已经被人了,而且还在不断地把它给了,你的心就会被人所迷惑 EN: Meanwhile, a special bookcase has been set up in the most eye-catching position of Beijing Library Building, displaying intensively the 19th CPC National Congress documents and related readings as well as references, including the offprint of the 19th CPC National Congress Report, ZH_REF: 在北京图书大厦最显著的位置,设立了十九大文件及学习辅导读物专柜,集中展示党的十九大报告单行本 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的性格,是为了使自己的心智而变得更有价值,而不是在他们的面前,他们的才是,在那里,是的,是的,是的,是的,是的,是的。了 EN: the offprint of the Constitution of the Communist Party of China, 100 Q&A about the 19th CPC National Congress Report, and Q&A about the Constitution of the Communist Party of China Amended and Adopted at the 19th CPC National Congress. ZH_REF: 《中国共产党章程》单行本、 党的《十九大报告学习辅导百问》,《十九大党章修正案学习问答》 等各类十九大文件和学习辅导读物。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,中国的一个方面是,它的影响是,它的作用是,它是由一个人而来的,而不是在他们的国家里,它是由一个人的,而不是在1905年的.的的的 EN: In just one week, ZH_REF: 我们 -ZH_HYP: 1.. +ZH_HYP: (a)为人,而不是,也是为了使他们的缘故,而不是为了自己的利益而去,因为他们是在为他们的,而不是为了得到的,而不是为了给别人的,而不是在那里,而是要把它的东西给我。 EN: the sales of all showcased documents, readings and references have exceeded 150,000 copies. ZH_REF: 专柜设立一周的时间,我们现在的所有的文件还有相关辅导销售已经突破十五万册。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),在不可能的情况下,我们都会被人所为,而不是在他们的面前,他们的意思是,他们的意思是,要把它放在一边,还是要把它的东西分给别人,而不是太多了 EN: Readers’ enthusiasm has been unprecedentedly high. The 19th CPC National Congress was a meeting of great importance in the history of Chinese Communist Party. The report delivered by General Secretary Xi Jinping at the meeting was really impressive and stirring. Inspired by the varied good news and favorable prospects conveyed in the report, many readers also bought the100 Q&A about the 19th CPC National Congress Report for reference, in hopes of comprehending thoroughly the spirit of the meeting, ZH_REF: 读者购买的热情非常得高涨党的十九大是我党历史上的一次重要的会议,习近平总书记的报告非常的震撼人心,给中国的老百姓带来好多这个福音,专门买了一本这个十九大的学习辅导百问,认真再学习学习。 -ZH_HYP: 1.. +ZH_HYP: (c)【句意】(a)【句意】(h)【句意】’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: and further exploring the magnificent blueprint for the future of our country. ZH_REF: 进一步领会习近平总书记, 对于我国未来的宏伟的蓝图的规划 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(我们)的意思是,我们的生活是由一个人所控制的,而不是在他们的上,也是为了让自己的力量而努力,而不是在那里,要么是为了让人感到厌倦了的的的的的的的 EN: So far, Xinhua Bookstores and book malls across the country all have a special bookcase for the exhibition and showcase of the 19th CPC National Congress documents and related readings as well as references ZH_REF: 目前全国各地的新华书店和各大书城都设立了十九大文件及学习辅导读物专柜专架。 -ZH_HYP: 1.. +ZH_HYP: (美)(一),我们的书,是,在那里,我们都是为了得到的,而不是为了自己的,而不是在他们的中,才会有价值的,而不是在那里,还是要把它的东西给别人的 EN: convenient for readers to access these materials, for party members and cadres to understand the new era and new ideas in more details, and favorable for creating an admirable atmosphere of learning the spirit of the 19th CPC National Congress in the whole society. ZH_REF: 方便读者学习购买,引领广大党员干部群众更详细了解新时代新思想,在全社会形成学习十九大精神的良好氛围。 -ZH_HYP: 1.. +ZH_HYP: (c)【句意】(a)【句意】我们的意思是,我们的生活方式是,他们的意思是,在他们的工作中,有的是,在那里,和你的人都有好处。是的了了的了 EN: For reports delivered during the 19th National Congress of the Communist Party of China, we feel… ZH_REF: 十九大报告,我们老百姓那 -ZH_HYP: 1.. +ZH_HYP: (一)“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。 EN: written into the party constitution amended at the 19th CPC National Congress, a great deed for our party and the whole nation, we are confident that our life will get better and better. ZH_REF: 写入了我们的党章,这是我们党我们国家一件大事情,我们相信我们的生活会越来越好。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,我们的态度是,从某种意义上讲,我们的国家都是为了他们的,而不是为了自己的利益而去,而不是为了让自己的力量来实现,而不是在我们的身边,你就会被人所受的 EN: In addition, in order to help the broad masses of peasants to learn and understand the spirit of the 19th CPC National Congress, ZH_REF: 此外,为帮助广大农民群众学习领会党的十九大精神 -ZH_HYP: 1.. +ZH_HYP: (a)(一),在为难的,我们的人也会有这种感觉,而不是为了他们的,而不是在他们的身边,而是在他们的面前,才会有价值的,而不是在别人身上的,是什么意思?了了了了了了 EN: the administration of radio, film and television of each province have also delivered documents and related readings as well as references of the 19th CPC National Congress to the rural library ZH_REF: 新闻出版广电部门还把十九大文件和学习辅导读物配送到农家书屋,依托农家书屋平台 -ZH_HYP: 1.. +ZH_HYP: (k)【句意】(a)【句意】我们的意思是,在这方面,我们的工作是为了得到的,而不是在他们的时候,也是为了得到的,而不是为了给别人的,而不是在那里? EN: I feel that life of farmers has a promising future. ZH_REF: 觉得对我们农民的生活确实有了一个很好的前景。 -ZH_HYP: 1.. +ZH_HYP: (4)()(),我们的生活是,在不可能的情况下,为自己的利益而努力,而不是在他们的身边,在那里,他们的力量是在不断的,是的,是的,是的,是的,是的。 EN: Meanwhile, the People's Publishing House also have uploaded the e-book of related readings ZH_REF: 在移动互联网上,人民出版社把相关读物的电子书 -ZH_HYP: 1.. +ZH_HYP: (a)(四)为使人的行为而被人所包围,而在他们的情况下,他们的工作是为了得到的,而不是为了得到的,而不是在他们的身边,要么是在(e)的,是对的,而不是最需要的。 EN: to its mobile App, and went live at the same time as the printed book, ZH_REF: 上传到党员小书包客户端, 与纸质书同步上线, 方便快捷的手机客户端。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: so that primary party organizations and broad masses can study the content and spirit of the 19th CPC National Congress at any time anywhere. ZH_REF: 让基层党组织和广大群众随时随地都可以学习党的十九大精神。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为它是在我们的,是为了使他们的心智而变得更有价值,而在他们的时候,就会被人所束缚的,而不是最需要的,是的,是的,是的。 EN: Through the mobile App, the broad party members, cadres, and masse around the country can have access to our most authoritative readings, reports and related references up to the minute. ZH_REF: 非常的便捷,能够让那个全国的广大党员干部群众在第一时间可以阅读到我们的最权威的读本,我们的报告和我们的辅导材料。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为它是在我们的国家中,而不是为了使他们的利益而变得更容易,而且是为了使他们的力量而受到伤害,而不是在我们的身边,要么是在那里,要么是最重要的 EN: The 30th Session of the Standing Committee of the 12th National People's Congress was concluded at the Great Hall of the People in Beijing on the afternoon of November 4. Chairman Zhang Dejiang presided over the final sitting. ZH_REF: 十二届全国人大常委会第三十次会议四号下午在北京人民大会堂举行闭幕会,张德江委员长主持闭幕会。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在这一阶段,我们的国家是由他们来的,是在他们的面前,为他们的利益而牺牲,而不是在他们的面前,你就会被人所为的,是的,是的,是的。了了 EN: The newly amended Anti-Unfair Competition Law, newly amended Standardization Law, Public Library Law, Amendment X to the Criminal Law, and Decision on Amending Eleven Laws including the Accounting Law ZH_REF: 会议经表决,通过了新修订的反不正当竞争法、新修订的标准化法、公共图书馆法 -ZH_HYP: 1.. +ZH_HYP: (一)在不影响的情况下,我们的目的是为了使其成为一个新的、更有的,是对其进行的,而不是为了使其得到更多的保护,而不是对其进行任何修改,以使其成为一个错误的问题 EN: were passed in the session vote. ZH_REF: 刑法修正案十、关于修改会计法等十一部法律的决定 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的错误,是,他们的目的是为了使他们的工作变得更糟,而不是在他们的面前,为你的对手而去,而不是在那里,那是对的,是的,是的,是的,是的。 EN: Guo Shengkun was removed from the concurrent post as Minister of Public Security. ZH_REF: 决定免去郭声琨兼任的公安部部长职务。 -ZH_HYP: 1.. +ZH_HYP: 5.e............................................................... EN: A decision was taken on extending the period of authorizing the State Council to temporarily adjust and implement relevant legal provisions in 33 pilot counties, cities, and districts including Daxing District of Beijing, ZH_REF: 关于延长授权国务院在北京市大兴区等三十三个试点县、市、区行政区域暂时调整实施有关法律规定期限的决定。 -ZH_HYP: 1.. +ZH_HYP: (a)为使人的工作变得更加安全,而不是为其提供便利,使其成为一个国家,而不是在其所占的比例,或在其上,以达到最高的标准,并将其作为(d),,的的的的的的的的的的的的的的的的的的 EN: approving the Treaties between China and Armenia on Judicial Assistance in Criminal Cases, ZH_REF: 会议表决通过了关于批准《中国和亚美尼亚关于刑事司法协助的条约》的决定、关于批准中国和埃塞俄比亚关于民事 -ZH_HYP: 1.. +ZH_HYP: (一)(一)不一,也是为了使之成为一个不稳定的地区,而不是为了使其成为可能的,而在其他情况下,他们都是为了保卫人民的力量而被人所受的,而不是为了使他们的力量而被人所受的 EN: approving the Treaties between China and Ethiopia on Civil and Commercial Judicial Assistance, and ZH_REF: 和商事司法协助的条约的决定 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在其他情况下,我们的核子是由不稳定的,而不是在他们的手中,而是为了在他们的力量上,为你的力量而去,而不是为了给别人带来的,也是在我们的上司机 EN: a report on the deliberative results of bills submitted for deliberation by the Presidium of the 5th Session of the 12th National People's Congress passed in a vote. ZH_REF: 关于第十二届全国人大五次会议主席团交付审议的代表提出的议案审议结果的报告 -ZH_HYP: 1.. +ZH_HYP: (a)(一)将有关的人的意见和其他的错误报告作为,以使其成为一个有价值的、有可能的,以使其在一次的情况下,以牺牲品的方式,并在不受影响的情况下进行(e) EN: The report of the Credentials Committee of the NPC Standing Committee on the qualification of individual representative was passed in a vote. ZH_REF: 会议表决通过了全国人大常委会代表资格审查委员会关于个别代表的代表资格的报告。 -ZH_HYP: 1.. +ZH_HYP: (a)对所有的人来说,是一个不公平的,因为它是由衷的,它的意思是,它是由它的,它的意思是,它是由它的,它的意思是,它的意思是:的的 EN: Besides, other cases of appointment and removal were also passed in a vote. ZH_REF: 会议还表决了其他任免案。 -ZH_HYP: 1.. +ZH_HYP: (a)除去的外,我们也会有更多的东西,而不是为了他们的,而不是为了他们的,而不是为了他们的,而是为了在他们的工作中,在那里,为你的对手而去的。了 EN: After all voting-related matters were completed, Chairman Zhang Dejiang made a summary speech on the work accomplished in this standing committee session. ZH_REF: 在完成各项表决事项后,张德江作了讲话,总结了本次常委会会议所完成的各项工作。 -ZH_HYP: 1.. +ZH_HYP: 在任何情况下,都是不可能的,因为它是在做作业的,而不是在他们的面前,为自己的力量而努力,而不是在那里,也是为了让人感到厌倦的,而不是在别人身上的,是的,是的。 EN: Afterwards, Zhang Dejiang made his request for an in-depth study and implementation of the spirit of the 19th CPC National Congress. He stressed that the Standing Committee of NPC should make efforts to learn, comprehend, and implement the requirements of the 19th CPC National Congress, ZH_REF: 随后,张德江就全国人大常委会深入学习贯彻党的十九大精神提出要求,他强调,要在学懂弄通做实上下功夫。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,他的性格是有意义的,而不是为了使自己的利益而变得更有价值,而且也是在说谎的,而不是在他的身边,这是对他的看法,是对的,而不是在他的身上,还是要有的。 EN: and strive to create a new dimension in the work of NPC. To achieve this, it should, on one hand, understand that the centralized and unified leadership of the Party Central Committee was the supreme principle of the party's leadership ZH_REF: 努力开创人大工作新局面,一要深刻领会党中央集中统一领导是党的领导的最高原则 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是对我们的,是为了使自己的利益而又不受苦,而不是为了自己的力量而努力,而不是在那里,才是为了赢得最高的人,是的,是的,是的,是的,是的。 EN: and unswervingly adhere to the centralized and unified leadership of the Party Central Committee with Comrade Xi Jinping as the core. On the other hand, it should comprehend thoroughly The Thought on Socialism with Chinese Characteristics for a New Era proposed by Xi Jinping. ZH_REF: 坚定坚持以习近平同志为核心的党中央集中统一领导,二要深刻领会习近平新时代中国特色社会主义思想 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这也是由“大”的,是在我们的,是,它的发展是由它的,而不是在它的中,它的意思是,它是由我所做的,是对的,而不是最需要的。 EN: Zhao Kezhi was appointed as the Minister of Public Security in the recently concluded 30th Session of the Standing Committee of the 12th National People's Congress. ZH_REF: 刚刚闭幕的十二届全国人大常委会第三十次会议决定任命赵克志为公安部部长。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的工作是由一个人组成的,而不是在他的面前,他们的才是,他们的才是,他们的力量是在中途中,而不是在那里,是为了让人感到厌倦了的的的的的的的的 EN: Responsible comrades of the National people's Congress and the Ministry of Public Security took part in the swearing-in. ZH_REF: 全国人大机关、公安部有关负责同志参加了宣誓活动。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),是,也是为了把自己的东西搬进去,而不是在他们的面前,把它放在一边,把它放在一边,把它放在一边,还是要用的,让它的上司匹配置 EN: To interpret the spirit of the 19th CPC National Congress, the people in Jiangxi Gao'an developed an intuitive understanding of the spirit and essence of the 19th CPC National Congress through a knowledge contest. ZH_REF: 解读十九大精神,江西高安通过十九大精神知识竞答,让群众直观地领会精神实质。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在这方面,我们的心智是什么,而不是在他们的面前,他们的意思是,在那里,他们的力量是在一起,而不是在别人身上,是对的,是对的,而不是最重要的。 EN: In Fujian Province, a light cavalry team of propaganda was organized and established, going down to countryside fields and seaside fishing villages to propagate the spirit of the 19th CPC National Congress in both local dialect and mandarin, ZH_REF: 福建省组建起十九大精神宣讲轻骑兵,深入到田间地头、海边渔村,用本地话、普通话宣讲十九大精神。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,一个人的性格是由衷的,而不是在他们的身边,在那里,他们是为了得到的,而不是在他们的身边,在那里,是为了让人的力量去做,而不是在那里,这是我的意思 EN: to answer questions and resolve doubts for local villagers on the spot, and brainstorm on how to help the grass-roots get rid of poverty. In the 19th CPC National Congress report, General Secretary proposed Six Precisions and emphasized ensuring the basic life needs of a group of poor people through social security. ZH_REF: 现场为群众解疑释惑,我们究竟是不是有有什么办法,能够做到真正能让他真正地脱贫,党的十九大报告里面总书记也提出了六个精准,无法脱贫的我们政府啊可以低保等兜底。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为我们的人对自己的生活和经济的影响,是他们的心智,而不是在他们的身边,他们都是在说谎的,是的,是的,是的,是的。 EN: In the villages of Hebei Province, campstool propaganda teams composed of more than 36,000 party members and cadres were formed, ZH_REF: 在河北乡村,小马扎宣讲小分队 -ZH_HYP: 1.. +ZH_HYP: 在他的身材里,有的是,有的是,他们的外套,是为了使他们的工作,而不是在他们的身边,那是对我来说,是为了得到更多的保护,而不是在那里,他们是在一起的,是的。 EN: paying group visits to and bringing the spirit of the 19th CPC National Congress into villages, communities, enterprises and schools. ZH_REF: 三万六千多名党员干部,通过大走访的形式,把十九大精神带进了乡村、社区、 企业、学校。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),(),我们的手表是,他们的意思是,他们的意思是,他们的意思是,我的意思是,他们的意思是,要把它的好处归功于“我的”,的的的的的 EN: In Yulin of Guangxi Province, over ten thousand of party cadres participated in the activity of walking into the house of grass-roots. ZH_REF: 广西玉林启动万名干部进万家活动 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,有的是,有的是,他们的外貌,是为了使他们的工作而变得更有魅力的,而不是在他们的身边,那是对的,是对的,是对我们的事了的的的的的的 EN: Local Women's Federation invited teachers from party schools to explain to local villagers the contents they were particularly concerned about in the 19th CPC National Congress report in a plain manner. ZH_REF: 当地妇联请来党校教师, 把十九大报告中村民们特别关注的内容,通俗地讲给他们听。 -ZH_HYP: 1.. +ZH_HYP: (k)(一),在这方面,我们的工作是为了让自己的处境,而不是为了让他们的,而不是在他们的身边,在他们的身边,在那里,你的心智,而不是什么,而是要在我身上的 EN: As for the main tasks and responsibilities of enterprises ZH_REF: 企业的主要任务和责任担当; -ZH_HYP: 1.. +ZH_HYP: (一)(一)不一切,也是为了使自己的处境更加精致,而不在意外,因为它是在为自己的,而在那是对的,而不是为了给别人带来的,也是在我们的上司机上的 EN: in the Northwest Institute for Non-ferrous Metals Research, experts were focused on how to build a modern economic system on the basis of the current situation. ZH_REF: 在西北有色金属研究院,专家结合实际,重点阐述的是如何建设现代化经济体系; -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,不对,你的一切都有了,因为他们是在说谎,而不是在他们的上司,而是在那里,是为了让你的工作而去,而不是在那里,这是对我们的最严重的影响 EN: At the construction site of the eco-friendly power station in Chengdu, Sichuan, experts from the Chengdu University of Technology College of Environment and Civil Engineering are explaining to the workers ZH_REF: 在四川成都的环保发电厂施工现场,成都理工大学环境学院的专家,给工人们宣讲的内容 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在“大”的过程中,我们的作品是由“”的,而不是在他们的时候,把它放在一边,把它放在一边,把它的意思和好的东西都放在一边,而不是在上面的意思 EN: a section in the report about about advancing green development and building a beautiful China. ZH_REF: 是报告中推进绿色发展,建设美丽中国的内容。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,它是为了让人的,而不是在他们的上,也是为了让自己的力量而去,而不是为了让别人的服务而去,因为它是对的,而不是最重要的。 EN: White clouds dot a blue sky now. There are more days with white clouds than that of a few years ago. So, in the 19th CPC National Congress, we have also proposed to win ZH_REF: 现在反正蓝天白云,白云的日子,比前几年多了。那么在十九大报告中,我们也提出呢就是要 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,是在我们的,是,他们的是,在那里,他们的力量已经被人了,而不是在那里,他们的力量是在一起的,而不是在(中)的,是的,是的。 EN: the war to protect our blue skies. Chengdu has completed the construction of three eco-friendly power generation projects, with daily waste treatment capacity of 6000 tonnes. ZH_REF: 打赢这个呃蓝天保卫战,成都已建成的三座环保发电项目日处理垃圾达六千吨 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,我们的人都是为了得到的,而不是为了他们的,而不是为了得到的,而不是在那里,而是为了给我带来了更多的东西,那是对的,对我们来说是最重要的 EN: The power generated would meet the demand of nearly 750,000 households, and save 250,000 tonnes of coal. ZH_REF: 发电量可满足近七十五万户家庭用电需要,每年节约二十五万吨煤。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为它是在用的,而不是用它来的,而是用了,把它的东西塞进了,而且是在我们的上方,它的价值是什么?的的的的的的的的的的的的 EN: The report delivered by General Secretary Xi in the 19th CPC National Congress has truly struck a chord in the hearts of our people. ZH_REF: 习总书记十九大上所做的报告,都说到老百姓的心坎里面去了 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,我们的态度是,我们的人都有自己的,是的,是的,是的,是的,是的,是为了使自己的力量而去,而不是为了让别人的服务而去掉,因为你是在我们的人。了了了 EN: I have listened carefully to the report and noticed that our people have been mentioned 203 times, and cultural development 72 times by General Secretary Xi. ZH_REF: 习总书记讲话,我仔细地看,想人民这两个字,是二百零三次,讲到了文化发 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),我们的事,是为了使他们的心从容中,为自己的心,而不是在他们的身边,在那里,是为了得到的,而不是在别人的中,是最重要的,是的,是的,是的。 EN: Meanwhile, the report has mapped out a comprehensive plan to advance Chinese Dream and the overall development of socialist cultural quality. ZH_REF: 展是七十二次,对推行中国梦,推行社会主义文化素质整体的发展做了一个全面的部署和推进。 -ZH_HYP: 1.. +ZH_HYP: 4.5.在不允许的情况下,他的性格和愿望是为了使自己的处境更加危险,而不是在为自己的工作中,而不是在说谎,而是要有更多的东西,要在那里,要有多大的时间来 EN: After coming back from his performance in Shandong, Meng Guanglu, the delegate to the 19th CPC National Congress and head of Tianjin Youth Peking Opera Troupe ZH_REF: 刚刚从山东演出回来,十九大代表、天津市青年京剧团团长孟广禄 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,他的性格是不可能的,因为他们的性格,是为了得到的,而不是在他们的身边,他们的才是在那里,而不是在那里,是为了给别人的,而不是在那里,的 EN: organized his entire troupe to learn the spirit of the 19th CPC National Congress. ZH_REF: 组织全团宣讲十九大精神 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,他们的意思是,在我的意思上,我们都是为了得到的,而不是为了给别人的,而不是在他们的时候,还是要把它的东西分给别人, EN: We should take root among the masses and serve the people, we should come up with fine works and align with the central government from thought to soul. Eulogizing our socialist ZH_REF: 扎根于人民,为人民服务,我们更应该出来好的作品,更要从思想到灵魂跟中央保持一致,讴歌我们社会主义 -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................ EN: cultural confidence is of great significance not only to the cultural confidence of our cultural workers but also to the entire Chinese people. ZH_REF: 文化自信对,不光是对于我们文化人来说,对整个中国人民的这种文化自信,是多么的重要。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),在我们的过程中,我们都是为了使自己的心智而变得更容易,而不是在他们的身边,而不是在那里,他们都是为了给别人的,而不是在那里,而是要把它给别人的 EN: The report of the 19th CPC National Congress points out, ZH_REF: 党的十九大报告指出 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,有的是,我们的国家,是为了使他们的利益而被人所包围,而不是为了使他们的工作变得更加危险,而不是在他们的身边,就会被人所受的影响了的的的的的的的的 EN: we must promote the creative evolution and development of fine traditional Chinese culture, see our revolutionary culture remains alive and strong, and develop an advanced socialist culture. We should cherish our cultural roots, draw on other cultures, and be forward-thinking. ZH_REF: 推动优秀传统文化创造性转化、创新性发展, 继承革命文化,发展社会主义先进文化,不忘本来、吸收外来、面向未来 -ZH_HYP: 1.. +ZH_HYP: 5.4.................................................................... EN: We should do more to foster a Chinese spirit, Chinese values, and Chinese strength in order to provide a source of cultural and moral guidance for our people. ZH_REF: 更好构筑中国精神、中国价值、中国力量,为人民提供精神指引。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................. EN: The day after the Congress was concluded, Zhang Jian, a delegate of the 19th CPC National Congress and prima ballerina of the National Ballet of China, ZH_REF: 十九大代表、中央芭蕾舞团的首席演员张剑,开完大会的第二天 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为他们的事,是为了得到的,而不是在他们的国家里,而不是在他们的国度中,而是在他们的面前,是为了得到的,而不是在那里,还是要把它的东西弄得太平了 EN: left on a tour to perform at the grassroots level. ZH_REF: 就踏上了去基层演出的路程。 -ZH_HYP: 1.. +ZH_HYP: (a)(一),在不被人的情况下,他们的手势都是在,用绳子来的,因为它是由你所控制的,而不是在那里,它是由你所拥有的,而不是最需要的,是的。 EN: She will perform in the folk ballet, “Red Detachment of Women”, which premiered more than 50 years ago, and has been staged more than 4,000 times. ZH_REF: 这次演出的剧目是民族芭蕾舞剧《红色娘子军》,问世五十多年来,《红色娘子军》已演出四千多场,深受观众喜爱。 -ZH_HYP: 1.. +ZH_HYP: 5.a.................................................................. EN: We have been making efforts. ZH_REF: 我们也是努力 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(我们)的意思是,我们的生活在一起,是为了使自己的事业变得更有价值,因为他们的工作是在为你所做的,而不是在那里,还是要花了些什么??? EN: So in the following five years, we should continue to create works that belong to our nation and which reflect the humanistic spirit of the socialism for a new era. ZH_REF: 那在未来的五年当中应该还有不断以创作, 我们民族的作品,特别社会主义这样的一个新时代的人文精神 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(我们)的意思是,我们的生活在一起,为自己的事业而努力,而不是为了让别人的利益而去,因为它是我们的,是的,是的,是的,是的,是的。了了 EN: Therefore, we should display the era adequately in our works. ZH_REF: 那我们应该把这样的这个时代, 应该把它充分地表现出来,因为要体现在我们的作品当中。 -ZH_HYP: 1.. +ZH_HYP: (4)............................................................... EN: According to the latest news, the People’s Daily for tomorrow will publish a commentary, saying we should make a greater contribution to mankind as well as learn and implement the spirit of the 19th CPC National Congress from eight perspectives. ZH_REF: 本台消息明天出版的人民日报将发表评论员文章, 努力为人类做出新的更大贡献,八论学习贯彻党的十九大精神。 -ZH_HYP: 1.. +ZH_HYP: 4.5.在一个人的范围内,人们都会感到很不舒服,因为他们是在说谎,而不是为了让别人的心想而去,而他们却在为他们的工作而去做,而不是在乎别人的时候,那就会有更多的人 EN: The article points out, the 19th CPC National Congress takes the following as its mission, using new thought on socialism with Chinese characteristics for a new era, and addressing problems for mankind. ZH_REF: 文章指出,党的十九大不仅以新思想引领中国特色社会主义新时代,也为解决人类问题 -ZH_HYP: 1.. +ZH_HYP: (一)【句意】(a)【句意】我们的意思是,我们的生活是由谁来的,而不是在那里,它是为了让人的力量而去,而不是在那里,而是为了给别人带来的 EN: In this way, the dreams of Chinese people and those of the people all over the world will reinforce each other and continue to usher a new situation for great power diplomacy with Chinese characteristics. ZH_REF: 作为自己的使命,让中国人民的梦想同各国人民的梦想交相辉映,不断开创中国特色大国外交的新局面 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,我们的生活方式是,他们的意思是,我们的人,和我的,都是为了得到的,而不是在那里,而是为了得到更多的保护 EN: Has reached 400,000-500,000 ZH_REF: 已达四十五万 -ZH_HYP: 1.. +ZH_HYP: (4)(一),我们的产品,是,从表面上,是,也是为了让他们的,而不是在他们的中,为自己的力量而努力,而不是在那里,是为了让人感到厌倦的。是了 EN: CCTV has broadcast the targeted poverty alleviation advertisement for Ludian pepper, which strongly promotes the sales. ZH_REF: 中央电视台播出了鲁甸花椒的精准扶贫广告, 有力推动了花椒销售。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),是为了使人的,而不是为了使他们的缘故,而不是为了让自己的心烦起来,而不是在他们的身边,在那里,是为了让别人的服务而去,而不是在那里,你会被人所受的影响 EN: Currently, green peppers with an area of 5000 hectares in the town of Longtou Mountain has become the pillar industry for the local poverty alleviation program. ZH_REF: 目前, 龙头山镇七点五万亩青花椒已经成为当地脱贫攻坚的主要产业。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,我们的生活是由他们的,而不是在他们的身边,他们的是,他们的生活方式是在那里,而不是在那里,是为了让人的力量去掉,而不是在那里,这是对的 EN: Guizhou kiwi fruit is a targeted poverty alleviation program for CCTV national brand advertisement, and belongs to the first batch of the advertisements. Due to this advertisement, the kiwi fruit, which once had no market in Xiuwen county, ZH_REF: 贵州猕猴桃是央视国家品牌计划广告精准扶贫项目,播出的首批扶贫广告之一,在贵州省修文县 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为它是由中国人所控制的,而不是在他们的国家里,而不是在他们的身上,而是在那里,是为了得到的,是的,是的,是的,是的。 EN: has become a shopping-rush fruit, and has even been exported abroad. ZH_REF: 以前总是卖不出去的猕猴桃今年成了抢手货, 而且还出口到了国外。 -ZH_HYP: 1.. +ZH_HYP: (4)()(一),(),是在不可能的,因为它是在为自己的,而不是在他们的上,也是为了给他们带来的,而不是在意外的,是的,是的,是的,是的。 EN: cctv.com news: On the 11th, reporters learned from the China National Environmental Monitoring Centre that to date, China has already set up more than 5,000 national, provincial, municipal and county level monitoring stations and points; the ambient air quality monitoring network is completed. ZH_REF: 央视网消息:记者11日从中国环境监测总站了解到,目前我国已经设置国家、省、市、县四个层级的5000余个监测站点,环境空气质量监测网已经建成。 -ZH_HYP: 1.. +ZH_HYP: (c)【句意】(a)【句意】我们的意思是,我们的生活是由国家的,而不是在中国,它的作用是,它的作用是什么,它是由你来的,而不是在那里,它是一个人的 EN: On Thursday afternoon local time, a sheriff in a county in Arizona issued a “challenge” to Obama claiming that after having conducted an investigation for more than five years, Obama’s birth certificate was confirmed to have been a forgery. ZH_REF: 当地时间周四下午,亚利桑那州一个县的警长向奥巴马发起“挑战”,称在通过5年多的调查后证明,奥巴马的出生证明已经确定是伪造的。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),这是个很好的东西,因为你的钱是在说谎的,而不是在他们的时候,才会有的,因为他是在说谎的,是的,是的,是的,是的。 EN: To be sure, business registration of personal websites is still at the legislative drafting phase. Hence, disputes will unlikely be completely eliminated. ZH_REF: 当然,目前个人网店工商登记还处于立法草案阶段,争议也不可能完全消除。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,我们的意思是,他们的意思是,在我的上,你会被他们的知识和不一样的东西,而不是在那里,还是要把它的好处归功于 EN: In an interview yesterday, Shenhua head coach Gustav Poyet expressed: “The preparation in Okinawa is very important. I hope everyone in the team can show up.” ZH_REF: 昨天,申花队主教练波耶特在接受采访时表示:冲绳备战非常重要,希望队里所有人都能参加。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(),(),我们的车厢里的东西,是的,是的,是的,是的,是的,是的,也是在对的,而不是在那里,你会有什么好处的????? EN: Trump's new chief of staff plans to restrict the president's media diet. ZH_REF: 特朗普的新任幕僚长计划限制总统的媒体时间 -ZH_HYP: 1.. +ZH_HYP: (美英对照):“我们的设计,是为了使自己的力量而变得更容易,而不是为了让自己的力量而去,而不是在别人身上,而是要在的时候,才会有更多的东西,”的 EN: Others have tried and failed. ZH_REF: 其他人也曾尝试过,但均以失败告终。 -ZH_HYP: 1.. +ZH_HYP: (a)【句意】(),我们的,是为了使自己的事业变得更糟,因为他们的事也是为了他们的,而不是在他们的身边,而不是在那里,要么是为了让人感到厌倦了,这是对你的了了 EN: Maybe John F. Kelly can actually do it. ZH_REF: 约翰·F·凯利也许真的能够做到。 -ZH_HYP: 1.. +ZH_HYP: (美英对照),()(美),因为它的质量,是在不可能的,因为它是在用的,而不是在上,是为了让人的,而不是在说谎的时候,我们就会被人的错觉了了 EN: If so, he will be the first. ZH_REF: 如果真的如此,那他就是第一人。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................ EN: Politico reports that the new White House chief of staff plans to restrict the flow of information to President Trump - including news media reports - in the hope of keeping the boss on a more even keel. ZH_REF: 据美国政治新闻网站 Politico 报道,新任白宫幕僚长计划限制流向特朗普总统的信息——包括新闻媒体报告——以期保证大老板更加平稳。 -ZH_HYP: 1.. +ZH_HYP: (a)【句意】(a)【句意】我们的意思是,他们的意思是,在他们的服务上,他们的意思是,在那里,你的意思是,你的意思是,你的意思是,“你的意思是什么??了??”””””””” EN: Here's a bit from reporter Josh Dawsey: ZH_REF: 以下是摘自记者乔什·道西的一段话: -ZH_HYP: 1.. +ZH_HYP: (一)a:(),我们的,是的,是的,是为了使自己的缘故,而不是为了使自己的缘故,而不是在别人身上,而是在你的身边,在那里,是为了保护自己的的的的的的的的的的的的的的 EN: "When new White House Chief of Staff John F. Kelly huddled with senior staff on his first day at work, he outlined a key problem in President Donald Trump's White House that he planned to fix: bad information getting into the president's hands. ZH_REF: “当新任白宫幕僚长约翰·F·凯利开始第一天工作与高级官员聚集讨论时,他指出他要解决特朗普总统入主白宫的一个主要问题:流向总统手中的不良信息”。 -ZH_HYP: 1.. +ZH_HYP: (美国)(美):“这是个好的东西,”他说,“你的钱,”他的意思,“你的心,”他说,“你的心就会在我的身边,”他说,“你是在哪儿?的的的的的的的的的的的的的 EN: Kelly told the staff that information needed to flow through him - whether on paper or in briefings - because the president would make better decisions if given good information." ZH_REF: 凯利告诉这些官员,收到优良信息有助于总统作出更好的决定,因此信息才需要经他之手——无论以书面形式还是简报形式。 -ZH_HYP: 1.. +ZH_HYP: (k)【句意】(),我们的意思是,你要把它的东西弄到,太多了,你就会被人所迷惑的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: Kelly's diagnosis makes perfect sense, but others have tried and failed to tame Trump by monitoring his media diet. ZH_REF: 凯利的诊断似模似样,但其他人也曾试图通过监视特朗普的媒体时间将其驯服,但最终都以失败告终。 -ZH_HYP: 1.. +ZH_HYP: (k)()(一),是,也是为了使自己的心烦起来,而不是为了使自己的心烦起来,而不是在别人的上方,而是要在别人的时候,才会有更多的东西,而不是最重要的,因为你的意思是 EN: President Trump's relationship with television goes back decades - and now that he's in the White House, his TV-watching habit is still going strong. ZH_REF: 特朗普总统的电视瘾由来已久——现在在白宫,他看电视的习惯仍然在加深。 -ZH_HYP: 1.. +ZH_HYP: (美国)(这篇)是一个不容易的东西,也是为了让自己的心跳而来,而不是在自己的面前,在那里,他们的力量和力量,都是在说谎的,是的,是的,是的,是的,是的。 EN: "If candidate Trump was upset about unfair coverage, it was productive to show him that he was getting fair coverage from outlets that were persuadable," Sam Nunberg, a former campaign adviser, told Politico in February. ZH_REF: 二月份时,前竞选顾问山姆·那伯格告诉 Politico 称:“如果候选人特朗普对不公平报道感到沮丧,那么让他知道他在可信渠道也得到了正面报道将大有裨益。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Politico's Tara Palmeri wrote at the time that "the key to keeping Trump's Twitter habit under control, according to six former campaign officials, is to ensure that his personal media consumption includes a steady stream of praise." ZH_REF: Politico 的塔拉·帕尔梅里当时写到,“根据六位前竞选官员的经验,控制特朗普发推特的习惯的重点在于保证他个人接收的媒体信息中一直包含一定的赞扬。” -ZH_HYP: 1.. +ZH_HYP: (美)(一),(),(),我们的背面是不对的,而不是为了给他们带来的,也是为了让你的,而不是在这里,而不是在这里,是对我们的,是对的,是最重要的 EN: Okay. ZH_REF: 这完全没问题。 -ZH_HYP: 1.. +ZH_HYP: (b)(一),(),(),也是指甲,是由一个人所控制的,而不是在他们的上方,你会被人所受的影响,是为了使他们的心智而变得更多的了了 EN: But the idea that Trump's Twitter habit has ever been "under control" is laughable. ZH_REF: 但是特朗普的推特习惯曾经“受控”这个观点实在可笑。 -ZH_HYP: 1.. +ZH_HYP: (美英)(这篇)是,我们的人,是为了让自己摆脱困境,而不是在他们的面前,为自己的力量而去,而不是在那里,是为了让人感到厌倦了,这也是最重要的。了了 EN: Maybe these campaign officials know something the rest of us don't - that Trump's tweets would have been even more inflammatory if not for their interventions. ZH_REF: 可能这些竞选官员知道某些我们不知道的事——那就是如果不是有他们的干预,特朗普的推特甚至会更加火气冲天。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(我们)的意思是,我们的人都是为了他们的,而不是为了自己的,而不是在他们的身边,而是为了得到更多的保护,而不是在那里,要么是在(e)的的的的的的的的的的的的的的的的的 EN: We'll probably never know about tweets that Trump didn't send. ZH_REF: 我们可能从来不知道特朗普没有发送的那些推特。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(我们)的意思是,我们的生活方式是,他们的意思是,我们的,是的,因为他们的意思是,它是由你来的,而不是在那里,还是要用的,让我来 EN: If his staffers managed to him out of trouble even a few times, then their efforts were worthwhile. ZH_REF: 如果他的职员能够救他于水火之中,哪怕只有几次,他们的努力也是值得的。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: But no one has been able to consistently prevent Trump from stirring up controversy. ZH_REF: 但是没人能够一直阻止特朗普引起争议。 -ZH_HYP: 1.. +ZH_HYP: (美)()(),我们的意思是,我们的东西是在不可能的,因为它是在用的,而不是在上,是为了让人更多的,而不是在那里,要么是为了提高他们的能力而去做的事 EN: Part of the problem is that in a White House composed of competing factions, people invariably try to advance their agendas by presenting Trump with material - which may or may not be reliable - that promotes their worldviews. ZH_REF: 一部分问题在于在一个由相互竞争的集团组成的白宫中,人们通过向特朗普递交可能可靠也可能不可靠的资料来宣扬他们的世界观,花式推动他们的事业。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为它是在用的,而不是在他们的中,是为了使他们的工作变得更有价值,而不是在他们的身边,要么是在那里,要么是为了满足我们的要求而去做的事 EN: Politico - all over this story - reported in May on advisers' penchants for strategically feeding dubious information to the president. ZH_REF: Politico——都是关于这个故事——五月份报道了各顾问对向总统战略性提供可疑信息的嗜好。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,你的意思是,他们的意思是,我的意思是,他们的意思是,你的意思是,它是为了给别人的,而不是在哪里? EN: This was one example, described by reporter Shane Goldmacher: ZH_REF: 这是记者谢恩·古德曼彻描述的一个例子: -ZH_HYP: 1.. +ZH_HYP: (a)【句意】(),我们的作品是,从句中,把它放在一边,把它放在一边,把它放在一边,把它放在一边,还是要用的,让它的意思,更不用说,对你来说,是什么意思?了了 EN: "Current and former Trump officials say Trump can react volcanically to negative press clips, especially those with damaging leaks, becoming engrossed in finding out where they originated. ZH_REF: “现任与前任特朗普官员称,特朗普对负面新闻片段的反应如火山喷发,尤其是那些有破坏性的信息泄露,他会疯狂地想要找出其来源。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为我们的东西是用的,而不是在他们的中,把它的东西弄得太平了,而且要把它放在一边,还是要把它的意思弄得很好了 EN: That is what happened in late February when someone mischievously gave the president a printed copy of an article from GotNews.com, the website of Internet provocateur Charles C. Johnson, which accused deputy chief of staff Katie Walsh of being 'the source behind a bunch of leaks' in the White House. ZH_REF: 二月底,有人恶意将网络煽动分子查尔斯 ·C·约翰逊的网站 GotNews.com 上的一篇文章复印给了总统,该文控诉副幕僚长凯蒂·沃尔什为白宫“大量信息泄露的来源”,当时特朗普就是这样的表现。 -ZH_HYP: 1.. +ZH_HYP: (美国)(这篇)是一个错误的,是的,他们的意思是,他们的意思是,他们的意思是:“你的钱,”他说,“你的错觉,就像在这一问题上,它是个好人。了了了 EN: No matter that Johnson had been permanently banned from Twitter for harassment or that he offered no concrete evidence or that he had lobbed false accusations in the past and recanted them. ZH_REF: 即使约翰逊已因骚扰遭推特永久封禁,也没有提供任何具体证据,而且他曾炸出大量错误质控,后来又都公然否认。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为他们的事,是为了使他们的缘故,而不是为了给他们带来麻烦,而不是在他们的面前,要么是为了得到的,而不是在那里,要么是为了得到更多的保护 EN: Trump read the article and began asking staff about Walsh." ZH_REF: 特朗普看了文章然后开始向官员询问沃尔什的情况。” -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Goldmacher added that then-chief of staff Reince Priebus and White House staff secretary Rob Porter "have tried to implement a system to manage and document the paperwork Trump receives." ZH_REF: 古德曼彻还说,当时的幕僚长雷因斯·普里巴斯和白宫秘书罗伯·波特“曾试图建立一个系统来管理并记录特朗普收到的文件”。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为他们的意思是用的,他们的意思是,他们的意思是,他们的意思是,要把钱给你,好的,别忘了,要在那里,要有什么用的,要不要把它给你的 EN: How'd that work out? ZH_REF: 结果呢? -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】(我们)的意思是,你的意思是,它是由你来的,而不是为了得到的,而不是为了给别人的,而不是为了给别人带来的,也是为了得到更多的 EN: Kelly is trying to do the same thing, three months later. ZH_REF: 凯利打算做同样的事,在三个月后。 -ZH_HYP: 1.. +ZH_HYP: 5.a............................................................... EN: Perhaps he will prove a more effective manager than Priebus, but Trump is still his impulsive self, and his aides are still vying for influence. ZH_REF: 可能他能证明自己是比普里巴斯更有效率的管理者,但是特朗普还是那个冲动的特朗普,而他的助手仍在相互竞争,争夺影响力。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,你的意思是,它是在为自己的,而不是在,它是由你所控制的,还是要有的.的的的的的的的的的的的的的的的的的 EN: Those immutable factors will make Kelly's mission very difficult. ZH_REF: 这些永恒的影响因素会让凯利的任务难上加难。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,我们的东西是在不可能的,因为它是由你所控制的,而不是在那里,还是要把它的东西给我的。了了的的的了了了了了了了 EN: Tourism charm town: How does charm mesmerize tourists ZH_REF: 旅游风情小镇:风情如何醉游人 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: [Abstract] The potential of small towns in Zhejiang is gradually unleashed. ZH_REF: [摘要]浙江小镇的潜力被逐步唤醒。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,我们的东西是在不可能的,因为它是在为你所做的,而不是为了给别人带来的,也是在说谎的,是的,是的,是的。 EN: Today, these little towns have become key destinations for visitors to Zhejiang who come to admire the natural scenery, savor Zhejiang culture, and feel nostalgic about Zhejiang. They will also become key drivers to help the Province create “Picturesque Zhejiang”, China’s most beautiful tourist destination. ZH_REF: 如今这些小镇,成为赴浙游客欣赏浙山水、品读浙文化、感受浙乡愁的重要目的地,也将为我省着力打造“诗画浙江”中国最美旅游目的地提供重要助力。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的名字是由“小”,而不是在,是的,是的,是的,是的,是的,是的,是的,是的,是为了给你带来的,是在中国的,是为了得到的。 EN: Reputed for Local Custom ZH_REF: 胜在风情 -ZH_HYP: 1.. +ZH_HYP: (一)(一)不允许的,是在被占领的,是为了使自己的利益而被人用,而不是为了使他们的人更容易地在他们的身边,而不是在那里,要么是为了应付的,而不是(或) EN: "Village theatrical performance is staged as the moon rises, while the pleasant smell of delicious sausage spreads with breeze." ZH_REF: “社戏锣鼓伴月升,腊肠香味随风飘。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),是,也是为了使他们的缘故,而不是在他们的身边,在那里,他们的力量是为了让别人的,而不是为了给别人带来的,而不是在我们的身边,而是要在的时候,要把它的意思 EN: Walking through the Anchang Ancient Town in Shaoxing, you can see hoop buckets, bamboo knitting, ironmaking, shoes stitching, lace making, cotton spinning and other traditional handicraft techniques almost everywhere, which fully represent the intangible cultural heritage of the Anchang Ancient Town. Tourists all over the world are enchanted to experience the folk customs and feel the atmosphere of Shaoxing's historical and cultural experience. ZH_REF: ”漫步绍兴安昌古镇,随处可见箍桶、竹编、打铁、纳鞋、挑花边、纺棉花等传统手工技艺,充分展现了安昌古镇的非物质文化遗产,四方游客陶醉在观赏体验绍兴民俗风情、领略绍兴历史文化积淀的氛围中。 -ZH_HYP: 1.. +ZH_HYP: 在这个过程中,我们的生活方式是由一个人组成的,他们的生活方式,是他们的,是他们的,是的,他们的生活,是在我们的,是在文明中的,而不是在那里,也是如此,也是如此。了 EN: It is reported that during the three-day New Year's holiday, more than 65,000 tourists visit Anchang Ancient Town. ZH_REF: 据悉,今年元旦三天假期期间,安昌古镇游客超过6.5万人次。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,他的名字是:“我们的,是的,是的,是的,是的,是的,是的,是的,是为了使他们的工作而得到的,而不是为了给你带来的,”他说。 EN: In recent years, with the promotion of tourism construction throughout the whole region, the potential of Zhejiang’s small towns have been gradually awakened. ZH_REF: 近年来,随着我省全域旅游建设的推进,浙江小镇的潜力被逐步唤醒。 -ZH_HYP: 1.. +ZH_HYP: 4.在任何情况下,都是为了使自己的事业变得更容易,而不是为了使他们的工作变得更容易,因为他们的事也是在我们的,而不是在那里,而是要在那里,要有多大的时间 EN: In 2016, the provincial government office issued the "The implementation of the creation of a tourist town in Zhejiang Province”, which proposed that the province would accept and name about 100 tourist towns with strong folk customs, beautiful ecological environment and rich tourism industries after 5 years or so. ZH_REF: 在2016年,省政府办公厅正式发布了《浙江省旅游风情小镇创建工作实施办法》,提出通过5年左右的时间,在全省验收命名100个左右民俗民风淳厚、生态环境优美、旅游业态丰富的省级旅游风情小镇。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,一个人的名字是:“我们的,是为了使他们的事业变得更容易,”他说,“你是在那里,也是为了”,“我们的人,”他说,“你是在那里,还是要去的。??””””””””” EN: Today, these little towns have become key destinations for visitors to Zhejiang who come to admire the natural scenery, savor Zhejiang culture, and feel nostalgic about Zhejiang. They will also become key drivers to help the Province create “Picturesque Zhejiang”, China’s most beautiful tourist destination. ZH_REF: 如今这些小镇,成为赴浙游客欣赏浙山水、品读浙文化、感受浙乡愁的重要目的地,也将为我省着力打造“诗画浙江”中国最美旅游目的地提供重要助力。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的名字是由“小”,而不是在,是的,是的,是的,是的,是的,是的,是的,是的,是为了给你带来的,是在中国的,是为了得到的。 EN: The responsible people of the Provincial Tourism Bureau established that with the rise of these tourism style towns, we must now pay more attention to the construction of the personalized tourism industry and new tourism projects and formats emerging one after another. These have brought rich experiences to tourists and earned glowing reputations. ZH_REF: 省旅游局相关负责人介绍,在旅游风情小镇的创建热潮下,现在我省各地乡镇更加重视个性化旅游产业的打造,新的旅游项目与业态层出不穷,为游客带来了丰富体验,赢得了良好口碑。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(),我们的人,是为了使自己的事业变得更容易,而不是为了给他们带来麻烦,也是为了给他们带来了更多的好处。是了了,了,,,,,,,,,了了了了了了了 EN: Emphasis on promotion ZH_REF: 重在推广 -ZH_HYP: 1.. +ZH_HYP: (一)(一),“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。。 EN: Recently, directed by the Zhejiang Provincial Tourism Bureau and Zhejiang Daily Press Group, the Tourism Full Media Center of the Zhejiang Daily Press Group hosted the “Towns × Future artists" sharing session and the 2017 promotion season of Zhejiang style tourism towns, "Poetic Zhejiang, Towns with folk customs”. The closing ceremony took place in the Zhejiang exhibition hall. ZH_REF: 近日,由浙江省旅游局、浙江日报报业集团主办,浙报集团旅游全媒体中心承办的“小镇×未来艺术家”分享汇暨“诗画浙江?镇有风情”2017浙江旅游风情小镇推广季闭幕式在浙江省展览馆举行。 -ZH_HYP: 1.. +ZH_HYP: 在这个过程中,我们的作品是由一个人组成的,它的名声是由“海南”的,而不是在这里,而不是在这里,而是在那里,是在人们的上方,你的意思是“你的”了了了了了了 EN: “A style town has artistic beauty and living warmth. ZH_REF: “风情小镇有艺术之美、有生活温度。 -ZH_HYP: 1.. +ZH_HYP: (4)a:(一),(),(),(),我们的东西,都是用的,因为它是在用的,而不是在上方,而是要用的,让它的意思,是的,是的,是的,是的,是的。 EN: The style of the towns lies in the original sense, flavor and township, which represents the original purity. ZH_REF: 小镇的风情在于原汁、原味、原乡,一种原生态的纯粹。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,我们的生活方式是,他们的意思是,他们的意思是,和我们的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: Xie Hanfeng, a teacher at the School of Film and Television Animation Arts of China’s Academy of Art, the domestic A-list film and television advertising director, and Professor Xu Xianghong, the dean of the School of Art and Communication at China Jiliang University, talked about the cross-border stories of towns through Towns in the lens and Reconstruction of small village. ZH_REF: ”中国美术学院影视动画艺术学院影视系老师、国内一线影视广告导演谢瀚锋,以及中国计量大学艺术与传播学院院长徐向纮教授等专家,讲述了《镜头中的小镇》《小村改建》等小镇跨界故事。 -ZH_HYP: 1.. +ZH_HYP: 在美国,对着迷来说,这是个谜语,是一种自私的、有的、有的、有的、有的、有的、有的、有的、有的、有的、有的、有的.的的的的的的的的的的 EN: Many scenic tourist towns in Zhejiang have deep cultural resources. Dong Xinjian, a town deputy from Nanxun, Huzhou, appeared in the site in person and interpreted Nanxun as a traditional Chinese painting. ZH_REF: 浙江的众多风情旅游小镇都有深厚的文化资源,来自湖州市南浔的小镇代表董新建在现场为大家解读了国画南浔。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,有的是,他们的外貌,是为了使他们的美貌,而不是在他们的中,是在他们的,是在中国,还是在那里,都是为了得到的,而不是什么,而是要用的。 EN: The style of towns in the south of the lower reaches of the Yangze River have been popular with painters since ancient times. Nowadays, the Nanxun Ancient Town is developing in-depth cooperation with art academies such as the China Academy of Art. ZH_REF: 江南水乡风情自古颇受书画家的喜爱,如今,南浔古镇与中国美院等艺术院校开展深度合作。 -ZH_HYP: 1.. +ZH_HYP: 5.a.................................................................. EN: Tourism style towns must be equipped with elements of style, tourism, service and the environment. ZH_REF: 旅游风情小镇必备风情要素、旅游要素、服务要素和环境要素。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),(),是为了使我们的产品更容易,而又是为了使他们的工作变得更有价值,而不是在他们的工作中,而不是在那里,是的,是的,是的,是的,是的。 EN: Among these, tourism service facilities and the environment are very important. ZH_REF: 在这当中,旅游的服务设施和环境也是十分重要的内容。 -ZH_HYP: 1.. +ZH_HYP: (a)【句意】,我们的作品是,在这方面,我们的工作是很有价值的,因为他们的知识是在不断地处,而不是为了给别人带来的,也是在他们的上司机上的,是对的,而不是为了满足 EN: If the tourists are handed in an umbrella on a rainy day, they can better experience the town’s style. ZH_REF: 下雨天如果递上一把及时伞,也能让游客更好地体验小镇的风情。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),是,不在,也是为了使他们的缘故,而不是在他们的身边,在那里,他们的力量是为了给别人带来的,而不是在那里,也是为了得到的 EN: In the era of sharing, the Tourism Full Media Center of the Zhejiang Daily Press Group teamed up with the hottest shared umbrella company to customize a number of shared umbrellas in “Poetic Zhejiang” style, hoping to promote the concept of “Sharing and Green”, spread the awareness of civilized tourism and public morality among tourists and residents, and create a shared, beautiful tourist environment. ZH_REF: 在这个共享的时代,浙报集团旅游全媒体中心联手时下最热的共享雨伞公司定制了一批“诗画浙江”版的共享伞,希望倡导“共享?绿色”的理念,提升游客和小镇居民的文明旅游意识和公德心,共创共享美好的旅游环境。 -ZH_HYP: 1.. +ZH_HYP: 在这个时代,我们的一个人是个好人,他们都是为了得到的,而不是在一起,而是为了得到的,而这是个好人,也是个好人,也是为了促进和分享知识的人,而不是在一起,他是个好人。 EN: This has become a bright spot in the 2017 promotional season of Zhejiang’s tourism towns, "Poetic Zhejiang, Towns with folk customs”. ZH_REF: 这成为“诗画浙江?镇有风情”2017浙江旅游风情小镇推广季活动中的一个亮点。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,一个人的性格是不可能的,因为它是由我们来的,而不是在他们的中,是在为你的,而不是在那里,它是为了让人感到很好的。的的了了了了了了了了了的了 EN: Expecting wonders ZH_REF: 期待精彩 -ZH_HYP: 1.. +ZH_HYP: (美英对照):“(a),是为了使我们的产品更容易,而不是为了使他们的工作变得更容易,因为他们的行为是由”而又是“对的,”的的的的的的的的的的的的的的 EN: Up to now, Zhejiang Province has released the list of the first 21 provincial-level tourism towns that will ultimately culminate in a grand total of 115 provincial tourism towns. ZH_REF: 截至目前,浙江省已经发布了首批21家省级旅游风情小镇创建名单和115家省级旅游风情小镇培育创建名单。 -ZH_HYP: 1.. +ZH_HYP: 如果是,我们的人就会被人的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是对的,而不是在15年的.上 EN: As the prior area for the development of rural tourism during the “13th Five-Year Plan” period, the style towns will eventually be built into tourist attractions with a grade of 3A or higher, becoming a new model for tourism product diversity, tourism benefits and industrial integration. ZH_REF: 作为乡村旅游“十三五”时期优先发展的重点区域,风情小镇将最终建成3A级以上旅游景区,成为旅游产品多样、旅游效益突出、产业融合共赢的新样板。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是在我们的发展中,它是由一个人的,而不是在过去的,它是由一个人所创造的,而这是对他们的,也是对的,而不是在高处的,是一种新的 EN: What makes tourism style towns attractive is their authenticity and originality. ZH_REF: 旅游风情小镇之所以吸引人,关键在于它的原汁原味。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,我们的东西是在不喜欢的,因为它是由你来的,而不是在那里,它是由我所做的,是的,是的,是的,是的。 EN: The beauty of the tourism style towns not only stems from the misty bridges and rivers, but also from a long history of cultural tradition; the revitalization of the country is due to cultural self-confidence. ZH_REF: 旅游风情小镇之美,不仅源于烟雨迷蒙的小桥流水,也来自悠久文化传统;乡村振兴,源于文化自信。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................... EN: Throughout the world, the tulips of the Netherlands’ Lisse Town, the salt of Austria’s Hallstatt Town, and the pumpkins of Pumpkin Town in France, have been attracting a large number of tourists from all over the world each year. This has allowed the realization that tourism could help the economic growth of smalls towns as well. ZH_REF: 纵观国际,荷兰利瑟小镇、奥地利哈尔施塔特小镇、法国南瓜小镇,分别以郁金香、“盐”和南瓜为核心吸引物,每年吸引大量世界各地游客,实现旅游推助小镇经济腾飞。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的生活方式是,他们的小弟弟弟弟弟弟弟弟弟弟弟弟弟弟弟弟弟弟弟弟弟弟弟弟在一起,在这里,为更多的人提供了更多的机会。了了了了了了了了了 EN: For the style towns, the point “Emphasis on characteristics and retention of nostalgia” has given the towns a distinct personality and soul, further providing cultural permeation, carrying local cultural traditions, and highlighting native civilizations. ZH_REF: 对于风情小镇而言,“突显特色、留住乡愁”的重点使小镇具有明显的个性和灵魂,更在于提供文化浸润、承载地方文脉、彰显乡土文明。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。。。。。。。 EN: Tourism style towns, with culture and nostalgia as the link and humanities and scenery as the carrier, connect tourists all over the world while inherit and innovate the traditional customs and cultures in the co-construction and sharing process. ZH_REF: 旅游风情小镇,以文化和乡愁为纽带,以人文和风景为载体,联接着四方游客,让传统的风情和文化在共建共享中传承、创新。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在一个方面,我们的态度和行为,都是由他们来的,而不是在他们的身边,在那里,是为了得到的,是为了得到的,而不是在那里,还是要与别人分享的。 EN: Essentially speaking, the tourism style town is a complex open-style tourism area, and it should be a shared living space for local residents, exotic tourists and even sojourners. ZH_REF: 从本质上讲,旅游风情小镇是一个复合型开放式的旅游景区,更应是当地居民和外来游客乃至旅居者共建共享的生活空间。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,我们的生活方式是,他们的意思是,在那里,他们是为了得到的,而不是在那里,也是为了给别人带来的,而不是太多了 EN: As the main battlefield for tourism growth in the future, tourism style towns will change the rural ecological landscape, economic and social development patterns, and the flow direction of industrial factors. Additionally, they will play an important role in eliminating the urban-rural infrastructure gap, hastening rural cultural recovery. ZH_REF: 作为今后旅游业增长的主战场,旅游风情小镇不仅可能改变乡村生态面貌、经济社会发展方式、产业要素流动方向,更是消弭城乡基建鸿沟、唤醒乡村文化复苏的重要力量。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),在这方面,我们的经历是很有价值的,而不是在他们的贸易中,而是在经济上的,是对的,而不是在不断地传播,这也是我们的一个关键所在,它的发展是什么?的 EN: In the wake of accelerating revitalization of the countryside, Zhejiang tourist towns will receive a more abundant and wonderful story. ZH_REF: 在乡村加速振兴的大潮中,浙江旅游风情小镇将演绎更丰富的精彩故事。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: Figures indicate that 70% of China’s travel demand is concentrated within a 3km radius. On this basis, the short-distance travel market will become a bike sharing paradise sooner or later. ZH_REF: 有数据显示,中国70%的出行需求集中在3公里范围内,以此而论,整个短途出行市场早晚是共享单车的天下。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),在一个方面,我们的态度是,我们的需求比在任何时候都是不可能的,因为他们的经历是在(d)的,而在这方面,他们的速度是很有价值的的的的的的的的的的的的的的 EN: A report in “The Nikkei” claimed that inflationary pressure will increase because of the expansionary fiscal policies of the next Trump administration. The pace of interest rate hikes will also accelerate in 2017. ZH_REF: 《日本财经新闻》报道,称由于特朗普下一届政权的财政扩张政策,通货膨胀压力将加强,2017年的加息速度也将加快。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,一个人的责任是,他们的缺点是不可能的,因为它是为了使他们的利益而变得更糟的,而不是在他们的中,才会有更多的东西,而不是你的大事,而是要在那里的 EN: The annual International Consumer Electronics Show (CES), held between January 9 (January 10, Beijing time) and 12, opened in Las Vegas, USA. ZH_REF: 一年一度的国际消费电子展(CES)于1月9日(北京时间1月10日)至12日在美国拉斯维加斯开幕。 -ZH_HYP: 1.. +ZH_HYP: 在美国,这种情况是,在一个方面,我们的工作是不可能的,因为它是在为他们提供的,而不是在那里,它是由你所做的,而不是在那里,它是由你所做的,而不是在别人身上的 EN: According to the list of exhibitors published by the official CES website, the 51st CES attracted 4,577 corporate participants from around the world. ZH_REF: 根据CES官方网站1月9日公布的参展商名单,第51届CES共有4577家各国企业参展。 -ZH_HYP: 1.. +ZH_HYP: (一)在这一过程中,有的是,从表面来看,我们的产品是用的,而不是在他们的中,是在那里,它是由别人的,而不是在那里,它是由你所引起的,而不是最坏的,是的 EN: Compared to the massive 13,000 TV dramas broadcast by satellite TV each year, these “terminated dramas” are but a drop in the ocean. ZH_REF: 相对于每年卫视播出1.3万集电视剧的巨大产量,这些“腰斩剧”不过是沧海一粟。 -ZH_HYP: 1.. +ZH_HYP: (k)(一),在这方面,我们的工作是为了使自己的事业变得更容易,而不是为了让他们的,而不是在他们的身边,而是在他们的身边,在那里,是为了得到的,而不是什么,而是要用的。 EN: Travellers negotiate trench, return to 'Millionaire's row' ZH_REF: 房车客对沟渠进行谈判,重返“富豪街” -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】(),我们的意思是,它是为了让人感到羞耻,因为他们的意思是在他们的工作中,而不是在他们的上司,而是在你的身边,是什么?的的 EN: Some of the West Midlands' wealthiest homeowners are again at loggerheads with determined travellers who have negotiated a council-dug trench to reclaim a field outside their mansions. ZH_REF: 一些西米德兰兹地区最富有的业主与意志坚定的房车客再次发生争执,这些房车客就一条政府开掘的沟渠进行协商,要求归还豪宅之外的土地。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在这方面,我们的人都是为了自己的,而不是在他们的面前,他们都是为了得到的,而不是为了给他们带来的,而不是在那里,而是要在那里的,是为了得到的 EN: The travellers have parked their 20 caravans in a field outside a prosperous street of Solihull dubbed 'millionaire's row'. ZH_REF: 房车客将他们的 20 辆拖车停在繁华的索利赫尔街之外的一片空地上,这条街被冠名为“富豪街”。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Bringing horses, babies and an army of vans, they have returned after being kicked out only in May, undeterred by a moat dug by the council to prevent their incursions. ZH_REF: 房车客们牵着着马匹,怀抱婴儿和率领房车车队,在五月份被赶走后再次回归,市政部门挖出的“护城河”并没有阻止到他们的进入。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,他们的意思是,在我的意思上,他们都是为了得到的,而不是为了给他们带来的,而不是在乎你的,是的,是的,是的。 EN: The tactful group found a gap in the defences, squeezing their vehicles though a section left unbarricaded to accommodate a pathway. ZH_REF: 这支圆滑老练的队伍发现这道防御线有个缺口,尽管有一段路没有设置路障适合通过,但他们的车辆通过该缺口挤入。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),是,也是为了把自己的东西弄得太重了,所以我们就把它弄得了,因为他们都是在了,而不是在那里,是的,是的,是的,是的,是的。 EN: Furious residents have savaged Solihull Council saying it was 'useless at dealing with the problem'. ZH_REF: 愤怒的居民对索利赫尔委员会 (Solihull Council) 进行了猛烈的批评,称其“在处理这个问题时表现很差劲”。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: One anonymous resident said: 'They moved there on Monday night after being moved on from Bentley Heath where they were throwing rocks at passers by. ZH_REF: 一位不愿具名的居民说:“他们是在周一晚上到那里的,之前来到宾利希思街,向过往的路人扔石块。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),这是不可能的,因为它们的颜色和质量都是由,而不是在他们的中,而是在(d)的时候,它的意思是:“你的意思是什么?了了了了的的的””””””””””””” EN: The council needs to be shamed into action as they are useless at dealing with the problem. ZH_REF: 该委员会应该对他们的作为感到羞耻,因为他们在处理问题上简直是一无是处。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在不可能的情况下,我们的东西是用的,因为它是由它来的,而不是在他们的中,是在说谎的,是在说谎的,是的,是的,是的,是的。 EN: The travellers were there in May, were moved on and now they are back again. ZH_REF: 房车客们在五月份来到这里,随后被赶走了,现在他们又回来了。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】(b)在我们的后面,它是在为自己的,而不是在,它的意思是,它是在说谎的,而不是在别人的时候,它是对的,而不是对你的意思 EN: More arrived last night, probably even more today.' ZH_REF: 昨晚来了不少,今天可能会更多。” -ZH_HYP: 1.. +ZH_HYP: (5)【句意】(a)【句意】我们的意思是,我们的意思是,他们的意思是,要把它放在一起,把它给的,是的,是的,是的,是的,是的,是的。了了 EN: She added: 'Birmingham council knows how to deal with this by getting long injunctions to protect their parks. ZH_REF: 她补充道:“伯明翰市议会知道如何通过实施长期禁令保护其公园的方式进行处理。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,我们的意思是,他们的意思是,在他们的时候,要把它给的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: I live on Streetsbrook road and I'm not happy to continue paying my council tax when the council can't even stop this.' ZH_REF: 我住在斯珠茨布鲁克 (Streetsbrook) 路,如果议会不能阻止这样的事情,我可不愿意继续支付市政税。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),我们的外套,是为了使自己摆脱困境,而不是在他们的面前,为自己的服务,为自己的事业而去,而不是太多了,因为我是在说谎的,是的,是的 EN: One local resident who did not wish to be named said: 'It is ridiculous, we have only just seen the last round of these travellers leaving, only to be blighted by another round. ZH_REF: 一位不愿透露姓名的当地居民说:“这太荒谬了,我们刚刚看到上一批房车客走了,只是便于另一批来毁坏。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),这是不可能的,因为我们的愿望是在用的,而不是在过去,而是被人所为,而不是在他们的身边,那是对的,是的,是的,是的,是的。 EN: The numbers have increased this time and a horse has even been seen grazing on the parkland.' ZH_REF: 这次的数量又增加了,有人甚至看到公园草坪上有马在吃草。” -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】(b)在我们的过程中,我们的意思是,它是由你所控制的,而不是在那里,它是由你所做的,而不是在别人身上的,是最重要的。 EN: A spokeswoman for Solihull Council said: 'We are aware of an unauthorised encampment on land off Streetsbrook Road and working alongside Solihull Police, we are undertaking the necessary legal actions to move them on as quickly as possible. ZH_REF: 一位索利赫尔委员会的女发言人表示:“我们知道有人在斯珠茨布鲁克路的一片空地上进行未经许可的露营,现在我们配合索利赫尔警察工作,并采取必要的法律行动,让他们尽快搬离。 -ZH_HYP: 1.. +ZH_HYP: 在一个人的情况下,我们都是这样的,因为他们是在做作业的,而不是在他们的身边,他们就会被人所为的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: To support our evidence gathering it is very important that as many local residents as possible report any anti-social or criminal behaviour to the police by calling 101. ZH_REF: 为了支持我们收集证据,请尽可能多的当地居民通过致电 101 向警方报告任何反社会或犯罪行为,这一点非常重要。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,我们的人是在做点事的时候,也是为了让人感到羞耻的,因为他们的行为是不对的,而不是太多了了了了 EN: This helps build a picture of the situation for the court to consider when we present our case to them.' ZH_REF: 这有助于我们向法院提交案件时勾勒出情况概貌,供法院审视。” -ZH_HYP: 1.. +ZH_HYP: (4)a:(b)【句意】我们的意思是,我们的生活方式是,在他们的工作中,是为了得到的,而不是为了给别人带来的,而不是在他们的身边,而是在我们的身边,是什么?的 EN: The Fifth Session of the 12th National People's Congress held its closing ceremony at the Great Hall of the People in Beijing on March 15. ZH_REF: 3月15日,第十二届全国人民代表大会第五次会议在北京人民大会堂举行闭幕会。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: This is an interview with Ma Junsheng, Director-General of the State Post Bureau. ZH_REF: 这是国家邮政局局长马军胜接受采访。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这条规定,是由一号的,而不是在他们的中,是由他们所控制的,而不是在他们的身边,而是在那里,是为了使他的力量而被人的 EN: Xinhua News Agency/Chen Yehua/CRI Online: The Fifth Session of the 12th National People's Congress held its closing ceremony at the Great Hall of the People at 9am on March 15. ZH_REF: 新华社记者陈晔华摄国际在线报道:3月15日上午9时,第十二届全国人民代表大会第五次会议在人民大会堂举行闭幕会。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),"rome",是指在"e"类中,而不是在"e"类"上,而在1995年3月2日之前,将其作为(或)的,以使其失效, EN: Prior to the closing ceremony, Ma Junsheng, Director-General of the State Post Bureau, expressed during an interview at the “ministers’ passage” that the State will strengthen supervision over prominent issues that currently exist in the express delivery industry such as late delivery and loss of or damaged parcels, and guide and enhance self-discipline in the industry. ZH_REF: 闭幕前,国家邮政局局长马军胜在“部长通道”接受采访时表示,今年,针对目前快递行业中存在的快递延误、快件丢失损毁等突出问题,国家将加强监管,并引导强化行业自律。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的观点是,在我们的工作中,有一个人在做点,而不是在说谎,而是在他们的面前,对自己的影响,和你的行为,都是由你所承担的,是最重要的 EN: Ma Junsheng said that efforts to resolve four major prominent issues in the express delivery industry will be enhanced this year. The development of the express delivery industry in China has entered the express lane. ZH_REF: 今年将加大力度解决四大快递行业突出问题马军胜说,中国快递业发展现已进入快车道。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,我们的生活方式是,它是由“主”的,它是由你所做的,而不是在那里,它是由你所做的,而不是在说什么? EN: In 2012, express delivery volume in China stood at 5.6 billion items, and at least 10,000 express delivery three-wheelers were deployed. A single standard, a unique logo and a unified insurance were implemented, which facilitated delivery and ensured safety. ZH_REF: 2012年中国快递量是56亿件,万辆快递三轮车上路,实行统一标准、统一标识、统一保险,既方便了投递,也保证了安全。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的错误,是,我们的生活是由一个人,而不是,他们是在一起,是的,是的,是的,是的,是的,是的,也是为了得到的,而不是为了达到的目的而去 EN: This was not the first time that the United Nations had appointed a virtual character as an honorary ambassador. “Angry Birds”, “Doraemon” and “Winne the Pooh” have previously served as honorary ambassadors for the United Nations. ZH_REF: 这并不是联合国第一次尝试选用虚拟角色担任荣誉大使。“愤怒的小鸟”、“小叮当”、“小熊维尼”此前都曾被当过联合国的荣誉大使。 -ZH_HYP: 1.. +ZH_HYP: (a)【句意】(a)【句意】我们的意思是,我们的人是为了“”,“你的意思是,”“我的意思是,”“你的意思是,”他说,“你的意思是,”说 EN: The price of light crude oil futures for August 2016 ended the day up US$2.04 or 4.56% at US$46.80 pbl on the New York Mercantile Exchange. ZH_REF: 截至当日收盘,纽约商品交易所2016年8月交货的轻质原油期货价格上涨2.04美元,收于每桶46.80美元,涨幅为4.56%。 -ZH_HYP: 1.. +ZH_HYP: 2004年,我们的“大”的“”,是的,是在不可能的,因为它是在我们的,是的,而不是在那里,它是用的,而不是在上司的,是的,是的,是的。 EN: Meanwhile, the price of London Brent crude futures for September 2016 ended the day up US$2.22 or 4.80% at US$48.47 pbl. ZH_REF: 2016年9月交货的伦敦布伦特原油期货价格上涨2.22美元,收于每桶48.47美元,涨幅为4.80%。 -ZH_HYP: 1.. +ZH_HYP: 但是,在这一时期,我们的价格是不可能的,因为他们的钱是用的,而不是在他们的中,才是为了得到的,而不是在那里,要么是在那里,要么是为了提高他们的价值。了了了了了了了了了了 EN: The U.S. Dollar Index, which measures the US$ against six major currencies, ended the day down 0.10%, falling to 96.479 at the closing session. ZH_REF: 衡量美元对六种主要货币的美元指数当天下跌0.10%,在汇市尾市跌至96.479。 -ZH_HYP: 1.. +ZH_HYP: (美)(一),我们的价格是,我们的,是在不可能的,也是为了让自己的利益而努力,而不是在那里,而是在他们的上司中,为你的目的而去,因为它是对的,而不是最重要的。 EN: The weaker US$ made investing in crude oil, which is priced in US$, more attractive, underpinning oil prices for the day. ZH_REF: 美元走弱增加了以美元计价的石油的投资吸引力,在当天支撑了油价。 -ZH_HYP: 1.. +ZH_HYP: (美英)(一),是为了使自己的处境,而不是在他们的中,把它的东西弄得太多了,因为你的心都是在的,是的,是的,是的,是的,是的,是的,是的。 EN: The “Plan” proposed that by 2020, the value added of strategic emerging industries will account for 15% of GDP. These will become a new pillar of five sectors with a RMB10 trillion output value, namely, new generation information technology, high-end manufacturing, biotech, green and low-carbon, and digital creative, and will create a large number of new growth areas for cross-border integration across more sectors, with an average of more than 1 million new jobs added per year. ZH_REF: 《规划》提出,到2020年,战略性新兴产业增加值占国内生产总值比重达到15%,形成新一代信息技术、高端制造、生物、绿色低碳、数字创意等5个产值规模10万亿元级的新支柱,并在更广领域形成大批跨界融合的新增长点,平均每年带动新增就业100万人以上。 -ZH_HYP: 1.. +ZH_HYP: 这一种可包括:(a)将全球经济增长转化为一个新的、更有价值的、更多的、更多的、更多的投资,例如,在新的世界中,以增长为基础的,而不是高的,而是在10年中。 EN: Stanford University launched its “One Hundred Year Study on Artificial Intelligence, or AI 100” to conduct a long-term evaluation of the future of AI. ZH_REF: 美国斯坦福大学推出“人工智能100年发展研究计划”(One Hundred Year Study on Artificial Intelligence, 简称AI100),以对AI的未来进行长期评估。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为它是在用的,而不是在他们的中,是在说谎的,是在说谎的,是的,是的,是的,是的,是的,是的,是的。 EN: Researchers believed that AI will be omnipresent in the future, and will play a significant role. ZH_REF: 研究人员认为,将来AI将无所不在,并将发挥重要影响力。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,你的意思是,它是在我的,是在为自己的,而不是在别人身上,还是要把它的意思和好的东西都放在一边,还是要把它的意思 EN: In terms of employment and the job market, researchers believed that AI can replace tasks but not the job post. It can also help create new jobs at the same time. ZH_REF: 当涉及就业和职场时,研究认为AI可取代任务而非工作岗位,同时可帮助创造新的工作。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在不可能的情况下,他们的工作是为了得到的,而不是为了自己的,而不是在他们的中,而是在那里,为你的工作而去,因为它是在别人身上的,而不是什么,而是要用的。 EN: According to an actor in the cast, Zhang Mo is attentive to detail at the set. He would personally attend to every aspect at the set, from the extras to costume and makeup. ZH_REF: 据剧组一名演员透露,张末在现场是个心思细腻的人,从群众演员到服化道,方方面面都要亲自盯到位。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),是指甲,也是为了使人的,而不是在他们的身边,在那里,他们都会有的,因为他们的工作是在一起,而不是在那里,是为了给别人带来的,而不是太多了 EN: Italy toughens tone on NGO migrant rescue boats ZH_REF: 意大利对非政府组织移民救援船采取强硬态度 -ZH_HYP: 1.. +ZH_HYP: (a)(一),在“黑帮”中,“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。 EN: Italy has warned NGOs operating migrant rescue boats in the Mediterranean they will not be allowed to continue if they do not sign up to new rules governing their operations. ZH_REF: 意大利向地中海经营移民救援船的非政府组织发出警告,如果不签署新的行动管理规范,他们将不得继续实施救援。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为他们的货物在一定程度上是为了使他们的缘故,而不是为了让他们的利益而去,而不是为了让他们的服务而去,因为它是对的,而不是什么,而是要在我们的身边。 EN: "If NGOs do not sign up to a new code of conduct, it is difficult to see how they can continue operating," Interior Minister Marco Minniti said in an interview with Turin daily La Stampa. ZH_REF: 内政部长马可·明尼蒂在接受都灵日报《新闻报》采访时称:“如果非政府组织不签署新的行为规范,很难看出他们将何以为继。” -ZH_HYP: 1.. +ZH_HYP: (4)【句意】’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Minniti's warning came a day after Italian authorities impounded a boat operated by German aid organisatiion Jugend Rettet on suspicion its crew effectively collaborated with people traffickers in a way that facilitated illegal immigration. ZH_REF: 在明尼蒂发出警告的前一天,意大利官方因怀疑德国援助组织“青年救助”一艘船上的船员实际上勾结人口贩子,协助非法移民而将其扣押。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在这方面,我们的人都是为了得到的,而不是为了得到他们的利益而去,他们的工作是在他们的时候,才会有更多的人,而不是在那里,是为了保护他们的的的的的的的的的的 EN: The aid organisation, which has only been operational for a year, declined to comment on the substance of detailed allegations made against it by Italian prosecutor Ambrogio Cartosio. ZH_REF: 该援助组织仅运营一年,并拒绝评论意大利检察官安布罗吉奥·卡尔托西奥的具体指控主题。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,我们的人是在为自己的,而不是在做,也是为了得到的,而不是在乎别人的时候,也是为了对的,而不是对你的事 EN: "For us the rescue of human life is and will be our top priority, so we are very sorry we will not be able to operate in the search and rescue zone at the moment," the organisation said in a statement on social media. ZH_REF: 该组织在一份社交媒体声明中称,“对我们而言,拯救生命现在是、以后也会是最重要的事,因此我们很遗憾目前不能在搜救区运营。” -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(我们)的意思是,我们的生活是很有价值的,因为它是在我们的,是为了让人感到厌倦,而不是在那里,你会有多大的东西,而不是在那里, EN: "We can only assess all the accusations currently being made after we have gathered all the information and can assess the situation." ZH_REF: “收集完所有信息后,我们目前只能评估所有指控和形势。” -ZH_HYP: 1.. +ZH_HYP: (美英)(这篇),我们的产品是,在我们的上,是为了使自己的力量而变得更容易,因为它是在你的,是在说谎的,是的,是的,是的,是的,是的,是的。 EN: Italian authorities had been monitoring Jugend Rettet's boat, the Iuventa, since October. ZH_REF: 意大利官方从 10 月份开始就在监视“青年救助”组织的船 Iuventa 号。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是由大人组成的,是在不可能的情况下,而不是在(e)上,而在他们的情况下,他们都是为了得到的,而不是为了给我留下的东西,的了 EN: Its crew is suspected to taking on board dinghy loads of migrants delivered directly to them by people traffickers and allowing the smugglers to make off with the vessels to be used again. ZH_REF: 其船员涉嫌搭载人口贩子直接由小船运送而来的移民,并允许走私者仓促逃离,重新利用船舰。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,他们的意思是,他们的意思是,在他们的时候,要去做,因为它是为了保护自己的,而不是太多了,而且也是为了得到的,而不是 EN: At least one such meeting allegedly took place only 1.3 miles off the Libyan coast, according to the prosecutor's file, the contents of which were published by Italian media. ZH_REF: 根据检察官的文件记录,据称至少有一宗此类会面在距利比亚海岸 1.3 英里的海上发生。该文件内容由意大利媒体发表。 -ZH_HYP: 1.. +ZH_HYP: (4)在一个人的情况下,他们的身份是,在那里,他们的身份,是为了控制的,而不是在他们的中,是为了得到的,而不是在那里,也是为了给别人的。 EN: The crew are suspected of having flouted the authority of the Italian coastguard, which oversees rescue operations in the zone, out of humanitarian zeal rather than for any other motives. ZH_REF: 其船员涉嫌公然无视意大利海岸警卫队权威,该警卫队出于人道主义热情而非任何其他动机监督该地区的救援行动。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】他的意思是,我们的人在为自己的利益而感到羞耻,他们的工作是由你所做的,而不是在那里,也是为了给别人带来的,而不是太多了。了了了了了了了了了了了了了了了了了 EN: Under the code of conduct, boats like the Iuventa would notably have to have an Italian police officer on board monitoring their activities. ZH_REF: 根据行为规范规定,Iuventa 等船只明显需要一名意大利警员在船上监督他们的活动。 -ZH_HYP: 1.. +ZH_HYP: 在任何情况下,都是为了使自己的行为而变得更糟,因为他们是在为自己的,而不是在他们的时候,才会有机会,而不是在那里,也是为了给别人的。的了的的的 EN: Only three of the nine NGOs involved in search and rescue operations have so far agreed to abide by the code: Save The Children, Malta-based MOAS and Spain's Pro-Activa Open Arms. ZH_REF: 目前,在九个参与搜救行动的非政府组织中,只有三个已同意遵守行为规范,它们分别是:救助儿童会、总部位于马尔他的移民海上援助站和西班牙的 Pro-Activa Open Arms。 -ZH_HYP: 1.. +ZH_HYP: (a)为人提供了一个机会,可在我们的工作中,为他们的目的而去,而不是为了使他们变得更容易,而且也是为了保护自己的,而不是在他们的身边,那是对的,是的,是的,是的。 EN: The latter said on Thursday it regarded the new rules as unnecessary but acceptable as they would not involve any "significant change or impediment" to its rescue operations. ZH_REF: 后者于星期四称,其认为新规定虽没有必要,但可以接受,因为这些规定并不会对其救援行动带来任何“重大改变和阻碍”。 -ZH_HYP: 1.. +ZH_HYP: (a)【句意】(a),我们的目的是,从句中解脱出来,因为它是在说谎的,而不是在说谎,或在其他方面,都是为了得到的,而不是太多了的的的的的的的的的的 EN: Among those who have refused to sign is the Nobel Prize-winning organisation Doctors Without Borders (MSF). ZH_REF: 拒绝签署的组织中有诺贝尔奖获奖组织无国界医生 (MSF)。 -ZH_HYP: 1.. +ZH_HYP: 在他的后面,有的是,有的是,他们的工作是不可能的,因为他们的是,他们的工作是由衷的,而不是在那里,他们的力量是在那里,而不是在那里,是的,是的,是的。 EN: Minniti meanwhile said a sharp fall over recent weeks in the number of migrants arriving in Italy following rescues was an indication that efforts to beef up the Libyan coastguard and cooperation with local mayors was bearing fruit. ZH_REF: 与此同时,明尼蒂称近几周抵达意大利的移民人数骤降,这表明加强利比亚海岸护卫以及联合各当地市长的努力已初见成效。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有一个人的名字是,在那里,他们的生活是由他们所控制的,而不是在他们的身边,他们的工作是由他们所做的,而不是在那里,也是为了让人感到很好的的的的的的的的的的 EN: "In recent days we have begun to see light at the end of the tunnel," the minister said. ZH_REF: 该部长称:“近几天来,我们开始在隧道尽头看到了曙光。“ -ZH_HYP: 1.. +ZH_HYP: “我的意思是,”“不,”“是的,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”说!。。。。。。。。。。 EN: He revealed plans for further talks this month with Libyan mayors on economic development initiatives and with Chad, Niger and Mali on measures to reduce the number of migrants leaving those countries in the hope of reaching Europe. ZH_REF: 他公布了本月的深度会谈的计划:与各利比亚市长商讨经济发展活动,与乍得、尼日尔和马里商讨如何减少欲离开这些国家前往欧洲的移民人数。 -ZH_HYP: 1.. +ZH_HYP: 他的一个例子是,在这方面,我们的工作是有可能的,而不是为了使他们的利益而变得更糟,而不是为了让自己的处境而去,而不是为了给他们带来的东西,而不是在这里,也是为了给你带来的。 EN: Lian Ping, Chief Economist of the Bank of Communications, said that as value added of industry for each of the first three quarters of 2017 was stronger toward the end of the quarter, the growth rate of value added of industry in December could accelerate to 6.6%. ZH_REF: 交通银行首席财经学家连平则表示,由于2017年前三季度工业增加值都出现季末上翘特点,预计12月工业增加值增长可能加快至6.6%。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的错误,是,他们的愿望是,在这方面,我们的事业是在成长中的,而不是在过去的,它的意思是,它的意思是:(a)更多的是,的 EN: Cumulative growth rate of fixed asset investment in December is forecast to be at 7.2%, unchanged from the previous month, but lower than that a year ago. ZH_REF: 预计12月固定资产投资累计增速为7.2%,与上月持平,低于去年。 -ZH_HYP: 1.. +ZH_HYP: (一)(一)不一的,是对其进行的,也是为了使其成为贸易,而不是在其他方面,也是为了使其成为一个好的、更有可能的,而不是在(d)上,这是对我们的双重标准的的的的的的的的的 EN: Industrial production, while weaker than that in October, will remain generally unchanged from that in November. ZH_REF: 工业生产虽然会弱于10月,但与11月基本持平。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),是不可能的,因为它是在用的,而不是在,它的意思是,它是用的,它的意思是:“你的意思是,”说的了了的的的的的的的的的的的 EN: Investment in China’s manufacturing sector was low in December, but infrastructure investment improved slightly. As such, fixed asset investment for the month will remain the same as that in November. ZH_REF: 而12月我国制造业投资低位运行,但基建投资有小幅改善,因此预计当月固定资产投资将持平于11月。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................ EN: Most of the more than 200,000 people from Changle, Fujian Province entered the US as illegal immigrants. Living in an alien country indefinitely, their families are separated and torn apart; similar scenes such these have continued to unfold. ZH_REF: 福建长乐二十多万人进入美国,多为偷渡客;身在异国,归家无期,亲人离散,类似场景不断上演。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的工作是,从某种意义上,是为了使他们摆脱困境,而不是在他们的身边,他们的生活方式,是为了使他们的工作变得更糟,而不是在我们的身边,这是对的的的的的 EN: Beijing’s new measure to “shift and relocate institutions of higher learning”: 10,000 BUCT teachers and students move into new campus at Changping ZH_REF: 北京“高校疏解”新举措:北化工上万师生将入驻昌平新校区 -ZH_HYP: 1.. +ZH_HYP: (一)(一),“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。 EN: The opening ceremony of Beijing University of Chemical Technology’s (BUCT) new campus was held at the Changping District of Beijing on the 2nd, and school officially commenced at the 1,800 mu green campus. ZH_REF: 北京化工大学新校区启用仪式2日在北京市昌平区举行,占地1800亩的绿色校园正式投入使用。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,我们的态度是,在做的事,是为了使自己的事业变得更容易,而且是在他们的时候,也是为了让他们的服务而去,而不是在那里,这是对我来说是个好的 EN: Reporters learned from the ceremony that for the purposes of enhancing the capital’s core functions, and treating “large urban center diseases”, on the back of cooperative development among Beijing, Tianjin and Hebei Province as well as the shifting and relocation of non-capital related functions, Beijing has accelerated the program to shift and relocate institutions of higher learning situated in central districts to suburban districts in recent years. The teachers and students of some institutions of higher learning are relocating in batches to new campuses in Shunyi, Daxing, Fangshang and other suburban districts. ZH_REF: 记者从仪式上获悉,为强化首都核心功能,治理“大城市病”,近几年来,在京津冀协同发展及疏解非首都功能背景下,北京加快推进中心城区高校向郊区疏解,一些高校的师生正陆续分批迁至顺义、大兴、房山等郊区新校区。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,中国的领导班子们都在发展,而又是在大范围内,在其他领域,如:(),我们的新的工作,和他的工作,以及在新的城市里的,在他的脑子里,在大的脑子里 EN: BUCT’s new campus is located in Nankou Town, Changping, and sits on a land area of 1,800 mu, some 40 km from the city. It is a key project of Beijing’s shifting and relocation of non-capital functions. ZH_REF: 北化工新校区位于昌平南口镇,占地1800亩,距离市区40公里,是北京市疏解非首都功能的重点工程之一。 -ZH_HYP: 1.. +ZH_HYP: 5.4.在一个小的地方,有一个大的东西,是的,是的,是的,是的,是的,是的,是的,是在对的,也是对的,而不是在其他的领域里的,是对的,我们的工作是什么? EN: The new campus was constructed in three phases. Phase I is now entirely completely, and Phase II is expected to commence by the end of the year. On completion, the learning and living requirements of close to 20,000 undergraduate and graduate students as well as faculty staff are expected to be met. ZH_REF: 新校区分三期建设,目前一期建设已全部完成,二期建设预计于今年底全面启动,全部建成后计划将满足近2万名本科生、研究生及教职员工学习和生活的需要。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在其他方面,我们的工作是由一个人组成的,而不是在他们的上,而是在他们的工作中,在那里,和(或)的是,我们的生活方式是很有价值的,而且是在2000年之前的。 EN: At this time, a review of this year’s film market will show that fans of the original book of a film adaptation and those of the actors taking part in film have become key components of the expected audience of the film. ZH_REF: 此时回望今年的电影市场时,我们发现,电影的原著文本及参演明星的两批拥趸,成为电影预期观众的重要组成部分。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的错误,是,他们的目的是为了使他们的事业变得更容易,而不是在他们的身上,而是在他们的面前,为你的服务而去的,是的,是的,是的,是的。了 EN: At 17:10 today, the 119 command center at Shaoyang received an emergency call. Tetrahydrofuran stored at Hongzhi Chemical Plant at Longxutang, Shuangxi District, caught fire. ZH_REF: 今天17时10分,邵阳市119指挥中心接到报警,位于该市双清区龙须塘的宏志化工厂储存的四氢呋喃发生火灾。 -ZH_HYP: 1.. +ZH_HYP: (1)【句意】(a)【句意】我们的意思是,我们的生活是在“大”的,而不是在他们的时候,它是由你来的,是的,是的,是的,是的,是的。了了 EN: Shaoyang fire station immediately dispatched five detachments and 20 fire trucks with heavy chemical protective clothing, chemical cleaning vehicles and other equipment to the scene. ZH_REF: 邵阳市消防支队立即调派5个中队20台消防车携带重型防化服、防化洗消车等器材赶到现场。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: Preliminary investigation revealed that the cause of the fire was the small tanks in which tetrahydrofuran was stored. There was thick smoke at the scene. ZH_REF: 经初步侦查,起火的是储存四氢呋喃等化学物质的小储罐,现场产生浓烟较大。 -ZH_HYP: 1.. +ZH_HYP: (四)【句意】(a)【句意】我的意思是,我的意思是,他们的意思是,他们的意思是,我们的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: At the time of filing this report, firefighters were in the processing of carrying out emergency rescue. The City’s health, safety administration, environmental protection, public security, traffic and other departments arrived at the scene successively. No fatalities or injured persons were found. ZH_REF: 截至记者发稿时,消防官兵正在紧张救援,市卫生、安监、环保、治安、交通等部门已相继赶赴现场,未发现人员伤亡情况。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的错误,是,他们的生活方式是,我们的人,是为了控制的,而不是在那里,他们的工作是在那里,还是要把它的保护起来,而不是在那里,也是为了保护你的。了 EN: Michelle Carter sentenced for texts urging suicide of Conrad Roy ZH_REF: 米歇尔?卡特 (Michelle Carter) 因发短信怂恿康拉德?罗伊 (Conrad Roy) 自杀被判刑 -ZH_HYP: 1.. +ZH_HYP: 5.a............................................................... EN: A Massachusetts woman has been sentenced to two and a half years for encouraging her boyfriend to commit suicide through texts and phone calls. ZH_REF: 一名马萨诸塞州女子因通过短信和电话怂恿男友自杀而被判刑两年半。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),是,不,是为了使自己的缘故,也是为了使他们的缘故,而不是为了让他们的,而不是为了让别人来的,而不是在他们的身边,还是要把它的东西弄得太多了了 EN: Michelle Carter, now 20, will serve 15 months of her term behind bars and five years of probation. ZH_REF: 现年 20 岁的米歇尔?卡特将服刑 15 个月,期满后可转为缓刑。另加缓刑 5 年。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),我们的货品是不可能的,因为他们的东西是在用的,而不是在那里,他们都是为了得到的,而不是在那里,要么是为了提高他们的能力而去做的,是对的,而不是最坏的。 EN: Carter was convicted in June of the involuntary manslaughter of Conrad Roy, who took his own life on 13 July 2014. ZH_REF: 卡特在 6 月被判处对康拉德?罗伊 (Conrad Roy) 犯有无故意非预谋杀人罪,后者于 2014 年 7 月 13 日自杀。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Mr Roy's father told Thursday's hearing: "My family is heartbroken. ZH_REF: 罗伊的父亲在周四的听证会说道:“我的家人伤心欲绝。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: My son was my best friend." ZH_REF: 我的儿子是我最好的朋友。” -ZH_HYP: 1.. +ZH_HYP: (4)a:(一),(),(),是,有的,是的,是的,是的,是的,是的,因为它是为了使自己的工作而得到的,而不是在上司的,是对的,而不是最需要的。 EN: Carter was allowed to remain free pending an appeal. ZH_REF: 在等待上诉期间,卡特获准保持人身自由。 -ZH_HYP: 1.. +ZH_HYP: (4)a:(一),(),我们的背面是不可能的,因为它是在用的,它的意思是:“你的意思是,它是在不断的,而不是为了达到最高标准的目的而去做,”说 EN: She had faced a maximum sentence of 20 years, but her legal team argued that both she and Mr Roy suffered from mental illness. ZH_REF: 她面临最多 20 年有期徒刑,但她的律师团认为她和罗伊先生都患有精神病。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: Dressed in red trousers and a cream blouse, Carter stood tearfully with hands clasped and eyes cast down as she was sentenced. ZH_REF: 在宣判时,卡特站立着,身穿红色长裤和米色罩衫,双手紧扣,双眼含泪,目光朝下。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: "Her actions killed Conrad Roy," the prosecutor told the court. ZH_REF: “她的行为杀死了康拉德?罗伊 ”,检察官告诉法庭。 -ZH_HYP: 1.. +ZH_HYP: "在任何情况下,都是为了逃避,而不是为了使他们的利益而被人抓住,而不是为了使他们的工作变得更糟,因为他们的手势都是在说谎的,是的,是的,是对的,对我们来说是最重要的 EN: "She ended his life to better her own. ZH_REF: “她为了自己活得更好而结束了他的生命。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................ EN: She has not accepted responsibility," she said. ZH_REF: 她没有承担责任 ”,检察官说。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: "She has shown no remorse." ZH_REF: “她没有任何悔恨之意。” -ZH_HYP: 1.. +ZH_HYP: (美英对照),“我们的”是,有的是,它的作用是为了使自己的利益而被人用,而不是在他们的身上,而是在你的身边,在那里,要把它给别人的 EN: But Carter's lawyer said it was a "horrible circumstance that she completely regrets." ZH_REF: 但卡特的律师说这是“一个可怕的后果,她感到非常后悔。” -ZH_HYP: 1.. +ZH_HYP: (k)【句意】(a)’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: However, Judge Lawrence Moniz said he did not find that her "age or level of maturity or even her mental illness have any significant impact on her actions." ZH_REF: 然而,劳伦斯?莫尼斯 (Lawrence Moniz) 法官说,他并没有发现她的“年龄或成熟程度,乃至她的精神疾病会对她的行为产生任何重大影响。” -ZH_HYP: 1.. +ZH_HYP: 但是,在他的身材里,有的是,他们的态度是,他们的感情,是为了使自己的利益而被人世,而不是在他们的身边,也是在对的,是对的,而不是对你的反应了(的的的的的的 EN: A prosecutor read a statement from Mr Roy's mother, Lynn Roy, saying there was "not one day I do not mourn the loss of my beloved son. ZH_REF: 一位检察官阅读了罗伊母亲林恩?罗伊 (Lynn Roy) 的一份声明她说,“我没有一天不为失去我心爱的儿子而痛心。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(),(),我们的手表是不对的,因为你的意思是,他们的意思是,我的意思是,你的意思是,你的意思是,他们的意思是,我们的意思是不对的,是不可能的。 EN: I want him to be proud of me and how I am handling everything - I am trying to be there for his sisters in all of my pain we will carry with us for eternity," it said. ZH_REF: 我希望他为我和我所做的一切感到自豪 。我正努力在我所有的痛苦中和他的妹妹们站在一起,这些痛苦将伴随我们至永远 ”,声明表示。 -ZH_HYP: 1.. +ZH_HYP: (英译汉).............................................................. EN: Mr Roy's sister, Camdyn Roy, testified that she was "haunted" by the realisation that she would never attend her brother's wedding or be an aunt to his children. ZH_REF: 罗伊先生的妹妹凯迪?罗伊 (Camdyn Roy) 作证表示,她因为意识到自己永远不能参加她哥哥的婚礼或成为他孩子的姑姑而“精神恍惚”。 -ZH_HYP: 1.. +ZH_HYP: (美)()(),(),我们的意思是,你的意思是,他们的意思是,他们的意思是,他们的意思是,你的意思是,你的意思是,他们的意思是,“你的意思是,” EN: "Not having that one person I've been with every day since birth is a pain I'll always keep with me for the rest of my life," she said. ZH_REF: “失去一个从我出世以来就陪伴着我的人是一种痛苦,而我的余生将会与这种痛苦为伍。”她说道。 -ZH_HYP: 1.. +ZH_HYP: (美)(一),我的意思是,我的生活在一定的时候,都是为了得到的,因为我的心都是为了得到的,而不是为了给别人带来的,而不是在我的身边,而是要在那里的 EN: The case appears to set a legal precedent, as there is no Massachusetts law that criminalises telling a person to commit suicide. ZH_REF: 这个案例似乎开创了法律先例,因为马萨诸塞州的法律并没有规定怂恿其他人自杀有罪。 -ZH_HYP: 1.. +ZH_HYP: (a)【句意】(a)【句意】我们的意思是,我们的人是在为自己的,而不是为了得到治疗,而是为了得到更多的保护,而不是为了给别人带来的,也是在说谎的 EN: Carter was 17 when Mr Roy was found dead of carbon monoxide poisoning in a vehicle in 2014. ZH_REF: 2014 年,罗伊被发现死于车内一氧化碳中毒;这一年,卡特 17 岁。 -ZH_HYP: 1.. +ZH_HYP: (4)a:(一),(),在做的时候,都是用的,因为它是在用的,它的意思是:“你的意思是,它是由谁来的,而不是在别人身上的,”说的 EN: The case drew national attention after Carter's text messages revealed she had encouraged him to end his life. ZH_REF: 卡特的短信揭示她怂恿他自杀后,该案件引发了全国关注。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: "Hang yourself, jump off a building, stab yourself I don't know there's a lot of ways," she said in several messages sent in the two weeks before his death while he was on holiday with his family. ZH_REF: “上吊、跳楼、刺伤自己,有很多方法。”她在他死亡前两周发送的数条短信中表示;当时他正和家人一起度假。 -ZH_HYP: 1.. +ZH_HYP: (美英):“这是个好的东西,”他说,“你的东西都是在,”他说,“你的事,我就得了,”他说,“你就会把它的东西弄坏了。了了了了了了了了了了了了了了了。 EN: In the moments before his suicide, she wrote: "You need to do it, Conrad" and "All you have to do is turn the generator on and you will be free and happy." ZH_REF: 在他自杀前的那段时间,她写道:“你需要这样做,康拉德”,“你所要做的就是启动发电机,然后就会获得自由和快乐。” -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是指的是,他们的意思是,他们的意思是:“你的,是的,是的,你的,是的,你的,是的,是的,是的,是的,是的,是的,” EN: Judge Moniz said Carter sought attention through Mr Roy's death, ordering that she not be allowed to profit from the case through any press. ZH_REF: 莫尼兹法官说,卡特通过罗伊先生的死来博取关注,并命令她不得通过任何媒体从案件中获利。 -ZH_HYP: 1.. +ZH_HYP: (美英)()(),我们的意思是,他们的意思是,在不需要的时候,他们都会在那里,而不是在那里,也是为了给他们带来的,而不是在乎的,是的,是的,是的。 EN: The case has divided legal opinion. ZH_REF: 本案例存在法律意见分歧。 -ZH_HYP: 1.. +ZH_HYP: (a)【句意】(a)【句意】我们的意思是,他们的意思是,他们的意思是,它是由你来的,而不是在那里,也是为了给别人的,而不是在那里,而是要用的,要有的东西 EN: Among the few to defend Carter was Amanda Knox, who was convicted of murdering her British roommate in Italy in 2007 before she was cleared two years ago. ZH_REF: 替卡特辩护的人为数不多,阿曼达?诺克斯 (Amanda Knox) 就是其中之一,她于 2007 年被指控在意大利谋杀她的英国室友,两年后被宣布无罪。 -ZH_HYP: 1.. +ZH_HYP: 在他的后面,一个人的名字是,在这方面,我们是为了逃避,而不是为了他们的,而他们的是,他们的才是在他们的,是在他们的工作中,而不是在那里,是的,是的,是的。 EN: Ms Knox, 30, published an op-ed in the Los Angeles Times saying: "Michelle Carter deserves sympathy and help, not prison." ZH_REF: 30 岁的诺克斯女士在《洛杉矶时报》发表的一篇专栏文章中表示:“米歇尔?卡特值得同情和帮助,而不是监禁。” -ZH_HYP: 1.. +ZH_HYP: (一)(),(),我们的意思是,你的意思是,他们的意思是,在他们的时候,都是为了得到的,而不是为了给别人带来的,也是为了让人感到厌倦的,而不是什么? EN: Zhang Yimou is destined to controversial film artist. From when he began filming his first movie, “Red Sorghum”, he has always been a trendsetter in Chinese films, but he has also received a lot of criticism. ZH_REF: 张艺谋注定是一个让人争议的电影艺术家,从他开始拍摄第一部电影《红高粱》起,他在一直引领中国电影风潮的同时,也收获了很多非议。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在这方面,我们的经历都是由“”的,而不是在他的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: On the 2nd, reporters learned from Lhasa Pure Land Basketball Club that the Lhasa Pure Land Basketball Youth Team came in fourth at the National Youth Basketball League Finals held in Beijing. ZH_REF: 记者2日从拉萨净土篮球俱乐部获悉,近期,拉萨净土篮球青少年队在北京举行的全国青少年篮球联赛总决赛中获得第四名。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,有的是,他们的外貌,是为了使他们的心从头到尾,而不是在他们的身边,在那里,我的心都是在一起的,是的,是的,是的,是的 EN: Lhasa Pure Land Basketball Youth Team is comprised of 11 local basketball players, and its head coach is Tsering Samdup, the assistant coach of the Lhasa Pure Land Basketball Men’s Team. ZH_REF: 拉萨净土篮球青少年队由11名本土球员组成,主教练为拉萨净土男篮成年队助理教练次仁桑珠。 -ZH_HYP: 1.. +ZH_HYP: (美)(美)(美),是用心的,把它的东西放到一边,也是在说谎的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: Tibet’s “Basketball Kids” on their way to Beijing for the Finals. ZH_REF: 在前往北京参加总决赛前的西藏“篮球小子”。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),我们的外套,是为了使他们的缘故,而不是在他们的身边,在那里,把它给我带来的,是在说谎的,是的,是的,是的,是的,是的,是的。 EN: Photo: Lhasa Pure Land Basketball Club. Lhasa Pure Land Basketball Club’s General Manager Liang Junchao told reporters that compared to the previous year, the Team’s performance has improved. The players’ self-confidence and grasp of the game have increased significantly. Their exchanges with other teams were also more comprehensive, and exchanges both on and off the court have also increased and were more relaxed. ZH_REF: 拉萨净土篮球俱乐部摄拉萨净土篮球俱乐部总经理梁俊超对记者表示,与去年相比,球队的成绩有所进步,球员的自信心和对赛场的把握都有明显提升。球员和其他队的交流也更全面,场上、场下交流也更多、更轻松。 -ZH_HYP: 1.. +ZH_HYP: (美)(美)(美),是一种不稳定的东西,也是在其他的,也是如此,它的效果很好,而且也是如此,它的意思是:“你的意思是,我们的工作也会更多的。”””””””””” EN: After the competition ended, captain Jiang Cuo said that he hoped to gain experience from taking part in the competition, and do his best for Tibetan basketball. ZH_REF: 比赛结束后,队长江措表示,他希望通过参加比赛积累经验,为西藏的篮球事业尽力。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),我们的作品,是为了使自己摆脱了,而不是在他们的面前,为自己的力量而努力,而不是在那里,也是为了赢得更多的人((((的的的的的的的的的的的 EN: It is understood that during the competition, the players had to overcome factors such as low altitude sickness, displaying the image of Tibet. ZH_REF: 据了解,在北京的比赛中,球员们克服了低海拔醉氧等因素,展现了西藏形象。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,我们的态度是,从表面上看,是,你的东西是在不喜欢的,因为他们的事,是在说谎的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: The fact that track and field involves the most gold medals in the Olympics makes those athletes confident a lot, the famous players have been disadvantaged in the competition. ZH_REF: 尽管田径在奥运会是金牌大户,得田径者得天下,但田径名将比拼吸金却处在下风。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这也是由一个人所做的,而不是在他们的中,是在为他们的,而不是在那里,他们都是为了得到的,而不是在那里,是为了让人感到厌倦了。是了了了了了 EN: Audi to Modify Up to 850,000 Diesel Vehicles as Carmakers Face Backlash ZH_REF: 汽车制造商面临冲击,奥迪将改装多达 850,000 辆柴油车 -ZH_HYP: 1.. +ZH_HYP: 5.a............................................................... EN: A day before Audi's announcement, BMW said it would offer to upgrade the software in more than 350,000 vehicles. ZH_REF: 奥迪宣布改装的前一天,宝马表示将为 350,000 多辆汽车提供软件升级。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),这是不可能的,因为它是在用的,而不是用它来的,而是用的,因为它的意思是:“你的意思是,”他说,“你的意思是,”说 EN: The BMW chairman said the company believed "there are more intelligent options than driving restrictions," referring to the European cities - including Munich, where BMW is based - that have considered banning or restricting diesel vehicles. ZH_REF: 宝马董事长表示,宝马相信“驾驶有更多智能选择而非限制”,意指欧洲各大城市 - 包括宝马公司总部所在地慕尼黑在内 - 考虑禁止或限制柴油车辆。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),这是由一个人的,而不是在他们的身上,而是用它的方式来进行,而不是在你的身上,而是用它的方式来进行,而不是在你的身上,它是最重要的,是的,是的。 EN: Daimler announced on Tuesday that it would modify three million Mercedes vehicles in Europe to reduce their diesel emissions. ZH_REF: 戴姆勒周二宣布将改装欧洲 300 万辆梅赛德斯汽车以减少其柴油排放量。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为它是在用的,是在用的,把它的东西弄到了,是在说谎的,是在用的,而不是把它给的,是的,是的,是的,是的。 EN: None of the companies described the moves as recalls. ZH_REF: 无一家公司宣称此举为召回。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,他们的意思是,在我的上,是为了得到的,而不是为了给他们带来的,也是在我的上司中的,是的,是的,是的,是不可能的 EN: European carmakers have heavily promoted the use of diesel vehicles in Europe and the United States to help meet rules on carbon dioxide emissions. ZH_REF: 欧洲汽车制造商在欧洲和美国大力推广使用柴油车辆,以帮助达到二氧化碳排放规定。 -ZH_HYP: 1.. +ZH_HYP: (a)(一),在“黑帮”中,“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。。。。。。。。。 EN: But the nitrogen oxides that diesel engines emit are considered carcinogens, and can cause asthma. ZH_REF: 但柴油机排放的氮氧化物被认为是致癌物质,并可能导致哮喘。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(一),可被认为是不可能的,因为它们的重量和质量都是由,而不是在上,是由它的,而不是在(e)上,它是由你所引起的,它是什么意思?了了了了 EN: The cost to automotive companies of installing equipment to neutralize the fumes emitted by diesel vehicles is also increasing, making it difficult to keep the price of the cars competitive. ZH_REF: 汽车公司安装设备以抵消柴油车尾气排放的成本也在增加,因此难以保持柴油车在价格上的竞争力。 -ZH_HYP: 1.. +ZH_HYP: (a)(一),我们的车胎,是为了使自己的工作变得更糟,因为他们的事也是为了使他们的缘故,而不是在他们的工作中,而不是在那里,要么是为了提高他们的效率而去做的事 EN: As German automakers face scrutiny, the government of Chancellor Angela Merkel has also been accused of coddling the powerful car companies and of ignoring signs of the problem. ZH_REF: 随着德国汽车制造商面临审查,总理安格拉·默克尔领导的政府也被指责过于放任这些强大的汽车公司,并且忽视了这一问题的种种迹象。 -ZH_HYP: 1.. +ZH_HYP: (美英)(这篇)是,我们的对手是,他们的对手,都是为了得到的,而不是为了自己的利益而去,而不是为了让他们的服务而去,而不是太多了,因为你是在说谎的,是的,是的。 EN: The companies are trying to avoid repeating the mistakes of Volkswagen, which covered up its use of so-called defeat devices that could adjust emissions to comply with regulations when a car was being tested, but ease back in normal driving conditions. ZH_REF: 这些汽车公司正试图避免重蹈大众的覆辙,即掩盖其使用所谓的失败装置,在汽车测试时调整排放量以符合法规,在正常驾驶条件下则恢复正常。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,我们的意思是,它是在为自己的,而不是在做错,也是为了让人的缘故,而不是为了让人的感觉而去掉它的,而不是什么时候都会被人的。 EN: Several Volkswagen executives have been charged in the United States, and others are under investigation on both sides of the Atlantic. ZH_REF: 多名大众高管在美国被指控,其他高管则正在接受大西洋两岸国家的调查。 -ZH_HYP: 1.. +ZH_HYP: 在其他的情况下,有的是,我们的人都是为了不让他们的,而不是在他们的身边,在那里,他们的力量是为了得到的,而不是在那里,要么是为了得到的,而不是在那里,要么是为了提高他们的能力而去 EN: Last month, the former head of thermodynamics at Audi's engine development department was arrested in Germany. ZH_REF: 上个月,奥迪发动机研发部前热力学负责人在德国被捕。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: The former manager, Zaccheo Giovanni Pamio, is Italian, and therefore is not protected from extradition and could face trial in the United States. ZH_REF: 前经理扎切罗·吉奥凡尼·帕米欧为意大利人,因此不受引渡保护,可能在美国面临审判。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,他的名字是,是为了使他们的缘故,而不是为了自己的,而不是在他们的中,是在说谎的,是在那里,也是为了保护自己的,而不是在那里,要么是对的,是对我们的事了。了 EN: Early this year, Audi was swept up into a German criminal investigation involving Volkswagen after the authorities accused Audi of installing a system to evade emissions rules in Europe, broadening an inquiry that had focused on the United States. ZH_REF: 今年早些时候,奥迪被卷入一桩涉及大众的德国刑事调查,德国政府指控奥迪安装系统以逃避欧洲的排放要求,扩大了之前仅限于美国的调查范围。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................... EN: The inclusion of Audi in the investigation could weigh heavily on Volkswagen: The luxury carmaker accounts for a disproportionate share of Volkswagen's profit. ZH_REF: 奥迪被调查可能会对大众产生重大影响:豪华汽车制造商占有大众汽车不成比例的利润份额。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在这方面,我们的态度是,在不可能的情况下,把它当作是一种,而不是在他们的中,才会被人所为,而不是在高处,而是要用的,也是为了得到的 EN: Taking a couple of years, or even a few years, to make a film from planning to release is nothing unusual. ZH_REF: 一部电影从筹备到上映,历时一两年乃至几年,可谓司空见惯。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,我们的东西是在不可能的,因为它是由你来的,而不是在那里,它是由你所做的,而不是在那里,还是要用的。 EN: “Big Fish & Begonia”, an animated feature film 12 years in the making, recently announced that it would be released on July 8th. ZH_REF: 动画电影《大鱼海棠》日前宣布将于7月8日上映,这部影片从筹备到上映历时12年! -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是个不寻常的东西,是在为自己的,而不是在他们的时候,他们都是在说谎的,是在说谎的,是在我们的时候,要把它的意思和好的意思在 EN: Liang Xuan, the author of “Big Fish & Begonia”, dropped out of his studies at the Department of Thermal Engineering at Tsinghua University when he was 21, and founded B&T together with best friend Zhang Chun. In 2008, Ce Yuan Ventures provided US$1 million in risk investment, kick-starting the maiden animated film, “Big Fish & Begonia”. ZH_REF: 《大鱼海棠》原作者梁旋,21岁从清华大学热能动力专业肄业,和好友张春一起创立了彼岸天,2008年获得联创策源百万美金的风险投资,启动了动画电影处女作《大鱼海棠》。 -ZH_HYP: 1.. +ZH_HYP: 5.a..................................................................... EN: The film was already a recipient of multiple local and overseas awards at the creative sample stage. It has been included in the Centre Pompidou’s collection and acclaimed as “an outstanding artwork”. ZH_REF: 影片在创意样片阶段已获得国内外众多大奖,更被法国蓬皮杜当代艺术中心收录并赞誉为“最杰出的艺术品之一”。 -ZH_HYP: 1.. +ZH_HYP: (一)在这一过程中,有的是,我们的产品是由不公平的,而不是在他们的手中,而是在他们的手中,也是为了得到的,而不是在那里,它是由你所做的,是对的的的的的的的的的的 EN: As it took six years from creation to production, the film was known as a “super deceiver” by millions of fans who were looking forward to its release. ZH_REF: 由于从创意到制作历时六年之久,该片被百万翘首期盼上映的粉丝称为“神坑”。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,它是为了让自己的,而不是在他们的上,也是为了让人感到厌倦,而不是在他们的上司面前,而不是为了给别人带来的 EN: “Big Fish & Begonia” is a Chinese fantasy. The announcement of the trailers for the scheduled release has once again led to new expectations among all viewers. ZH_REF: 《大鱼海棠》讲述了一个属于中国人的奇幻故事。随着此次定档预告片的公布,又为所有观众带来全新的期待。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,我们的生活是不可能的,因为他们的意思是,他们的意思是,我们要去做,因为它是为了给你带来的,而不是太多的了 EN: Liang Xuan said, “I’ve only done this one thing in the last 12 years. Now it has turned from a dream into reality. I’m both nervous and excited”. ZH_REF: 梁旋说:“这12年只做了这一件事,现在它从一个梦变成了现实,我是既紧张又兴奋”。 -ZH_HYP: 1.. +ZH_HYP: (美英)(一),是,我们的工作是为了使自己摆脱困境,而不是在自己的中,为自己的力量而努力,而不是在那里,也是为了让人感到厌倦了。的了了了了了了了了了了了 EN: Zhang Chun said, “I kept thinking of using one-fiftieth of other people’s budget to come up with an image effect that was completely identical to these other people’s. I drove our entire team up the wall.” ZH_REF: 张春称:“老想着用别人五十分之一的预算,做出和别人完全一样的画面效果,团队都要被我逼疯了。” -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为我们的人对自己的东西都是,他们的意思是,他们的意思是,我的意思是,你的意思是,你的意思是,我们要把它给别人的,是的,是的。 EN: Dongguan, the “Factory of the World” which once made its fortune on industrial processing and large numbers of general workers, is looking to high-level talent to help the city reposition itself. ZH_REF: 东莞这个曾经依靠来料加工和大批普工起家的“世界工厂”,正将目光投向那些能够引领这座城市重新定位的高水平人才。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),(),是在不可能的,我们的生活是由他们来的,而不是在那里,他们都是为了得到的,而不是在那里,才是为了给别人带来的,而不是太多了 EN: The Dongguan government recently held a high-level talent week event. Reporters from China Business Network noticed a number of reputable local enterprises participating in the talent fair. ZH_REF: 近日东莞市政府举办的高层次人才活动周上,第一财经记者看到,当地一些颇具实力的企业纷纷参加人才洽谈会。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的工作是,是为了让自己的事业而去,而不是为了让自己的经历而感到厌倦,而不是在他们的身边,才是在那里,是的,是的,是的,是的,是的。 EN: On the bright advertising board against a tangerine colored wall, they listed their respective exorbitant price tags. ZH_REF: 在橘红色背景墙映衬下格外鲜亮的广告牌上,它们各自标出了不菲的价码。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),(),是用不锈的,是用的,是的,他们的意思是,他们的意思是,要把它给你的,是的,是的,是的,是的,是的,是的。 EN: Therefore, China Television Drama Production Industry Association will work together with the television drama production industry nationwide to sign a self-discipline convention. ZH_REF: 因此,中国电视剧制作产业协会决定,将联合全国电视剧制作行业,签署自律公约。 -ZH_HYP: 1.. +ZH_HYP: 如果我们的作品是一个,但它是一个很好的,从某种意义上讲,它是在我的,是在说谎的,那是对的,而不是为了给别人的,而不是在那里,也是为了让人感到厌倦的 EN: Provence lavender under threat from climate change ZH_REF: 普罗旺斯薰衣草受到气候变化的威胁 -ZH_HYP: 1.. +ZH_HYP: 5.3.由于不允许的,在其他方面,我们都有可能被推到,因为它们的重量和时间都是由它的,而不是在(e)上,它是为了使人的心智而变得更多的了了了了了 EN: It has become a symbol of Provence in southern France, but there is a warning that it's under threat from climate change. ZH_REF: 薰衣草已经成为法国南部普罗旺斯市的象征,但现在有个坏消息,它正受到气候变化带来的威胁。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为它是在被占领的,是在用的,它的意思是,它是用了,而不是在(中)的,是的,是的,是的,是对的,而不是最需要的。 EN: Lavender is in decline because of drought-like conditions and disease-carrying insects, causing a major headache for scientists and farmers attempting to find solutions. ZH_REF: 由于持续干旱和出现携带病毒的昆虫,薰衣草正在衰败,这让正在试图寻找解决方案的科学家和农民头痛不已。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),(如:),我们的手表是有的,因为它是在用的,而不是在,它的意思是,它是由谁来的,而不是在别人身上的,是的,是的,是的,是的。 EN: Eric Chaisse, an expert at the Provence-based agricultural research institute CRIEPPAM, said: "Lavender in Provence is effectively endangered, because in recent years the plant has been subjected to the effects of climate change that brought a lot less rain in the spring and mostly in the autumn. ZH_REF: 位于普罗旺斯的农业研究所 (CRIEPPAM) 的专家艾瑞克?蔡斯 (Eric Chaisse) 说:“普罗旺斯的薰衣草正面临着巨大的威胁,因为近年来该植物受到了气候变化的影响,春季降雨大幅减少,而秋季则阴雨绵绵。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,有的是,我们的生活方式是由他们来的,而不是在那里,他们是在一起,是在不断地被浪费,而且是在他们的时候,也是对的,而不是在我们的身上。了了了了 EN: This affects the lifespan of lavender. ZH_REF: 这会影响到薰衣草的生命周期。 -ZH_HYP: 1.. +ZH_HYP: (4)a:(一),(b),我们的人,都是为了使他们的缘故,而不是为了使他们的缘故,而不是在他们的身边,而是在那里,是为了提高他们的能力而去做,而不是为了给别人带来的。 EN: There's also a small cicada, a micro-bacteria transmitting leaf hopper, and in very dry weather there are lots of them." ZH_REF: 还有一种个体较小的蝉,一种可以传播微小细菌的叶蝉,在非常干燥的天气中,它们会大量出现。“ -ZH_HYP: 1.. +ZH_HYP: (a)(一),(),也是有的,因为它是在用的,而不是在他们的中,是在说谎的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: And a lot is at stake. ZH_REF: 关键在于其数量巨大。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: As well as attracting holidaymakers, lavender oil is highly sought after for perfume and cosmetics. ZH_REF: 清雅的薰衣草场除了可以吸引度假者外,薰衣草油还受到香水和化妆品行业的追捧。 -ZH_HYP: 1.. +ZH_HYP: (美英)(美):“我们的”是,从表面上看,是为了使自己的事业变得更有价值,因为它是在为你的,而不是在那里,也是为了让人感到厌倦的,而不是在高处的时候,他们都会喜欢的。 EN: Eric Chaisse said: "Instead of having very long plant ears with a number of large flowers, we have smaller ones, underdeveloped and either missing or weakened. ZH_REF: 艾瑞克?蔡斯说:“与可以开许多大花,具有很长谷穗的植株相反,我们的则存在个体较小,发育不良、缺失或孱弱不足的问题。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,我们的生活方式是,他们的缺点是,我们的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: So we have fewer parts with essential oil." ZH_REF: 所以我们的精油含量更少。” -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................ EN: Solutions being looked at include better water distribution and slowing down evaporation from the soil, but also spraying the plants with a protective mix of clay and water and developing varieties more resistant to dry conditions. ZH_REF: 正在研究的解决方案包括采取更好的灌溉技术和减缓土壤水分的蒸发,向植株上喷洒粘土和水的保护性混合物,以及开发更为耐旱的品种。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................... EN: Compared to the sci-fi elements in the movie, the two lead actors said that it was the movie’s plot that attracted them. ZH_REF: 相比起电影中的科幻元素,两位主演纷纷表示更吸引他们的是影片中的故事。 -ZH_HYP: 1.. +ZH_HYP: (美)(美)(美),在其他方面,我们都是不可能的,因为他们的东西是在用的,而不是在那里,它是在为你的,而不是在别人身上,而是要用的,是的,是的,是的。 EN: On the afternoon of September 5, West China City Daily reporters consecutively interviewed numerous renowned personalities in the cross talk circle, as well as two cross talk artistes. What was surprising was that they were unanimously silent most of the time. ZH_REF: 9月5日下午,华西都市报记者,连续采访多位相声界的知名人士,还有两位相声表演艺术家,令人吃惊的是,他们几乎保持一致沉默。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的名字是,是的,是为了使他们的感情而变得更有可能,而不是在他们的身边,他们的态度是,他们的态度是,在我的上,是最重要的。了的 EN: One is a Silver Bear Best Actor, the other, an up-and-coming young actor; “Guilty of Mind” is the first partnership between Liao Fan and Li Yifeng. ZH_REF: 一位是柏林影帝,一位是上升期青年演员,《心理罪》也是廖凡和李易峰的首次搭档。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),这是个很好的东西,是在不可能的,是在说谎的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: A journalist's murder underscores growing threat in Mexico ZH_REF: 墨西哥危险重重,新闻记者被杀 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),(),(),把它们的东西都放在一边,把它们的东西弄到了,因为它是在为你的,而不是在上方,而是要用的,让人感到很不舒服 EN: The staff of the weekly newspaper Riodoce normally meets on Wednesdays to review their plans for coverage of the most recent mayhem wrought in Sinaloa state by organized crime, corrupt officials and ceaseless drug wars. ZH_REF: 《Riodoce》周报的全体员工通常都会在周三集会,回顾他们对锡那罗州骚乱的报道计划,这些骚乱由犯罪组织、腐败官员和无尽的毒品战争引起。 -ZH_HYP: 1.. +ZH_HYP: (a)为使人的工作变得更加复杂,而不是在其他方面,他们是为了使他们的利益而受到伤害,而他们的待遇是由美国人的,而不是在他们的身上,要么是在发生的,要么是对的,要么是对我们的怀疑。了 EN: But on this day, in the shadow of their own tragedy, they've come together to talk about security. ZH_REF: 但是今天,悲剧的阴影笼罩着他们自己,他们汇聚一堂讨论安全问题。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的态度是,他们的处境太大了,而不是为了自己的利益而去,他们的事也是在他们的,是为了得到的,而不是在那里,要么是为了得到更多的保护的的的的的的的的的的的的的的的的 EN: It's important to change their routines, they are told. ZH_REF: 他们被告知要改变他们的日常习惯,这很重要。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】(我们)的意思是,它是在为自己的,而不是在,它是由你来的,因为它是由你的,而不是在别人身上的,是对的,而不是最重要的。 EN: Two senior journalists discuss what feels safer: to take their children with them to the office, which was the target of a grenade attack in 2009, or to leave them at home. ZH_REF: 两名资深记者讨论了哪种更让人感到安全:究竟该把他们的孩子带到办公室(办公室曾在 2009 年遭到手榴弹袭击),还是该把他们留在家里。 -ZH_HYP: 1.. +ZH_HYP: (a)【句意】他的意思是,我们的工作是为了让他们的,而不是为了自己的,而不是在他们的身边,在那里,你会被他们的所受的影响到了,而你的心就会被人所束缚,而且是最糟糕的 EN: Security experts have written three words on a blackboard at the front of the room: adversaries, neutrals, allies. ZH_REF: 安全专家在房间前面的黑板上写下了三个单词:敌人、中立者和盟友。 -ZH_HYP: 1.. +ZH_HYP: (k)【句意】(a)【句意】我们的意思是,你的意思是,他们的意思是,你的意思是,你的意思是,你的意思是,你的意思是,“你的意思是,”“”“是的,” EN: They ask the reporters to suggest names for each column - no proof is needed, perceptions and gut feelings are enough. ZH_REF: 他们让这些记者在每一栏下列出名字——不需要证据,观察和直觉就够了。 -ZH_HYP: 1.. +ZH_HYP: (k)【句意】(a)【句意】我们的意思是,你的意思是,他们的意思是,在我的上,你的意思是,你的意思是,你的意思是,它是由你的,是不可能的 EN: There are drug-traffickers, politicians, businesspeople, journalists suspected of being on the payroll of the government or the cartels, a catalog of villains who make the job of covering Mexico's chaos perilous. ZH_REF: 有怀疑在政府名单上的毒贩、政客、商人和记者,或者卡特尔,这帮恶棍让墨西哥的报道工作危险重重。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: There is no respite from the violence, and as bodies pile up across the country, more and more of them are journalists: at least 25 since President Enrique Pena Nieto took office in December 2012, according to the Committee to Protect Journalists; 589 under federal protection after attacks and threats; and so far this year, at least seven dead in seven states. ZH_REF: 暴力从不停歇,全国尸横遍野,其中有越来越多记者:根据保护记者委员会的记录,自总统恩里克·培尼亚·涅托于 2012 年 12 月上位以来,已经至少有 25 名记者死亡;589 名记者在遭到袭击与威胁后受联邦保护;今年目前为止,有至少 7 名记者在 7 个州内死去。 -ZH_HYP: 1.. +ZH_HYP: (a)对所有的人都有影响,而不是为他们提供了便利,而这种情况也是如此,因为他们的痛苦是在2005年12月1日的,当时的冲突中,至少有五位,而在美国,这是对其进行的。 EN: Among the latest is their editor and inspiration, Riodoce co-founder Javier Valdez Cardenas. ZH_REF: 上一个死去的是他们的编辑和灵感来源,同时也是《Riodoce》的联合创始人哈维尔·瓦尔迪兹·卡德纳斯。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),这是不可能的,因为他们的意思是,他们的意思是,他们的意思是,他们的意思是,要把它放在一边,还是要用的,要把它的意思和好的意思在 EN: "The greatest error is to live in Mexico and to be a journalist," Valdez wrote in one of his many books on narco-violence. ZH_REF: 瓦尔迪兹写过很多关于毒品暴力的书籍,他在其中一本中这样写道:“最大的错误就是住在墨西哥并成为一个记者。” -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,我们的生活方式是,在他们的工作中,是为了得到的,而不是为了给别人带来的,也是在我的上司中的,是的,是的,是不可能的 EN: His absence is felt deeply, although his presence is everywhere - a large photo of Valdez displaying his middle finger, with the word "Justice," hangs on the facade of the Riodoce building; two reporters on their 30s, Aaron Ibarra and Miriam Ramirez, wear T-shirts that display his smiling, bespectacled face or his trademark Panama hat. ZH_REF: 大家能够深切感觉到他已经离开,虽然他无处不在——一张巨大的照片挂在《Riodoce》办公楼的正面,瓦尔迪兹竖着中指,配词“正义”;亚伦·伊瓦拉和米里亚姆·拉米雷斯这两位 30 多岁的记者穿的 T 恤上还展示着他的笑容,他戴着眼镜或他标志性的巴拿马草帽。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,他的性格是不可能的,因为它是由自己的,而在他们的身上,他们的心智,是在他们的,是在他们的心上,而不是在他的脚趾中,也是在说谎的,是的。 EN: The workshop takes place less than two months after his death; the reporters discuss their shared trauma, their nightmares, insomnia, paranoia. ZH_REF: 研讨会在他去世后不到两个月的时间召开;记者们纷纷讨论他们共同的创伤、噩梦、失眠和多疑症。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),(),在做作业时,他们都会被人所包围,而不是在他们的身边,他们的工作是在一起,而不是在那里,是的,是的,是的,是的,是的。了了 EN: Although a special federal prosecutor's office was established in 2010 to handle the journalists' cases, it has only prosecuted two, according to the Committee to Protect Journalists. ZH_REF: 虽然 2010 年成立了一个特殊的联邦检察官办公室来处理记者案件,但是根据保护记者委员会的记录,该办公室只起诉了两人。 -ZH_HYP: 1.. +ZH_HYP: 如果有一个人的名字,那是一个不公平的,是为了使他们的工作变得更糟,因为他们是在说谎,而不是在他们的时候,才会有的,是的,是的,是的,是的,是的。了 EN: As with most of the thousands of murders tied to drug trafficking and organized crime each year, the killers of journalists are rarely brought to justice. ZH_REF: 每年数千宗犯罪案件中大部分都涉及贩毒与组织犯罪,所以很少能将杀害记者的凶手绳之以法。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),是,我们的手,是为了使他们的缘故,而不是为了使他们的缘故,而不是为了给他们带来麻烦,而是为了在他们的工作中,把它给别人的,是的,是的,是的,是的。 EN: At Riodoce, they persist in covering the violence of Sinaloa, though they are heartbroken, though the terrain is more treacherous now. ZH_REF: 在《Riodoce》,他们坚持报道锡那罗州的暴力事件,虽然他们已经心碎,虽然这片土地已千疮百孔。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的工作是,他们的处境太大了,而不是为了他们的,而不是在他们的身边,他们的心都是为了保护他们的,而不是在那里,要么是为了提高他们的能力而去做的事了了了了了了 EN: Without information on the killers, without justice, the meeting to discuss security, says Ibarra, is of little use. ZH_REF: 伊瓦拉说,没有凶手信息,没有伸张正义,那么召开安全讨论会也没多大用。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,我们的人,是为了让人感到羞耻,因为他们的工作是在他们的,而不是在那里,还是要用的,是的,是的,是的,是的。 EN: "It's very foolish to waste my time in this workshop," he says. ZH_REF: 他说“浪费时间参加这样的研讨会真是愚蠢。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................. EN: "As long as we don't know why, you distrust everyone." ZH_REF: 只要我们不知道为什么,你就不相信任何人。” -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: On the morning of May 15, Valdez left the Riodoce office in the state capital of Culiacan. ZH_REF: 5 月 15 日早晨,瓦尔迪兹离开首府库利亚坎的《Riodoce》办公室。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: He managed to drive just a couple blocks before his red Toyota Corolla was stopped by two men; he was forced out of his car and shot 12 times, presumably for the name of the paper - which translates as Twelfth River. ZH_REF: 他的红色丰田卡罗拉只开出了几个街区就被两个男人拦住;他们逼迫他下车,开了 12 枪,猜测是因为报纸的名字——翻译为《十二道河》。 -ZH_HYP: 1.. +ZH_HYP: 他的意思是,在这里,我们都是为了让他们的,而不是为了自己的,而不是在他们的身边,他们就会被打败了,所以你就会被人打败了。的了了了了了了了了了了了了了了了了了了了 EN: The gunman drove away in his car and crashed it nearby. ZH_REF: 歹徒开着他的车离开,并在附近将其撞毁。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Valdez was 50 years old. ZH_REF: 瓦尔迪兹 50 岁了。 -ZH_HYP: 1.. +ZH_HYP: (4)a:(一),(),(),(2),在我们的下,有的东西,是的,是的,是的,因为它是在用的,而不是在上方,而是要用的,让人知道 EN: He left a wife and two adult children. ZH_REF: 留下他的妻子和两个已经成年的孩子。 -ZH_HYP: 1.. +ZH_HYP: (4)a:(b),我们的人,是,他们是为了逃避,而不是为了自己的,而不是在他们的身边,而是为了得到的,而不是在那里,要么是为了得到更多的保护的的的的的的的的的的的的的的 EN: Rumors tend to fly freely in Culiacan. ZH_REF: 库利亚坎流言四起。 -ZH_HYP: 1.. +ZH_HYP: 5.a.............................................................. EN: But on the subject of Valdez, there's practically nothing but silence. ZH_REF: 但是关于瓦尔迪兹的话题,实际上除了沉默什么也没有。 -ZH_HYP: 1.. +ZH_HYP: (美英对照),这条路是不可能的,因为它是在被人世的,是为了让自己摆脱了,而不是在他们的身边,而不是在那里,要么是为了让别人的服务而去,因为我们的人对我来说都是很不礼貌的 EN: Since Guzman's arrest last year and extradition to the United States in January, Sinaloa has been one of the country's bloodiest battlegrounds as rival factions fight to fill the vacuum. ZH_REF: 自从去年古兹曼被捕并于 1 月份引渡美国,锡那罗州已经成为这个国家最血腥的战场,各敌对势力疯狂厮杀。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,我们的目的是为了使他们的利益而被人世,而不是在他们的时候,才会有的,因为你的意思是,我的意思是对的,对你来说,是什么意思? EN: Never mind that someone or several people are shot dead in the street every day in Sinaloa, or that the cemetery is filled with ornate, two-story mausoleums for drug kings, larger than many homes for the living. ZH_REF: 锡那罗州的街道上每天都有一个或几个人被枪杀,墓地里布满了毒枭华丽的两层陵墓,这些已经司空见惯。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)()(),这是个谜语,是的,是在说谎者,他们都是为了得到的,而不是在他们的身边,要么是在(或)的,是对的,是对我们的最重要的,是对的 EN: Forget for a minute that a state of "calm" is when just one cartel is in control of the coastal state with its valuable ports and drug-trafficking routes to the United States. ZH_REF: 暂时忘记“平静”的状态是只有一个卡特尔控制这个海滨州及其通往美国的港口和贩毒路线的时候。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),是,在我们的时候,我们都会被人所包围,而不是在他们的身边,就会被人所受的,是在那里,是为了保护自己的,而不是太多了,因为你的意思是什么?了 EN: Despite that, and the fact that Valdez was intimately aware of the perils of his work, Ismail Bojorquez, 60, a co-founder and director of Riodoce, is wracked with guilt for failing to protect his friend. ZH_REF: 即使如此,即使瓦尔迪兹深刻知道这份工作的危险性,但 60 岁的《Riodoce》联合创始人兼董事伊斯梅尔·波荷奎还是因为没有保护好他的朋友而愧疚不已。 -ZH_HYP: 1.. +ZH_HYP: 然而,在这一时期,我们的工作是很有价值的,而且是为了使他们的工作变得更加危险,而不是在他们的工作中,也是为了得到的,而不是在他的身边,那是对的,是的,是的,是的。 EN: He believes two errors contributed to the killing. ZH_REF: 他相信两个错误造成了这次悲剧。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,他们的意思是,他们的意思是,它是在我的,是为了给别人的,而不是在那里,也是为了保护自己的的的的的的的的的的的的 EN: First there was the publication in February of an interview with Damaso Lopez, a leader of one of the rival cartel factions at war with Guzman's sons. ZH_REF: 第一,2 月份出版了达马索·洛佩兹采访,他领导着一个与古兹曼几个儿子对战的卡特尔集团。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,一个人的名字是,在他的身上,是为了使自己的力量而被人世,而不是在他们的身边,那是一个很好的人,是在他们的时候,还是要把它的人都搞得太多了了了 EN: The piece may have angered the sons; suspected gang members bought up every copy of the edition as soon as they were delivered to newsstands. ZH_REF: 这份报道可能激怒了这几个儿子;报纸一送到报摊就被嫌疑帮派成员买断。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),可乐意,是为了使他们的心从他们的手中夺走,而不是在他们的面前,把他们的东西拿来,把它给的,是的,是的,是的,是的,是的,是的。 EN: The second mistake was not forcing Valdez to leave the country for his own safety after the seizure of another newspaper that carried the same story. ZH_REF: 第二个错误是在另一份报道同一个故事的报纸被没收后没有强迫瓦尔迪兹为自身安全考虑离开墨西哥。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),这是不可能的,因为他们的意思是用的,把它的东西弄到了,而不是在那里,而是要把它的东西弄到了,要么是在说谎的,是对的,对你来说是很重要的 EN: Valdez was a legend in Mexico and abroad, and his killing is seen as a milestone in Mexican violence against journalists. ZH_REF: 瓦尔迪兹在墨西哥及国外是一个传奇,他的死对墨西哥针对记者的暴力具有重大意义。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),是,我们的,是在被人用的,是在说谎的,是在为自己的,而不是在那里,也是为了让人感到厌倦的,而不是在别人身上的,是对的,你的意思是什么? EN: He'd survived for so long, his friends and colleagues assumed he'd always be there. ZH_REF: 他的精神长存,他的朋友和同事相信他一直与我们同在。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................ EN: He was a veteran reporter for Noroeste in 2003 when he joined five colleagues in creating Riodoce, selling $50 shares. ZH_REF: 2003 年他还是《Noroeste》的资深记者,当年他联合了五位同事创办了《Riodoce》,卖了 50 美元的股份。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)1................................................................ EN: In Sinaloa, "it was impossible to do journalism without touching the narco issue," said Bojorquez. ZH_REF: 波荷奎说,在锡那罗州,“踏足新闻业不可能不跟毒品问题打交道。” -ZH_HYP: 1.. +ZH_HYP: (一)(一),可乐意,是不可能的,因为他们是在说谎,而不是在他们的身边,在那里,是为了让人知道,而不是在别人身上,而是要用的,让我们的生活更多 EN: Over time the paper earned a reputation for brave and honest coverage, and sales and advertising increased. ZH_REF: 随着时间的流逝,该报因大胆诚实的报道赢得了不错的声誉,销量和广告也增加了。 -ZH_HYP: 1.. +ZH_HYP: (4)a:(b),(),(),(),(2),和(或),(b)在为使某人的工作中,我们就会有更多的错误,而不是在意,因为它是一种很好的方法。 EN: Reporters loved being able to publish hard-hitting investigations without fear of censorship, and readers were fascinated by a publication where they could read stories nobody else dared to cover. ZH_REF: 记者喜欢能够发表直击要害的调查报道而不用担心审查,读者也喜欢报纸发表其他人不敢报道的故事。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,我们的人,都是不可能的,他们的人都是为了他们的,而不是为了他们的,而不是在那里,要么是为了得到的,而不是在那里,要么是为了得到更多的东西 EN: Eight years after Riodoce was founded, it won the prestigious Maria Moors Cabot award for coverage in Latin America. ZH_REF: 《Riodoce》在创办五年后获得了拉美国家玛利亚摩斯卡波新闻奖。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】(b)’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: That same year, Valdez won the International Press Freedom Award of the Committee to Protect Journalists for his courage in pursuing the Mexican drug story wherever it led. ZH_REF: 同年保护记者协会授予瓦尔迪兹国际新闻自由奖,表彰他追求最真实的墨西哥毒品报道的勇气。 -ZH_HYP: 1.. +ZH_HYP: (4)a:(一),这是个好的,但也是为了让自己的经历而感到羞耻,因为他们的行为是在为他们提供的,而不是在那里,也是为了让人的心智而来的 EN: He freely acknowledged that he was frightened. ZH_REF: 他坦言自己也很害怕。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: "I want to carry on living," he said at the time of the CPJ award. ZH_REF: 在保护记者协会授予奖项的时候,他说“我想要继续活下去。” -ZH_HYP: 1.. +ZH_HYP: “我的意思是,”“是的,”“是的,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。!。。。。。。。 EN: Drug trafficking in Sinaloa "is a way of life," he said last October, in an interview with Rompeviento TV. ZH_REF: 后来在 10 月份下旬,他在当地电视台 Rompeviento TV的一次采访中称“在锡那罗州,贩毒是一种生活方式, -ZH_HYP: 1.. +ZH_HYP: (美)()(),这是个谜语,是的,是的,是的,是的,是的,是的,是在说谎的,也是为了给你带来的,而不是太多的,因为他的意思是对我们的影响 EN: "You have to assume the task that falls to you as a journalist - either that or you play dumb. ZH_REF: 你必须以记者的身份承担落到你肩上的任务——要么如此,要么装聋作哑。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: I don't want to be asked, 'What were you doing in the face of so much death ... why didn't you say what was going on?'" ZH_REF: 我不想被问道‘面对这么多死亡,你做了什么......为什么你不对正在发生的事发声?’” -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................. EN: The Riodoce staff misses Valdez, the jokester who swore like a longshoreman, the friend generous with hugs and advice, a teacher who knew how to survive. ZH_REF: 《Riodoce》的全体员工都很怀念瓦尔迪兹,怀念他像一个码头工人一样咒骂不休,怀念这位从不吝惜拥抱与建议的朋友,怀念这位知道如何活下去的老师。 -ZH_HYP: 1.. +ZH_HYP: (美国)(这篇)是一个不礼貌的,是的,是的,是的,是的,是的,是的,是的,是为了让人的,而不是在那里,也是为了给别人的。 EN: They relied on his routine. ZH_REF: 他们依赖于他的习惯。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】(b)【句意】我的意思是,你的意思是,它是在为你的,而不是在别人身上,还是要把它的意思和(或)的意思在 EN: He would always wear his hat. ZH_REF: 他过去常常戴着那顶帽子。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,他们的意思是,他们的意思是,它是由你来的,因为它是由我所做的,而不是在那里,还是要用的,是的 EN: He would go to El Guayabo, the bar across from the office, and would always sit at the same table. ZH_REF: 常去办公室对面的那家 El Guayabo 酒吧,也总是坐在同一张桌子上。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(我的意思是,你的意思是,你的意思是,我的意思是,你的意思是,你的意思是,你的意思是,你的意思是,你的意思是,你的意思是对) EN: Now, they ask: Was his love of routine his downfall? ZH_REF: 现在,他们会问:是他的日常习惯造成了他的陨落吗? -ZH_HYP: 1.. +ZH_HYP: (b)()(),我们的意思是,他们的意思是,他们的意思是,在他们的上,对我来说,是为了让自己的力量而去,而不是在那里,也是为了让人更多的,而不是最需要的,是在你的 EN: His death also has forced them to question their own assumptions about how best to do their jobs and stay alive. ZH_REF: 他的死也让他们不得不去思考如何做好工作并好好活下去的问题。 -ZH_HYP: 1.. +ZH_HYP: (a)【句意】他的意思是,我们的生活是,在那里,他们都是为了得到的,而不是为了自己的利益而去,而不是为了给别人带来的,也是为了给我带来的,的了了了 EN: "They don't like it if you mess with their women, their children, their clean businesses, their clandestine airstrips" used to move drugs. ZH_REF: 波荷奎说,“他们不喜欢你给他们的女人和孩子惹麻烦,也不喜欢你影响他们的合法公司和用于运送毒品的秘密机场。 -ZH_HYP: 1.. +ZH_HYP: “如果你有机会,就会把它变成了,”他的意思是,“你的东西,都是在他们的,”他说,“你的意思是,我的意思是,”他说,“你的意思是,”说了了 EN: "Those things were off-limits," said Bojorquez. ZH_REF: 这些都越过了他们的底线。” -ZH_HYP: 1.. +ZH_HYP: “”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。 EN: The result is, even in the best of times, a high-level of self-censorship and self-preservation. ZH_REF: 结果是,即使在最安全的时候,也要保持高度的自我审查和自我保护。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),在不可能的情况下,我们都会有自己的东西,而不是在他们的面前,为自己的力量而去,因为它是在为你所带来的,而不是太多了了了了的的的的的的的的的的的的的的 EN: Trusting one's instincts. ZH_REF: 相信自己的直觉。 -ZH_HYP: 1.. +ZH_HYP: (4)()(一),我们的意思是,它是由“不”的,在我的上,是在为自己的,而不是在那里,也是为了让人更有价值的,而不是在别人的时候,他们会对我的态度更多。 EN: If it smells wrong, stay away. ZH_REF: 如果你嗅到了危险的气息,赶紧远离。 -ZH_HYP: 1.. +ZH_HYP: (4)如果有,就可以被人用,是,从他们的角度来,把它的东西弄到,把它放在一边,把它放在一边,把它放在一边,把它的东西弄得太平了了了了了了了了了 EN: The trouble, said Riodoce editor Andres Villarreal, is that "smell is a sense that can be fooled ... and then the thing with Javier happened." ZH_REF: 《Riodoce》编辑安德烈斯·维拉里尔说,问题是“气息是一种会被欺骗的感觉......然后就会发生哈维尔那样的事。” -ZH_HYP: 1.. +ZH_HYP: (美)(4).............................................................. EN: The old rules, he and others say, no longer apply in Sinaloa - just as they don't in Tamaulipas, Veracruz, Guerrero and other states that are home to a toxic mix of lucrative smuggling routes, weak institutions and corrupt government officials. ZH_REF: 他和其他人都说以前的规则已不再适用于锡那罗州——就像已经不再适用于塔毛利帕斯州、韦拉克鲁斯州、格雷罗州和其他州一样,这些州的走私路线利润丰厚,而各机构势微,政府官员腐败,乌烟瘴气。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,我们的人,是为了逃避,而不是在他们的身上,也是为了逃避的,而不是在他的身上,或者是为了逃避的,而不是太多的,的的 EN: The landscape constantly shifts. ZH_REF: 局势在不停地变换。 -ZH_HYP: 1.. +ZH_HYP: (4)a:(一),(或),(如:),我们的脚趾,是用绳子的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: In the room where Riodoce staff met for security training, suddenly no cellphones were allowed; days before, it was revealed that spyware sold exclusively to governments had been used to monitor journalists and activists in Mexico. ZH_REF: 在《Riodoce》员工参加安全培训的房间里,突然就不允许使用手机;几天前,据称仅出售给政府的间谍软件在墨西哥已经用于监视记者和活动分子。 -ZH_HYP: 1.. +ZH_HYP: (a)(一),在这方面,我们的工作是由他们来的,而不是在他们的手中,他们的才是,他们的才是,他们的力量是为了控制的,而不是在那里,也是为了得到的。 EN: Outside, two police officers sought relief from the 104-degree (40 Celsius) heat in the shade of a tree. ZH_REF: 外面,两名警察在树荫下乘凉,躲避 104 度(40 摄氏度)的高温。 -ZH_HYP: 1.. +ZH_HYP: (a)【句意】他的意思是,我们的工作是在不可能的,因为他们的事,是为了得到的,而不是在他们的身边,还是要把它的东西分给别人,而不是为了给你带来的,而不是太多的 EN: They were assigned by the state government to guard Riodoce's offices, housed in a four-story building in a middle-class neighborhood of Culiacan. ZH_REF: 他们是州政府派来保护《Riodoce》的办公室的,这些办公室位于库利亚坎中层阶级街区一栋四层楼高的大楼里。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的目的是为了使自己的处境,而不是在他们的身边,在那里,他们是在一起,是为了让他们的工作而去,而不是在那里,要么是在那里,要么是为了提高他们的利益而去做的事 EN: Half-jokingly, some of the reporters wondered whether these officers are among the 50 percent of cops whom the governor himself has said are not trustworthy. ZH_REF: 一些记者半开玩笑地调侃道不知道这些警察会不会就属于州长自己说的那信不过的 50%。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,你是在为自己的,而不是在他们的时候,也是为了得到的,而不是在那里,他们是在说谎的,是对的,而不是对我们的事 EN: It has been months since the reporters have gone into the mountainous countryside, where the drug gangs are in de facto control. ZH_REF: 记者们去山区已经几个月了,那里的贩毒集团处于实际存在的控制之下。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,我的意思是,他们的意思是,他们的意思是,在那里,我们都是为了得到的,而不是为了给别人的,而不是在哪里? EN: For this week's edition Riodoce was looking at three main stories. ZH_REF: 这周的《Riodoce》主要报道了三件大事。 -ZH_HYP: 1.. +ZH_HYP: (美英对照),这是个不寻常的事,我们都有机会去做,因为他们是在做的,是为了让自己的力量而去,而不是在那里,是为了让人感到厌倦了,而不是你的意思了了了了了了 EN: There was the killing of former boxing great Julio Cesar Chavez's brother in Sinaloa. ZH_REF: 其中有锡那罗州伟大的前拳击手胡里奥·塞萨尔·查韦斯的兄弟被杀事件, -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为他们的事,是为了使他们的缘故,而不是为了让他们的,而不是在他们的身边,在那里,你的一切都是为了得到的,而不是在这里,还是要把它的东西弄得太多 EN: They also had an expose on government spending concentrated in the governor's hometown. ZH_REF: 还有州长家乡的政府经费披露, -ZH_HYP: 1.. +ZH_HYP: (a)【句意】(b),我们的意思是,你的意思是,他们的意思是,他们的意思是,在那里,他们是为了给别人的,而不是在那里,也是为了给别人带来的,而不是太多了 EN: And there was a group kidnapping in one of Culiacan's most expensive restaurants, a block from the prosecutor's office. ZH_REF: 以及库利亚坎一家昂贵的餐厅内的绑架事件,这家餐厅距离检察官的办公室只有一个街区。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,有的是,他们的外貌,是为了使他们的利益而被人的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: There was no official word on who was abducted or how it happened, so caution set in when it came time to write what everyone in the city knows: that the restaurant is a favorite of both drug traffickers and authorities. ZH_REF: 官方并没有发布被绑架对象和绑架过程的信息,因此写下这个城市都知道的事情时需要慎之又慎:那就是这家餐厅是毒贩和官方都爱去的地方。 -ZH_HYP: 1.. +ZH_HYP: (一)()(一),是,我们的人,都是为了把他们的东西弄得太多了,所以你就会被人来的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: A reporter learned from public records that the restaurant was registered under the name of a politician belonging to the ruling Institutional Revolution Party, or PRI, which dominated all levels of politics for nearly all of the last century. ZH_REF: 一位记者从公共档案得知该餐厅登记在执政党革命制度党 (PRI) 一位政客名下,该党几乎在整个上个纪都主宰着各个政治阶层。 -ZH_HYP: 1.. +ZH_HYP: (a)【句意】(a)是为了使人的行为而被人所控制,而不是在他们的身上,而是在他们的身上,而不是在那里,也是为了得到的,而不是在那里,要么是对的,这是对所有的人的怀疑 EN: Recently several PRI governors have been accused of corruption in high-profile cases. ZH_REF: 最近,几位革命制度党州长在几宗受高度重视的案件中被指贪污。 -ZH_HYP: 1.. +ZH_HYP: (4)一个人的名字是,在任何情况下,都是为了使他们的工作变得更糟,而不是在他们的面前,他们是在为自己的,而不是在那里,是为了让人感到厌倦了,那是对的,是的,是的。 EN: Villarreal asked the reporter to write about prior incidents in that locale, including one in which a son of "El Chapo" Guzman escaped a military raid. ZH_REF: 维拉里尔要求记者写一写之前在事发地点发生的事,包括墨西哥头号大毒枭古兹曼的一个儿子躲避军事袭击的事件。 -ZH_HYP: 1.. +ZH_HYP: (4)【参考译文】我的意思是,在我们的时候,他们都是为了得到的,而不是为了给他们带来麻烦,那是对我来说,是的,是的,是的,是的,是的,是的,是的。了了 EN: Just months before, readers would have looked to Valdez's column for the best-sourced information about the kidnapping. ZH_REF: 如果在几个月前,读者们会查看瓦尔迪兹的专栏,寻找对此次绑架事件最有力的信息。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,我们的人都是为了得到的,而不是为了给他们带来麻烦,因为他们的工作是在(e)的,而不是在那里,要么是为了提高他们的能力而去 EN: "Before, we would have already known what happened," said Villarreal, 46, nicknamed "El Flaco" for his slender build. ZH_REF: 46 岁的维拉里尔因为身材单薄,人称“瘦子”,他说“在以前,我们早就已经知道发生了什么事。 -ZH_HYP: 1.. +ZH_HYP: “我们的人”是“不”,“因为它是在你的,”他说,“我从没想过的,”他说,“你就得了,”他说,“你的心就会被人死了。了了了了了了”””””””” EN: "Now all channels of communication with our sources have been broken." ZH_REF: 现在我们所有的信息来源沟通渠道都被掐断。 -ZH_HYP: 1.. +ZH_HYP: (美英对照),我们的意思是,我们的一切都是为了得到的,而不是在他们的中,也是为了让自己的力量而努力,而不是为了让别人的服务而去,因为它是对的,而不是最需要的,而是要用的 EN: Valdez's office has been repurposed as a storage room for signs and stickers protesting journalist killings, as staff have become something they never expected to be: activists on behalf of the press. ZH_REF: 瓦尔迪兹的办公室现在被用来储藏抗议杀害记者的标识和贴纸,因为员工们成为了他们从没想要成为的样子:代表媒体的积极分子。 -ZH_HYP: 1.. +ZH_HYP: (美)(一),是,也是为了把自己的东西弄得太重了,因为他们都是为了让他们的,而不是为了你的,而不是在那里,而是为了让人感到厌烦,因为你的事对他的影响是什么? EN: Reporter Miriam Ramirez grabbed a few of the signs and headed out the next morning for a demonstration at the local prosecutor's office over yet another journalist. ZH_REF: 第二天早上记者米里亚姆·拉米雷斯随手抓了一把标识走出房间,前往当地检察官的办公室参加与另一位记者相关的游行。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的名字是什么,是的,是的,是为了使自己摆脱了,而不是在他们的身边,他们的工作是在那里,也是为了让人感到厌倦了,而不是你的大事,而是要用的。 EN: Salvador Adame disappeared in the western state of Michoacan three days after Valdez was killed. ZH_REF: 萨尔瓦多·阿达梅在瓦尔迪兹被杀三天后在西部的米却肯州失踪。 -ZH_HYP: 1.. +ZH_HYP: (四)(一),在我们的过程中,我们的经历都是由它来的,是在他们的,是在为你的,而不是在那里,它是为了让人感到羞耻的,是的,是的,是的,是的。 EN: A burned body has been discovered and officials say it is his, based on DNA tests. ZH_REF: 官方发现了一具被烧焦的尸体,并称根据 DNA 测试,这就是他的尸体。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),(),(),(),是用铁锤子,把它们的东西放到一边,也是在被人的,是在说谎的,是在说谎的,是的,是的,是的,是的。 EN: Nationwide, journalists have become more vocal, scrawling "SOS Press" on sidewalks and buildings in organized protests. ZH_REF: 在全国范围内,记者们都变得更加直言不讳,他们组织抗议,在人行道和建筑物上涂上“拯救媒体”的字样。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: On this day, the director Bojorquez is away in Washington, trying to rally international support for justice in the Valdez case. ZH_REF: 这一天,董事波荷奎并不在华盛顿,他正努力为瓦尔迪兹案伸张正义,争取国际支持。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,他的名字是由“大”的,是的,是的,是的,是的,是的,是的,是在为他们的,而不是在那里,也是为了让人的.的的的的的的的的的的的 EN: At a meeting with the governor of Sinaloa the day after Valdez was killed, Ramirez accused authorities of spying on journalists and having them killed for telling the truth. ZH_REF: 瓦尔迪兹被杀的第二天,在与锡那罗州州长的会面中,拉米雷斯控诉官方刺探记者信息,并因为他们说出了事实而将他们杀害。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人被认为是为了使他们的缘故,而不是为了逃避,他们的事都是为了得到的,而不是为了给他们带来麻烦,那就会被人所受的伤害了了 EN: She has since asked to be reassigned from covering the government, concerned that her anger has hurt her objectivity. ZH_REF: 鉴于她的愤怒已经影响她的客观性,她也要求辞去报道政府事务的职位。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,我的意思是,他们的意思是,他们的意思是,它是由你来的,而不是在那里,还是要用的,让你的更 EN: Valdez had repeatedly said that journalists in Mexico are "surrounded" by organized crime, complicit government officials and an indifferent society. ZH_REF: 瓦尔迪兹曾不断重申,墨西哥的记者被组织犯罪、同流合污的政府官员和漠不关心的社会“包围”着。 -ZH_HYP: 1.. +ZH_HYP: 如果有的话,他就会被人的事,是,是为了使他们的事业变得更容易,而不是为了他们的,而不是在那里,而是为了给别人带来了麻烦,也是为了让他的人而感到厌倦了的 EN: In his last book, "Narco-journalism," he wrote that reporters are being killed not just by drug gangs but on the order of politicians and security forces in cahoots with organized crime. ZH_REF: 在他的上一本书《毒品新闻业》中,他写道,记者不仅仅被贩毒集团残害,更是在与组织犯罪同流合污的政客和安全部队的名单上。 -ZH_HYP: 1.. +ZH_HYP: 在他的书中,有一个人的意思,是的,是的,是的,是的,是的,是的,是的,是的,是对的,也是对你的,是对的,而不是对他的看法的的的的 EN: The media watchdog group Articulo 19 attributed more than half of attacks on journalists last year to police and public officials. ZH_REF: 媒体监察集团 Articulo 19 就将去年超过一半的记者袭击归罪于警方和公共官员。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,有的是,他们的态度是,他们的事,是为了使他们的工作而变得更糟,因为他们的事是在那里,而不是在那里,是的,是的,是的,是的,是的。 EN: "In Mexico you die because they want to shut you up," Ramirez said. ZH_REF: 拉米雷斯说,“在墨西哥,他们让你死就为了让你闭嘴。” -ZH_HYP: 1.. +ZH_HYP: (美英对照),(),我们的产品,是为了使自己摆脱困境,而不是为了使自己的处境而变得更容易了,因为他们是在一起,而不是在别人身上,也是为了给别人带来的,的 EN: Clearly, the murders have a chilling effect. ZH_REF: 显然,这些谋杀案令人不寒而栗。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),“不”,也是不可能的,因为它是在我们的,是为了使他们的缘故,而不是为了给别人带来的,而不是为了给别人带来的,也是在我们的时候了的的的的的的的的的 EN: No one forgets the death six years ago of blogger Maria Elizabeth Macias in the northern border state of Tamaulipas. ZH_REF: 没有人忘记六年前,博主玛丽亚·伊丽莎白·马西亚斯死在了塔毛利帕斯北部的边界。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,他们的意思是,他们的意思是,在那里,我们都是为了得到的,而不是为了给别人的,而不是在哪里?的的的的的的的的的的的的的 EN: Her body was found along with a note purportedly signed by the Zetas cartel: "Here I am because of my reports." ZH_REF: 她的尸体旁有一张据称由泽塔斯卡特尔签署的字条:“我为我的报道而来。” -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,我的意思是,他们的意思是,他们的意思是,我的意思是,你的意思是,你的意思是,你的意思是,“你的意思是什么??了?????”” EN: A computer keyboard and headphones lay next to her severed head. ZH_REF: 她的头颅被割下,旁边放着一个电脑键盘和耳机。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),是,和(或),我们要把它放在一边,把它放在一边,把它放在一边,把它放在一边,还是要用的,让它的上司匹配,而不是最坏的,是什么 EN: Some outlets have opted to close, such as the newspaper El Norte, in the northern border state of Chihuahua, after the killing of correspondent Miroslava Breach in March. ZH_REF: ,米罗斯拉娃·布雷奇在 3 月被杀后,一些报业选择关闭,比如奇瓦瓦州北部边界的《El Norte》报纸。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,他们的意思是,在我的时候,他们都是为了得到的,而不是在他们的时候,才会有更多的东西,而不是你的,是的,是的。 EN: Others keep going, as El Manana of Nuevo Laredo did following the killing of its director in 2004. ZH_REF: 其他人还在继续,2014 年《El Manana of Nuevo Laredo》的董事被杀,但他们还在继续。 -ZH_HYP: 1.. +ZH_HYP: (美)(4)............................................................. EN: In 2010, Diario de Ciudad Juarez addressed the drug cartels publicly with a front-page editorial titled, "What do you want from us?" ZH_REF: 2010 年,Diario de Ciudad Juarez 用一条头版新闻公开对话毒品卡特尔,其标题为“你们想从我们这里得到什么?” -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的目的是,用的是,用的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,你的意思是什么?了 EN: Some journalists have fled their home states or even the country. ZH_REF: 部分记者逃离了他们的家乡,或者甚至离开了这个国家。 -ZH_HYP: 1.. +ZH_HYP: (4)a................................................................ EN: It's a wrenching decision. ZH_REF: 这是一个艰难的抉择。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................. EN: It's hard to find work in exile, and they still scan the streets, looking for danger. ZH_REF: 流亡中很难找到工作,而且他们在街道上仍需小心谨慎,警惕危险。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(我的意思是,在他的时候,我也是为了找不到的,是在他们的时候,我们都是在为你的,而不是为了使他们的工作而变得更有价值)了的了的的的的 EN: And sometimes, they are hunted down, as apparently was photographer Ruben Espinosa, who was murdered in 2015 along with four women in a Mexico City apartment three months after fleeing Veracruz. ZH_REF: 有时他们会被捕,据说在 2015 年摄影师鲁本·埃斯皮诺萨在逃离韦拉克鲁斯三个月后在一个墨西哥城市和四名女性一道被杀。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,他们的名字是,他们的生活方式,是,他们的是,他们的生活方式是,他们的力量是在一起,而不是在那里,是在那里,是的,是的,是的,是的。了了 EN: For those who stay behind and continue the work, it's a daily dance of high-risk decisions. ZH_REF: 对于那些待在幕后继续工作的人来说,这是高危决策的日常舞步。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】(b)【句意】我的意思是,你的意思是,它是在为你的,而不是为了给别人带来的,而不是在乎别人的时候,也是为了得到更多的 EN: Ibarra - who once wanted to be a poet - admits that covering the drug trade scares him. ZH_REF: 伊瓦拉曾想要成为诗人,他承认报道毒品贸易让他感到恐惧。 -ZH_HYP: 1.. +ZH_HYP: (美)(4)............................................................. EN: "Mexico is going to hell, and that's why I became a reporter," he said. ZH_REF: 他说“墨西哥正在变成地狱,所以我成为了一名记者。” -ZH_HYP: 1.. +ZH_HYP: “()”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”说。。。。。。。。。。。 EN: At midnight on a recent Friday, with the latest issue already put to bed, Riodoce editors sat on the sidewalk outside the office, drinking beer, when all at once, their phones began to buzz. ZH_REF: 最近一个星期五的半夜,最新一期的报纸已经付印,《Riodoce》的编辑们坐在办公室外的走道上喝着啤酒,突然,他们的手机响了。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的名字是,从句中,把它放在一边,把它放在一边,把它放在一边,把它放在一边,把它放在一边,把它放在一边,好吗?的了了了了了了了了了了了了了了了了 EN: A series of shootouts involving gang rivals and security forces near the beach resort city of Mazatlan had left 19 confirmed dead. ZH_REF: 海滩度假城市马萨特兰附近的帮派敌对势力和安全部队发生一系列枪战,已确认 19 人死亡。 -ZH_HYP: 1.. +ZH_HYP: (a)【参考译文】他的名声是,我们的对手是在一起,而不是为了给他们带来麻烦,他们都是为了得到的,而不是在那里,他们是在那里,是为了得到的,而不是什么,而是要在那里的 EN: The war continued to escalate, as was promised by a series of cartel messages discovered in the area. ZH_REF: 战事还在升级,正如该地区发现的一系列卡特尔信息预示的那样。 -ZH_HYP: 1.. +ZH_HYP: (美英)(一),在我们的上,都是为了使自己的力量而非凡的,因为它是在不断地把它的东西弄得太平了,而你却又是在说谎的,是的,是的,是的,是的 EN: From the curb, via cellphone, they put the news up on Riodoce's website. ZH_REF: 他们就在路边通过手机把新闻上传到《Riodoce》的网站上。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为他们的东西是用的,而不是在他们的中,是在说谎的,是在说谎的,是的,是的,是的,是的,是的,是的,是的。 EN: The front page would have to be changed the next day. ZH_REF: 第二天的头条不得不更改了。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: Sirens wailed nearby - another shootout in the area. ZH_REF: 警笛声在附近响起——该地区又发生一起生死决斗的枪战。 -ZH_HYP: 1.. +ZH_HYP: (美英对照),这条路是不可能的,因为它是在用的,而不是在他们的中,把它的东西弄得太平了,而且要把它放在一边,还是要把它的意思弄得很好,因为它是对的,对的 EN: Bojorquez glanced over at the police officers standing guard to see if they were alert. ZH_REF: 波荷奎瞥了一眼站在那里护卫的警察,看他们是否警觉起来。 -ZH_HYP: 1.. +ZH_HYP: (4)b:(一),(),我们的手表是,他们的手表,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: If they were at all afraid, they didn't show it. ZH_REF: 如果他们有丁点害怕,那么他们也并没有表现出来。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】(b)【句意】我的意思是,你的意思是,他们的意思是,它是由你来的,而不是在哪里,还是要用的,都是为了得到的 EN: Beneath the massive portrait of their newspaper's fallen founder, his middle finger displayed for all of Sinaloa to see, the staff of Riodoce was following in his footsteps. ZH_REF: 这份报纸的创始人已经阵亡,在他的大幅肖像画上,他的中指指向了整个锡那罗州需要眺望的地方,《Riodoce》的全体职员跟随着他的步伐。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,他的性格是不可能的,因为他们的外表和一切都有了,而在他们的身上,他们就会被人所迷惑,而你的心也是在意外的,那是对的,你的心智,是什么? EN: "How can you even think of closing," Bojorquez said, "when the same day Javier was killed the intern asked me to send her out to report on the street?" ZH_REF: 波荷奎说:“你怎么可以甚至想要关闭呢?哈维尔被杀的同一天,实习生要求我把她派到街上参与报道。” -ZH_HYP: 1.. +ZH_HYP: “我们的秘密”是,“你的意思是,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。 EN: Size of China’s self drive tourism market may exceed RMB1 trillion by 2020 ZH_REF: 中国自驾车旅游2020年市场规模或突破万亿元 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),我们的东西是不可能的,因为它是在用的,而不是在那里,它是由你所控制的,而不是在那里,它是由你所能的,而不是在那里,它是最重要的 EN: [Abstract] Against the general backdrop of consumption upgrading and widespread popularity of free-and-easy travel, self drive tourism has received support from national policies, and is welcomed by an increasing number of consumers. ZH_REF: [摘要]在消费升级和自由行盛行的大背景下,自驾游受到国家政策的鼓励以及越来越多消费者的喜爱。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),不对,因为我们的产品有很大的影响,而不是从他们的角度来看待,而不是在为他们提供的,而在那里,他们的生活方式是很有价值的,而不是在那里,还是要高的 EN: At the same time however, the self drive travel market, the size of which is expected to exceed RMB1 trillion, is confronted with twin challenges. ZH_REF: 但与此同时,有望突破万亿规模的自驾游市场却也面临着双重挑战。 -ZH_HYP: 1.. +ZH_HYP: 但是,在一个大的时刻,我们都是为了摆脱困境,而不是为了自己的利益而去,而不是为了使他们变得更有可能,而不是在那里,要么是在(e)的,是在我们的关系中,它是由谁来的。 EN: Against the general backdrop of consumption upgrading and widespread popularity of free-and-easy travel, self drive tourism has received support from national policies, and is welcomed by an increasing number of consumers. ZH_REF: 在消费升级和自由行盛行的大背景下,自驾游受到国家政策的鼓励以及越来越多消费者的喜爱。 -ZH_HYP: 1.. +ZH_HYP: 5.3.在一个人的生活中,有一个不容易的东西,是为了使自己的利益而变得更容易,而不是在他们的身边,而是在那里,是为了得到更多的保护,而不是在美国的任何地方,也是对的,是对的。 EN: At the same time however, the self drive travel market, the size of which is expected to exceed RMB1 trillion, is confronted with twin challenges. On the one hand, the development of the self drive travel industry is out of step with market demand. Self drive travel organizers such as self drive clubs and travel agents are confronted with meager profits. On the other hand, self drive travel ae confronted with infrastructure and services that are still in their infant stages. ZH_REF: 但与此同时,有望突破万亿规模的自驾游市场却也面临着双重挑战,一方面自驾游产业的发展与市场需求不成正比,自驾游俱乐部以及旅行社等自驾游组织者面临着盈利微薄的困境;另一方面,自驾游所面对的基础设施和服务也还处于初级阶段。 -ZH_HYP: 1.. +ZH_HYP: 然而,在这一过程中,有的是,我们的生活方式是,他们的生活方式,是一种不稳定的,因为他们的服务是在经济上的,而不是在那里,也是在压力下的,是在我们的服务上,而不是你的力量。了 EN: Accounting for 60% of total tourists in domestic tourism, with market size expected to exceed RMB1 trillion ZH_REF: 占国内游总人次60%,市场规模有望破万亿 -ZH_HYP: 1.. +ZH_HYP: (a)(一),在所有的情况下,都是由国家来的,而不是由其所造成的,而不是由它来的,而是在为其带来的危险中,而不是为(或)的的的的的的的的的的的的的的的的 EN: In 2016, domestic tourism numbered some 4.44 billion persons, with self drive travel accounting for approximately 60% of total tourists in domestic tourism. By 2020, the size of the self drive travel market is expected to exceed RMB1 trillion. ZH_REF: 2016年全年国内旅游44.4亿人次,自驾游占据国内旅游总人次的60%左右,到2020年自驾游市场规模有望突破万亿。 -ZH_HYP: 1.. +ZH_HYP: 在美国,有的是,有的是,有的东西,是的,是为了使自己的生活变得更糟,而不是在2004年的时候,它的意思是,它是由你所占的,而不是在那里的 EN: Statistics concerning the number of persons engaged in self drive travel published by China Tourism Automobile And Cruise Association showed that the number of persons engaged in self drive travel has continued to grow over the last five years. The share of such tourists as a proportion to domestic tourists has stabilized at above 50%. ZH_REF: 据中国旅游车船协会对自驾车出游人数的统计情况来看,近五年来自驾出游人数持续增长,出游人数占国内旅游人数比例稳定在半数以上。 -ZH_HYP: 1.. +ZH_HYP: (a)(一)在中国,这种情况下,人们的供货商们都在进行,而不是在他们的旅行中,他们的表现为:(5),在中国的经济上,他们的生活在不断上升,而不是在50%左右 EN: At the same time, all regions as well as the State have shown greater concern and support for self drive tourism, this new emerging sector. From 2016 to 2017, a slew of policies and regulations relevant to vehicles for self drive travel, and motorhome and camping tourism have been promulgated. ZH_REF: 与此同时,各地区以及国家层面对自驾游这一新兴领域表现出了更多的关注和扶持,2016年到2017年,与自驾车、旅居车和露营旅游有关的政策法规密集出台。 -ZH_HYP: 1.. +ZH_HYP: 然而,在所有情况下,我们都是如此,而且是为了使其成为一个大的,而不是为了使他们的利益而变得更容易,而且在2001年,也是为了应付的,而不是在美国,它的目的是要让人行道 EN: In July 2017, eight government agencies including the China National Tourism Administration and the State General Administration of Sports jointly issued the “Plans for the Development of Automobile Campsites for Self Drive Sports”. In the same month, in the “Action Plan for Advancing Quality Enhancement and Upgrading in Rural Travel Development (2017)“ jointly printed and circulated by 14 government agencies including the National Development and Reform Commission and the Ministry of Finance, self drive travel was mentioned as a priority. ZH_REF: 2017年7月,国家旅游局、国家体育总局等八部门联合发布了《汽车自驾运动营地发展规划》;同月,发改委、财政部等14个部门联合印发的《促进乡村旅游发展提质升级行动方案(2017年)》中,自驾游被重点提及。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有了一个大的变化,包括:他们的服务,以及其他的发展,例如,为促进经济发展而进行的投资,包括在2014年,为美国的企业提供了优惠待遇,并为其提供了一个优惠的服务,包括了和 EN: The introduction of policy measures has provided opportunities and policy guidance for the development of domestic self drive travel. ZH_REF: 政策的出台,为国内自驾游发展提供了机遇与政策引导。 -ZH_HYP: 1.. +ZH_HYP: (a)为使人的生活变得更加复杂,而不是为他们提供的服务,如:(a),他们的工作,和(或)的,是对我们的,是对的,而不是在上司,还是要有多大的 EN: Self drive travel clubs make meager profits; complete industry chain is key ZH_REF: 自驾游俱乐部盈利微薄,完整产业链是关键 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】(),我们的意思是,你的意思是,它是在为你的,而不是为了给别人带来的,也是在他们的上司中的,因为它是对的,而不是在我们的上 EN: Although there is enormous potential in the self drive travel market, and active guidance from national policy measures, the self drive travel industry is still at its infancy stage. ZH_REF: 虽然国内的自驾游市场潜力巨大,国家政策积极引导,但自驾游行业仍然处在初级阶段。 -ZH_HYP: 1.. +ZH_HYP: 在这方面,我们的工作是很有价值的,因为它是由自己的,而不是在他们的中,是在为自己的,而不是在那里,也是为了让人感到厌倦的,而不是在那里,它是最重要的 EN: According to the “2016-2017 Annual Report on the Development of China’s Self Drive Travel Industry”, domestic self drive travel clubs, automobile clubs and automobile enthusiasts clubs number in the thousands, tourists who arrange their own travel itinerary account for a larger proportion. The proportion of tourists who join automobile enthusiasts clubs, self drive travel clubs and other such entities only account for about 15%. ZH_REF: 据《2016-2017中国自驾游年度发展报告》显示,国内自驾游俱乐部、汽车俱乐部、车友会等达到数千家,但游客自助安排自驾出游的比例却占据大部分,参加车友会、自驾游俱乐部等各类机构的游客占比只15%左右。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的影响,是在自己的车里,他们的生活,如:“你的车,你的车,你的车,你的车,你的车,你的车,你的车,等等?的了了 EN: Meanwhile, there are only a handful of online tour companies and traditional travel agencies that develop proprietary products for self drive travel. Many online travel platforms only sell self drive travel products provided by some suppliers. Some self drive travel clubs are also key suppliers. ZH_REF: 同时,自主研发自驾游产品的在线旅游企业和传统旅行社也是屈指可数,很多在线旅游平台上售卖的只是一些供应商提供的自驾游产品,一些自驾游俱乐部也是重要的供应商。 -ZH_HYP: 1.. +ZH_HYP: 然而,在一个方面,我们都是个很好的人,也是为了自己的,而不是在他们的身边,他们的是,他们的产品是由你的,而不是在那里,也是为了让你的人感到厌倦的,是的,是的。 EN: In terms of organizing self drive travel activities, this encompass various aspects including “board, lodging, transport, travel, shopping, entertainment”. Fragmentation is high, and upstream supply chain heavy. There is also significant randomness in tourist spending. ZH_REF: 从组织自驾游活动来说,涵盖了“吃、住、行、游、购、娱”多个方面,碎片化程度高,上游供应链重,游客消费随机性大。 -ZH_HYP: 1.. +ZH_HYP: (一)(一)有的,是,不需要的东西,是为了使自己的利益,而不是在一起,而是在这里,是在说谎的,是在我们的,是的,是的,是的,是的,是的,是的。 EN: Li Guanjie, founder and CEO of Beijing XTX Auto Club, believes that self drive travel clubs are similar to travel agencies in essence. The primary earnings model at the initial stage are mainly based on offline activities. The core areas are self drive travel route products and guide services. ZH_REF: 北京行天下汽车俱乐部创始人兼CEO李冠杰认为自驾游俱乐部本质上和旅行社是类似的,早期的主要盈利模式都是以线下活动为主,核心点是自驾游线路产品和领队服务。 -ZH_HYP: 1.. +ZH_HYP: (美英对照),(),我们的工作,是用心投入的,也是不可能的,因为它是在为自己的,而不是在你的身上,它的意思是,它是由你的,是在我们的上部,是最重要的 EN: However, there is significant product homogeneity in route products within the self drive sector, and the standard of guide services is mixed. Self drive travel clubs are again confronted with the need to restructure. ZH_REF: 但是如今自驾游领域内线路产品同质化严重、领队服务水平参差不齐,自驾游俱乐部面临着再次转型的需求。 -ZH_HYP: 1.. +ZH_HYP: 然而,在我们的情况下,我们的处境是,在做作业的时候,也是为了使自己的心智而变得更糟,而不是在他们的身边,那是对的,是对我们的事了。是了了了了了了了了了了了 EN: It is quite apparent that self drive travel is not an independent industry in and of itself. Rather, it is an inter-regional and -industry ecosystem based on movement characteristics of self drive travel. The creation of a complete industry chain is key. ZH_REF: 可以看出,自驾游本身并不是一个独立的产业,而是以其自驾游的位移特点形成了一个跨地域、行业的生态圈,形成完整的产业链十分重要。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),在这方面,我们的工作是有困难的,因为它是由自己的,而不是在他们的中,是在为自己的力量而来的,是在我们的事业中,是最重要的。的的了了的的的的的的的的 EN: Experts have pointed out that in addition to basic tourist consumption, experience is a more important consumption element. ZH_REF: 专家指出,除了基本的旅游消费外,体验是更重要的消费元素。 -ZH_HYP: 1.. +ZH_HYP: (一)(一)不一,是,在我们的中,是为了使自己变得更容易,而不是为了使他们变得更有价值,而在他们的工作中,就会被人所束缚的,而不是最需要的,而是要在别人身上的 EN: Hence, with regards to the development of the self drive travel industry, the experience feature should be enhanced. A “self drive travel +” theme as well as self drive travel product IP should be developed. ZH_REF: 因此,对于自驾游行业发展,应增强体验特征,发展“自驾游+”主题以及自驾游产品的IP。 -ZH_HYP: 1.. +ZH_HYP: (a)(一),在这方面,我们的工作是为了使自己的利益而变得更容易,因为它是由你所拥有的,而不是在那里,也是为了让人的力量而去,而不是在那里,它是一种最坏的方法 EN: Scenic routes are not merely roads, and automobile campsites should not merely meet board and lodging requirements ZH_REF: 风景道不仅是道路,汽车营地不应只满足食宿 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),也是不可能的,因为他们的事,是为了使他们的缘故,而不是为了让他们的,而不是在他们的身边,才是为了得到更多的保护的的的的的的的的的的的 EN: Confronted with the rise in self drive travel, the development of self drive travel infrastructure is similarly still fairly rudimentary. ZH_REF: 面对自驾游兴起,自驾游的基础配套发展同样也还比较初级。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,你的意思是,它是在为自己的,而不是在,它的意思是,它是由你来的,而不是在别人身上的,是对的,而不是最重要的。 EN: Li Guanjie pointed out that scenic travel routes are not merely a road. Rather, traffic and tourism elements should be integrated into it. However, building roads and tourism are the responsibility of two separate department. The increase in tourism element by transport departments are still stuck at the level of building rest rooms, information centers, publicity bulletin boards and other such facilities. Their degree of bonding with the tourism is low. ZH_REF: 李冠杰指出,旅游风景道不只是一条路而已,而是需要将交通跟旅游的元素都融合在里面,但是修公路和做旅游本身是两个部门来负责,交通部门增加旅游元素,也还停留在建设厕所、咨询中心、宣传栏等设施,与旅游的结合度还不高。 -ZH_HYP: 1.. +ZH_HYP: 在美国,这条路是一个很好的,但也是一个不一样的东西,是的,是在不喜欢的,也是在不可能的,而不是在那里,而是在其他的地方,你的服务是什么,而不是在那里,还是要走 EN: These could draw lessons from the building experience of the renowned self drive route of “US Route 66”, ZH_REF: 对比知名的自驾游路线“美国66公路”,建设经验值得借鉴。 -ZH_HYP: 1.. +ZH_HYP: (4)如果有,我们可以从表面上的东西,从表面上的角度来,把它们的东西放到一边,就像在了,也是在,是为了让别人知道的,那是对的,而不是什么,而是要在别人的时候,要把它的意思 EN: The design of scenic routes is no longer the most direct and fastest route from the place of origin to the destination but adhering to the design concept of “experience the joy of driving” so as to provide self drive travelers the best enjoyment of beautiful scenery along the route. Scenic routes are able to connect spots and facets of the travel landscape. These would help retain the historical value and cultural value of the eco-tourism resources along the route. Meanwhile, various thematic activities may also be held to enhance tourist participation and recreation experience, creating economic benefit for the local tourism industry. ZH_REF: 风景道设计不再是出发地到目的地之间最直接快捷的路径,而是遵从“体验驾车乐趣”的设计理念,为自驾游客提供欣赏沿路美景的最佳享受;风景道能够将点状、面状旅游景观相联结,既保留了沿线生态旅游资源的历史价值和文化价值,也能举办各类主题性活动增强游客的参与性与游憩体验,为当地旅游业创造经济效益。 -ZH_HYP: 1.. +ZH_HYP: 在这方面,他的作品是由一个人的,而不是从小的角度来看待事物的,而不是在一起,也是为了满足自己的需要,而不是在旅游中,而不是在旅游中,也是如此,也是你的..的的的 EN: In addition to scenic routes, campsites are also important supporting facilities for self drive travel. ZH_REF: 除了风景道之外,营地也是自驾游的重要配套设施。 -ZH_HYP: 1.. +ZH_HYP: (a)(一),在为难中,我们的人都是为了使他们的,而不是为了他们的,而不是为了他们的,而不是为了给他们带来的,是在我们的上司,还是要把它的东西弄得太多了 EN: However, a Beijing News reporter understands from self drive travelers that few consumers would choose to stay at campsites. ZH_REF: 但新京报记者所了解的自驾游游客中,选择在营地住宿的消费者不多。 -ZH_HYP: 1.. +ZH_HYP: 但是,在一个大的地方,我们的态度是,从某种意义上讲,他们都是为了得到的,而不是在他们的面前,为自己的力量而去,而不是为了让别人的利益而去,因为它是我们的最重要的,是的,是的。 EN: They believe that many campsites are infrastructure and can only meet board and lodging requirements. Considered low class with dull product features, they are unable to meet the multi-faceted demands of self drive travel. ZH_REF: 他们认为,很多营地偏向于基础建设,只能满足吃住,档次不高,产品单一,无法满足自驾游这种包含很多元素的需求。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),在这方面,我们的工作是有困难的,因为他们是在不喜欢的,而不是在他们的时候,才会有多大的,因为他们的意思是,你的意思是什么?的了了了的了的的的的的的 EN: An industry insider who wished to remain anonymous said that a few years ago, enterprises operate campsite mostly for the purpose of acquiring land. After they acquire the land, follow-up development of complementary infrastructure and services have not caught up. These operators are loss-making, and do not have later-stage capital injection. Hence, providing corresponding complementary products proved very difficult. ZH_REF: 有不愿透露姓名的业内人士表示,前几年做营地的企业很多是为了拿地,拿地以后,后期的配套的基础设施建设和服务都没有跟上,经营状况很多都是亏损,而没有后期的资金注入,很难做一些相应的配套产品。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,我们的工作是为了得到的,而不是为了得到的,而不是在他们的土地上,而是在那里,是为了得到的,而不是在(或)上,而不是为了给自己带来更多的东西,而是要把它的好处归功于 EN: Consumer groups ZH_REF: 消费群 -ZH_HYP: 1.. +ZH_HYP: (4)()(一),(),是在不可能的,因为它是在为他们提供的,而不是在他们的上,也是为了给别人带来的,而不是在意外的,是的,是的,是的,是的。 EN: Data published by the China Tourism Automobile And Cruise Association in 2017 showed that in terms of age, self drive travelers are concentrated in the 21-40 age group, mostly in the 31-40 cohort. This group has a certain level of income, and are relatively demanding in terms of customized travel. Many are family oriented customers. ZH_REF: 据中国旅游车船协会2017年发布的数据显示,从年龄上来看,自驾游群体集中在21-40岁,其中尤以31-40岁为主,这部分人群拥有一定的经济基础,并且对个性化旅游的需求度较高,且多为亲子游客户。 -ZH_HYP: 1.. +ZH_HYP: 在美国,中国的一个特点是,有的是,它的影响是由你来的,而不是在一起,而是在自己的生活中,在那里,有的是,有的是,有的是,有的是,有的人在统计上的 EN: A survey in lodging revealed that self drive travelers prefer non-standard lodging. ZH_REF: 从住宿调查看,自驾游人群相对更加偏好非标准住宿。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),(),(),是用不锈的,因为它是用的,而不是在上,而是用的,因为它是在用的,而不是用的,它的意思是什么?的了了的的的的的了的的 EN: In terms of self drive travel categories, driving in neighboring areas is the predominant category, accounting for 84. 32%. ZH_REF: 从自驾游类型来看,周边自驾是自驾游的最主要类型,占比84.32%。 -ZH_HYP: 1.. +ZH_HYP: (一)(一)不一样,是为了使自己的工作变得更糟,因为他们是在一起,而不是在他们的中,是在为他们的,而不是在那里,是的,是的,是的,是的,是的。了 EN: Self drive travel overseas is a dream for many, but the proportion is still relatively small. ZH_REF: 出境自驾是很多人的向往,但占比还较小。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Meanwhile, with higher consumption demand, tourists who enjoyed self drive “tour of sights” have begun to change their opinion. Instead of “alighting to take photos, and boarding to sleep” during the self drive travel process, they are now more concerned with the travel experience and process. ZH_REF: 同时随着消费需求的提升,过去喜欢自驾“游览景点”的游客开始转变观念,不再是自驾游过程中“下车拍照、上车睡觉”,而是更加关注旅行的体验和过程。 -ZH_HYP: 1.. +ZH_HYP: 但是,在一个方面,我们都有可能被人所吸引,而不是从他们的角度来看待,他们的处境也是如此,他们的愿望是在他们的工作中,在那里,和你的人一样,也是为了让人感到厌倦的。了 EN: Dinosaur used camouflage to evade its enemies ZH_REF: 恐龙利用伪装躲避敌人 -ZH_HYP: 1.. +ZH_HYP: (一)(一),可乐的,是用的,是用的,是的,是在说谎的,因为他们的意思是为了给别人带来的,而不是为了给别人带来的,而不是太多的,而是要在我们的身边,就会被人的 EN: At first glance, it looks like a statue albeit a terrifying one. ZH_REF: 乍一看,它挺可怕的,但看起来却像一尊雕像。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),是,我们的东西,是为了使自己摆脱困境,而不是为了自己的利益而努力,而不是为了给别人带来的,也是在我们的时候,要把它放在一边,还是要把它的意思在 EN: Now researchers have revealed the first findings from the incredible rhino-sized creature found by a Canadian miner were so well preserved experts have described it as 'the Mona Lisa of dinosaurs'. ZH_REF: 研究人员公布了有关加拿大矿工发现的如犀牛般大小的、不可思议的生物化石的首个研究成果,指出这个化石保存完好,因此,专家们将其称为“恐龙界的蒙娜丽莎””。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是对的,是在不可能的,是在被人所为的,是在说谎的,是的,是的,是的,也是对的,而不是在那里,是的,是的,是的。了了 EN: It was so well preserved, they were even able to determine the colour of its scaly skin was a reddish brown - and say it had something of a 'troubled past'. ZH_REF: 这尊化石保存得非常完好,甚至能够断定其鳞状皮肤的颜色为红棕色。这说明它有过一些“烦恼的经历”。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,他们的意思是,在我的上,你会被他们的所带来的,是在你的,是的,是的,是的,是的,是的,是的,是的。 EN: The report in the journal Current Biology described it as 'the best-preserved armored dinosaur ever found, and one of the best dinosaur specimens in the world.' ZH_REF: 《当代生物学》杂志中的相关报道将其描述为“有史以来发现的保存最完好的披甲恐龙,也是世界上最好的恐龙标本之一。” -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的性格,是一种不寻常的东西,它是由它所产生的,它是由它的,它的意思是:它是在你的,是在说谎的,而不是最需要的,是的,是的。 EN: The fossil is a newfound species of nodosaur, which lived midway through the Cretaceous period, between 110 million and 112 million years ago. ZH_REF: 该化石是一种新发现的结节龙种类,其生活在 1.1 亿至 1.12 亿年前的白垩纪中期。 -ZH_HYP: 1.. +ZH_HYP: (a)为使人的行为而作为,而不是在其他方面,是在我们的,是在他们的时候,它是由它的,而不是在我们的上方,它的意思是:“你的意思是什么?了了了了了了””””””””” EN: It's incredible well preserved state has stunned researchers, who describe it as 'truly remarkable' ZH_REF: 其保存状态极为完好,震惊了研究人员,他们形容它“真的令人叹为观止”。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,我们的性格是不可能的,因为它是由衷的,而不是为自己的,而不是在他们的身边,那是对的,而不是为了给别人的,而不是在那里,这是对的,而不是最重要的。了了 EN: The armoured plant-eater is the best preserved fossil of its kind ever found, according to reports in National Geographic. ZH_REF: 据《国家地理杂志》报道,该种草食披甲恐龙化石是有史以来发现的保存最完好的同类恐龙化石。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是由一种引起的,因为它们是在用的,而不是在(或)上,而不是在上,是为了使自己的力量而被人所束缚,而不是太多的,是的,是的,是的。 EN: It was found by Shawn Funk, when he was digging at the Suncor Millenium Mine near Fort McMurray in northern Alberta, Canada, on March 21, 2011. ZH_REF: 2011 年 3 月 21 日,肖恩?芬克 (Shawn Funk) 在加拿大艾伯塔省北部麦克默里堡附近的森科尔千禧矿场挖矿时发现了这具化石。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,有的是,他们的外貌,是为了使他们的工作变得更容易了,而他们的事却在乎,那是他的错觉,而这是在100米的中 EN: He hit something which seemed out of place from the surrounding rock, and decided to take a closer look. ZH_REF: 当时,他碰到某种似乎与周围岩石不大一样的东西,于是,他决定仔细地看了一下。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: The fossil he uncovered was sent to the Royal Tyrrell Museum of Paleontology. ZH_REF: 之后,他所发现的化石被送往到加拿大皇家泰瑞尔古生物博物馆。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),从表面上,不包括在内,在我的脚趾中,我们的东西,是在用的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: They spent the next six years working on uncovering the beast within the 2,500-pound (1,100 kg) lump of earth. ZH_REF: 研究人员耗时 6 年时间才使藏在2500磅(1100 公斤)的土块内部的这具野兽露出真面目。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),在这方面,我们的工作是有可能的,而不是为了使他们的利益而变得更容易,因为他们的工作是由他们的,而不是在(e)的,是在100年的中的的的的的的的的的的 EN: After all that hard work, the finished result is now ready to be unveiled. ZH_REF: 经过这么艰辛的工作,最终的结果现在才得以公布。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,他们的意思是,在我的上,他们都是为了得到的,而不是为了给别人带来的,而不是在那里,而是要在那里得到的 EN: 'If you just squint your eyes a bit, you could almost believe it was sleeping,' said lead author Caleb Brown, a scientist at the Royal Tyrrell Museum where the creature is on display. ZH_REF: “如果你觑着眼看,你几乎会相信它正在睡觉”,皇家泰瑞尔博物馆科学家、第一作者迦勒?布朗 (Caleb Brown) 说道。该生物就在该展览馆展出 -ZH_HYP: 1.. +ZH_HYP: (英译汉)()(),我们的意思是,你的意思是,他们的意思是,他们的意思是,你的意思是,他们的意思是,它是由你的,而不是在那里,还是要用的,都是的的的的的的的的的的的 EN: 'It will go down in science history as one of the most beautiful and best preserved dinosaur specimens - the Mona Lisa of dinosaurs.' ZH_REF: “它将成为科学史上最美丽,保存最完好的恐龙标本之一 - 恐龙界中的蒙娜丽莎。” -ZH_HYP: 1.. +ZH_HYP: (美)(一),(),我们的东西是用的,是用的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: By studying its skin, researchers found that this plant-eater, though covered in armor and resembling a walking tank, likely faced a significant threat from meat-eating dinosaurs. ZH_REF: 研究人员通过研究其皮肤,发现这种草食生物虽然身披盔甲,就像步行坦克一样,但有可能会受到来自食肉恐龙的重大威胁。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的研究是,在做的事,是为了使自己的心目中的,而不是在乎,因为它是在为你所带来的,而不是在别人身上,也是在说谎的时候,它是对的,对我们来说是最重要的 EN: The heavily armoured dinosaur used red and white camouflage to hide from predators, and employed a shielding technique known as counter-shading, which is also used by many modern-day animals. ZH_REF: 该种身披重甲的恐龙使用红白伪装来躲避捕食者,并采用被称为“反荫蔽”的隐蔽术,这种手段也被许多现代动物所使用。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是由大人的,是用的,是用的,是用的,是的,是的,是的,是在用的,也是在说谎的,是的,是的,是的,是的,是的。 EN: This would have allowed it to better blend into its surroundings and evade its enemies, experts say, suggesting it was preyed on by larger dinosaurs. ZH_REF: 专家表示,通过这种方式,它能够更好地与周围环境融为一体,从而避开敌人,这表明它被更大的恐龙所捕食。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: The 110-million-year-old creature, part of the nodosaur family, first hit headlines in May and is now on view at the Royal Tyrrell Museum of Palaeontology. ZH_REF: 这个拥有 1.1 亿年历史的生物属于结节龙家族的一员,在 5 月份首次成为头条新闻,目前正在皇家泰瑞尔古生物博物馆上展出。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),是,我们的,是在被人用的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。了了了 EN: Researchers have now studied and named the beast Borealopelta markmitchelli after museum technician Mark Mitchell, one of a team who spent more than 7,000 hours painstakingly uncovering it. ZH_REF: 作为团队成员之一的博物馆技术人员马克?米切尔 (Mark Mitchell) 耗时 7000 个小时精心地揭开该巨兽的面纱后,研究人员现在对其进行研究,并将其命名为“Borealopelta markmitchelli”。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,我们的人是用的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是不对的。 EN: The amazing preservation of the specimen made it possible for Dr Mitchell and an international team of scientists to document the pattern and shape of scales and armour across its body. ZH_REF: 样本保存极为完好,从而使得米切尔博士,以及国际科学家团队可以对其身上的鳞片和铠甲的图案和形状进行记录。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),是为了使自己的心从表面上掉下来,而不是在他们的身边,在那里,是在说谎的,是在说谎的,是的,是的,是的,是的,是的,是的。 EN: They discovered countershading, a common method of defence in the animal kingdom, which means the top of the creature was darker than its underside. ZH_REF: 他们发现了“反荫蔽”术,这是动物界中一种常见的防御方式,这意味着该种生物的背部比其侧面的颜色更暗。 -ZH_HYP: 1.. +ZH_HYP: 在他的后面,一个人的性格,是由他们的,是,他们是在一起,是为了使他们的利益而被人所束缚,而不是在他们的身边,那是对的,是的,是的,是的,是的,是的。了 EN: Although countershading is common, the findings come as surprise because Borealopelta's size far exceeds that of countershaded animals alive today. ZH_REF: 尽管“反荫蔽”术很常见,但发现的结果却令人惊讶,因为该种恐龙的体型远远超过了采用反荫蔽术的现有动物。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,我们的生活方式是,他们的缺点是,他们的缺点是,它的意思是,它是由你所拥有的,而不是在那里,它是最重要的 EN: It suggests the dinosaur was hunted by enough pressure meat-eating dinosaurs that evolution favoured concealment over confrontation as a means of survival. ZH_REF: 这种恐龙面临被肉食恐龙猎杀的压力,从而朝有利的方向进化,使其能够在对垒中隐藏起来,以此作为生存的手段。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),是,用的,是用的,是的,是的,是的,是的,是的,是在说谎的,也是为了给别人带来的,而不是为了给我们带来的, EN: But most contemporary animals that have countershading -- think deer, zebras or armadillos -- are much smaller and more vulnerable as prey, signaling that this nodosaur faced a real struggle to survive. ZH_REF: 但是,现存的大多数采用反荫蔽术的动物,比如鹿,斑马或者犰狳等,都像猎物一样小和脆弱,这表明该生物面临着真正的生存压力。 -ZH_HYP: 1.. +ZH_HYP: 但是,在一个大的场合,我们的态度是,他们的是,他们的欲望是为了使自己变得更容易,而不是在他们身上,而是在你的身边,那是对的,是的,是的,是的,是的,是的。 EN: 'Strong predation on a massive, heavily-armored dinosaur illustrates just how dangerous the dinosaur predators of the Cretaceous must have been,' said Brown. ZH_REF: “大型重甲恐龙遭受疯狂捕食表明,白垩纪的食肉恐龙是多么危险”,布朗说。 -ZH_HYP: 1.. +ZH_HYP: (美英对照),这是个不稳定的,是在不可能的,是在用的,是的,是的,是的,是的,是的,是的,是的,是对的,而不是你的意思。了了了了了了了了了了 EN: Chemical analysis of organic compounds in its scales also reveal that the dinosaur's skin would have been reddish brown. ZH_REF: 针对其鳞片中有机复合物的化学分析同样表明该恐龙的皮肤颜色为红棕色。 -ZH_HYP: 1.. +ZH_HYP: (a)除去的外,对其他的事物都是不可能的,因为它们是在用的,而不是在(或)上,它被用来为其带来的,而不是被人所受的伤害.的的的的的的的的的的的的 EN: Scientists are continuing to study the animal for clues about its life, including its preserved gut contents to find out what it ate for its last meal. ZH_REF: 科学家们正在继续研究该生物的生命线索,包括其所保留的胃含物以找出最后进食的食物。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在不对的事物中,我们的东西是由它来的,是在说谎的,他们的意思是,要把它放在一边,还是要把它的意思弄得太多了了了了 EN: They believe that when the dinosaur died, it fell into a river and was swept out to sea, where it sank on its back to the ocean floor. ZH_REF: 他们认为,恐龙在死亡时堕入河流中,随后被冲进大海,最后以背朝下的方式沉入海底。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的名字是,是,他们的生活方式是,他们的东西,是为了使他们的利益而被人所迷惑,而不是在那里,而是要把它的东西给了我,因为它是在你的身边,它的意思是什么? EN: At that time, Alberta was as warm as south Florida is today, and rivers and oceans likely spread far further inland than they do now. ZH_REF: 当时,艾伯塔省的气候和今天佛罗里达州南部的气候一样温暖,河流和海洋可能比现在更加深入内陆。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的态度是,在做的事,是为了使自己的心智而变得更容易,因为他们的事也是在他们的,而不是在那里,而是要在那里,要有多大的时间来 EN: 'This nodosaur is truly remarkable in that it is completely covered in preserved scaly skin, yet is also preserved in three dimensions, retaining the original shape of the animal,' said Brown. ZH_REF: 布朗说:“这种结节龙真正令人惊叹,因为它被保存的鳞状皮肤完全覆盖,而且,至今被保存在维空间里,从而使其原始形状得以保存。” -ZH_HYP: 1.. +ZH_HYP: (美英对照),这是个不稳定的,因为它是在我们的,是,他们的品行,是为了得到的,而不是在那里,也是为了让人感到羞耻的,因为它是由你所做的,而不是 EN: 'The result is that the animal looks almost the same today as it did back in the Early Cretaceous. ZH_REF: “因此,该种生物现在的形状和白垩纪时的形状几乎一样。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】(b)在我们的后面,它是由“d”的,它的意思是,它的意思是,它的意思是:“你的意思是什么?的了的的的的的的的的的””””””” EN: You don't need to use much imagination to reconstruct it; if you just squint your eyes a bit, you could almost believe it was sleeping.' ZH_REF: 你无需用太多的想象力来重建它;如果你觑着眼看,你几乎会相信它正在睡觉。” -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................. EN: The Cretaceous was a time when giant theropods, meat-eating dinosaurs that stood on two legs, roamed the Earth. ZH_REF: 白垩纪时期是两足行走的大型兽脚类恐龙在地球上漫游的时期。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),是,用的,是用的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: Although the king of them all, Tyrannosaurus rex, lived millions of years after Borealopelta, the armoured dinosaur may have been hunted by some of its formidable ancestors. ZH_REF: 尽管霸王龙是恐龙中的王者,但是,它在披甲恐龙之后数百万年才出现。披甲恐龙可能已经被霸王龙的一些祖先捕杀了。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,他的名字是:“你的东西,是的,是的,是的,是的,是的,是的,是的,是的,也是对的,而不是为了给别人带来的。”??””””””””””””” EN: They include Acrocanthosaurus, a 38ft (11.5m) long monster weighing six tonnes. ZH_REF: 它们包括高棘龙,一种重达 6 吨、长 38 英尺(11.5 米)的巨兽。 -ZH_HYP: 1.. +ZH_HYP: (a)在不允许的情况下,有的是,有的是,有的是,他们的东西是用的,而不是用它的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: The scientists, whose latest findings appear in the journal Current Biology, believe Borealopelta was washed out to sea after it died and mummified in mud. ZH_REF: 最新研究发现出现在《当代生物学》杂志上的科学家们相信,结节龙死后被冲到海里,之后在泥土中形成了木乃伊。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,我们的心是有的,因为它们是在用的,而不是在他们的中,是在那里,是为了使自己的心智而失去了,而不是在别人身上,也是在说谎的。了了 EN: The creature was found by Shawn Funk, when he was digging at the Millenium Mine near Fort McMurray in northern Alberta, Canada, on March 21, 2011. ZH_REF: 2011 年 3 月 21 日,肖恩?芬克在加拿大阿尔伯塔省麦克默里堡附近的千禧矿场挖掘到该生物。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在这方面,我们的东西是由他们来的,是在他们的,是在他们的,是在他们的时候,在那里,是的,是的,是的,是的,是的,是的。了了 EN: According to the museum, it is the best preserved armoured dinosaur in the world, including skin and armour, and is complete from the snout to hips. ZH_REF: 据博物馆介绍,它是世界上保存最完好的披甲恐龙,从鼻子到臀部的区域中的皮肤和盔甲等都是完整的。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,我们的心,是为了使自己的心,而不是在他们的身边,而不是在你身上,也是为了让你的,而不是为了让人感到更多的,那是对的,你的意思是什么? EN: The creatures were around 18 feet (five metres) long on average, and weighted up to 3,000 pounds (1,300 kg). ZH_REF: 这种生物平均长约 18 英尺(5 米),重达 3000 磅(1300 公斤) 。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,有的是,他们的生活,是为了使他们的,而不是在他们的身边,而不是在那里,他们的工作是在(美)的,是对的,而不是为了给别人带来的 EN: It featured two 20-inch-long spikes which protruded from its shoulders. ZH_REF: 它有两个 20 英寸长的、从肩部突起的尖角。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),(),是,用的,是用的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: The researchers believe that the this armored plant-eater lumbered through what is now western Canada, until a flooded river swept it into open sea. ZH_REF: 研究人员认为,这种草食披甲恐龙在现在的加拿大西部地区活动,之后被爆发洪水的河流冲入大海。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,它是为了让人感到羞耻,而不是在他们的时候,也是为了让人感到厌倦了,而不是在那里,他们是在一起的,是的,是的。 EN: But the dinosaur's undersea burial preserved its armor in exquisite detail. ZH_REF: 但是,这种恐龙葬身海底使其披甲得以完整保存。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),我们的外套是为了把它的东西弄得太大了,所以我们就会把它放在一边,把它放在一边,还是要把它的意思弄得很好,因为它是对的,而不是最需要的。 EN: The fossilised remains of this particular specimen are so well preserved that remnants of skin still cover bumpy armour plates along the dinosaur's skull. ZH_REF: 这种特殊样本的化石遗骸保存非常完好,使残留的皮肤仍然覆盖着恐龙头骨上凹凸不平的甲片。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为它是在用的,而不是在他们的中,是在用的,是的,是的,是的,是的,是的,是的,是的,是的,是的。了了 EN: As Michael Greshko wrote for National Geographic, such level of preservation 'is a rare as winning the lottery. ZH_REF: 正如迈克尔?格瑞斯考 (Michael Greshko) 在《国家地理》杂志上所写的那样,这种保存程度就像中彩一样,是十分罕见的。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),是用不对的,而不是在乎的,是在说谎的,是在说谎的,是在说谎的,是的,是的,是的,是的,是的,是的,是的。 EN: The more I look at it, the more mind-boggling it becomes. ZH_REF: 我越看越觉得它令人难以置信。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(),我们的意思是,它是为了使自己的利益而被人的,而不是在他们的身边,而是在为你的工作中的,而不是在别人身上,而是要用的,也是为了得到的 EN: Fossilized remnants of skin still cover the bumpy armor plates dotting the animal's skull. ZH_REF: 残留的皮肤化石仍然覆盖在恐龙颅骨上斑驳的盔甲之上。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),(),是用铁锤子,把它们的东西放到一边,把它们的东西都放在一边,把它放在一边,把它放在一边,还是要用的,是的,是的,是的。 EN: Its right forefoot lies by its side, its five digits splayed upward. ZH_REF: 它的右前掌位于其侧面,五个足趾向上展开。 -ZH_HYP: 1.. +ZH_HYP: (美英对照),“我们的”是,从表面上看,它是由你所做的,是的,它的意思是,它的意思是,它的意思是:“你的意思是,它的意思是什么?的了的的的的的的”?””””” EN: I can count the scales on its sole.' ZH_REF: 我可以将其甲片统计出来。” -ZH_HYP: 1.. +ZH_HYP: 5.a............................................................... EN: Reporters understand that adding alginate, humic acid and amino acid nutrient carriers of natural or plant sources into the production process of urea would change modify and enhance the benefit of traditional urea. The alginate urea, zinc fulvate urea and aminoglutanic acid urea nitrogen utilization rate was 5 to 10 percentage points higher than general urea. ZH_REF: 记者了解到,将天然或植物源的海藻酸类、腐植酸类和氨基酸类增效载体加入到尿素生产工艺中可对传统尿素进行改性增效,形成的海藻酸尿素、锌腐酸尿素、禾谷素尿素氮素利用率较普通尿素提高5~10个百分点。 -ZH_HYP: 1.. +ZH_HYP: (c)【句意】(a),我们的产品是用的,而不是用它来的,而是用的,它的重量和能量的,是用的,也是在你的,是的,是的,也是不可能的. EN: In a positive environment, an increase in crop yield potential will be significant; in particular, large value-added urea pallets are quality raw materials for bulk blending fertilizer. ZH_REF: 环境友好,作物增产潜力明显,尤其大颗粒增值尿素更是BB肥的优质原料。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................ EN: The total number of security personnel is double that of the 2012 London Olympics. ZH_REF: 这一安保人员总数要比2012年伦敦奥运会的安保人数多出一倍。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,你的意思是,他们的意思是,在我的上,你的意思是,你的意思是,要把它的意思和(或)的意思在 EN: In order to ensure the safety of the Rio Olympics, Brazil will start the largest ever security linkage plan. ZH_REF: 为确保里约奥运会的安全,巴西将启动有史以来最大规模的安保联动计划。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,我们的生活方式是,他们的意思是,它是由“我”的,而不是在那里,它是由你来的,而不是在别人身上的。了了 EN: Earlier, Brazil government has said that a total of 85,000 troops and polices, including 20,000 troops and 65,000 polices, will fight together for the security of the Olympics. ZH_REF: 之前,巴西政府表示,来自军队和警察的总共8.5万人将协同作战,其中包括2万名军人和6.5万名警察。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的错误,是,他们的目的是为了使他们的工作变得更糟,而不是在他们的身上,而是在那里,有可能是为了给他们带来的,也是在我们的时候了。是了了了了了 EN: Most troops will be responsible for safeguarding the Olympic venues, while the new 3,000 troops will be responsible for the security of international airports, subway stations and streets. ZH_REF: 大部分军人将负责保卫奥运场馆,而新增的3000名军人将负责国际机场、地铁站和街道的安保工作。 -ZH_HYP: 1.. +ZH_HYP: (a)为人提供了一个机会,使我们的工作变得更加安全,而不是为了使他们的工作变得更加危险,而在他们的时候,就会被人所包围的,而这是对的,而不是太高了,也是我的意思了了了了了了了 EN: The polices will patrol around other areas of the city, including subways, buses and streets. ZH_REF: 警察则在城市其他地方巡逻,包括地铁、公交和街道。 -ZH_HYP: 1.. +ZH_HYP: (k)【句意】(a)【句意】我们的生活方式是,他们的意思是,他们的意思是,我们的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: It is reported that 6,000 soldiers have arrived in Rio and provided security services for the Olympics. ZH_REF: 据悉,目前已经有6000名军人抵达里约为奥运安保服务。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,我们的人都是为了得到的,而不是为了他们的,而不是在他们的身边,他们的工作是在中途中,而不是在那里,是为了给别人的,而不是在那里,而是要用的。 EN: In addition to the four competition areas, they will also patrol airports and main roads connecting airports to the Olympic venues. ZH_REF: 他们除了负责里约奥运会的四大赛区外,还负责在机场以及连接机场和奥运场馆的主要道路上巡逻。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个大的错误,是,他们的目的是为了使他们的工作变得更有价值,因为他们的工作是在那里,而不是在那里,是为了给他们带来的,而不是在我们的上司机上。了了了 EN: Appraisal mechanisms in the services sector are nothing new. The key to having these appraisal mechanisms play an effective role is to have more effective supervision, rather than being a mere formality. ZH_REF: 服务行业引入评价机制早已不是新鲜事,要想使评价机制发挥实效,重要的是让监管更有效,不流于形式。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在这方面,我们的工作是有困难的,因为它们是在不可能的,而不是在他们身上,而是要有的,因为它是由你所控制的,而不是太多了的的的的的的的的的的的的的的的的的 EN: How one activist came to learn the answer to the question: 'Whose Streets?' ZH_REF: 激进主义分子如何学习回答这个问题:“谁的街道?” -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),(),(),是,用的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: On Aug. 9, 2014, Brittany Ferrell was shaken to her core. ZH_REF: 2014 年 8 月 9 日,布列塔尼·费雷尔内心惶惑不安。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Just a day after arriving in New York City on a trip, the St. Louis native sat on the bed of an Airbnb she was renting, scrolling through Facebook on her phone. ZH_REF: 在抵达纽约市旅行的第一天,这位圣路易斯人就坐在爱彼迎租住床上,在手机上浏览脸谱网。 -ZH_HYP: 1.. +ZH_HYP: (美英)(在)中,我们的意思是,在这里,我们的东西都是,从他们的角度来,把它放在一边,把它放在一边,把它放在一边,也是在你的身边。的了了了了了的了的的的的 EN: She stumbled upon a post from someone from high school. ZH_REF: 她偶然发现一位高中生的帖子。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(),我们的生活是由一个人,而不是在他们的后面,他们都是为了得到的,而不是在那里,他们都是为了得到的,而不是在那里,要么是为了提高他们的能力而去的。了 EN: "The police just killed an 18 year old kid and he's still laying in the street," it read. ZH_REF: 上面写道“警察刚杀死一个 18 岁的孩子,孩子还躺在街上”。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,你的意思是,他们的意思是,我的意思是,他们的意思是,你的意思是,它是用的,而不是在那里,还是要用的, EN: Confused, noticing no one else on her feed had posted the information, she closed Facebook and opened Twitter. ZH_REF: 她发现馈送信息上没有其他人发布这条信息,她感到很困惑。她关了脸谱网,打开推特。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,你的意思是,他们的意思是,我的意思是,你的意思是,它是在和别人的,因为它是对的,而不是什么,而是要用的。 EN: A user with the handle @TheePharoah was being constantly retweeted onto her timeline. ZH_REF: 一位 @TheePharoah 用户不断给她推送动态时报。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),(),(),(),(2),是用不锈的,因为它的意思是,它的意思是:()的,是的,是的,是的,而不是在上,还是要用的, EN: The St. Louis-area rapper was live-tweeting the death of Michael Brown, an unarmed black 18-year-old killed by a white police officer in Ferguson, Mo. ZH_REF: 圣路易斯地区的说唱歌手现场推特直播迈克尔·布朗的死亡事件。迈克尔·布朗是一名未携带武器的 18 岁黑人,在密苏里州弗格森被一名白人警察打死。 -ZH_HYP: 1.. +ZH_HYP: (美国作家):“这是个好的东西,是的,是的,是的,是的,是的,是的,是的,是的,是对的,而不是为了给他的,”他的意思,“你的意思是对我的意思。?了了了 EN: He posted a picture of Brown's lifeless body stretched out in the street, where it would stay for four hours. ZH_REF: 他贴了一张布朗失去生命体征的身体躺在街上的图片,他的尸体在街上躺了四个小时。 -ZH_HYP: 1.. +ZH_HYP: (n)()(),这是在不可能的,因为它是在用的,而不是在他们的中,是在说谎的,是在说谎的,是的,是的,是的,是的,是的,是的,是的。 EN: "This is wild," Ferrell thought to herself. ZH_REF: “疯了,”费雷尔心想。 -ZH_HYP: 1.. +ZH_HYP: (美英对照),“不”,“不”,“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。 EN: But death was nothing new for her and her community. ZH_REF: 但对她和她所在的社区来说,死亡并不是什么新鲜事。 -ZH_HYP: 1.. +ZH_HYP: (4)a:(b),(),(),(3),我们的东西,是的,是的,是的,因为它是在为你带来的,而不是为了给别人带来的,而不是在他的上方。了 EN: She put down her phone only to return later that evening to tweets about people gathering on Canfield Drive. ZH_REF: 她放下手机,直到当天晚上才再次打开推特,读到关于坎菲尔德大道众人聚集的推文。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(),我们的意思是,你会把它的东西弄到,而不是在他们身上,而是为了你的目的而去,因为它是在你的,是对的,是的,是的,是的,是的。 EN: There were photos of police tape and people yelling, and of a guy claiming to be Brown's father holding a sign that read, "Ferguson police just killed my unarmed son!" ZH_REF: 有警察录像和人们叫喊的照片,还有一个自称是布朗父亲的人的照片,上面写着:“弗格森警察刚刚杀死了我手无寸铁的儿子!” -ZH_HYP: 1.. +ZH_HYP: 在任何情况下,都是为了使人的缘故,他们都是为了得到的,而不是为了自己的,而不是在他们的身边,而是在他们的面前,为你的手套,而不是在别人身上,是为了保护自己的事了 EN: She watched a live feed where a police officer stood in front of a group of protesters with a barking dog. ZH_REF: 她看到一条现场馈送消息,一名警察用带着一条吠犬站在一群抗议者面前。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,你是为了把自己的东西弄得太多了,因为他们都是在去了,而不是为了给别人带来的,因为他是在说谎的,是的,是的。 EN: In another video, a different cop, she said, cocked his rifle and screamed, "I'll kill all you ... animals." ZH_REF: 她说,在另一个视频中,另一名警察举起他的步枪尖叫道:“我会杀死你们所有人......畜牲。” -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的错误,是,他们的意思是,他们是为了给自己的,而不是在他们的身边,你的是,他们的意思是,你要把我的钱包给你,好吗?的了了了了了了 EN: "'This is not usual,'" Ferrell recalled saying. ZH_REF: “这不正常,”费雷尔回忆时说道。 -ZH_HYP: 1.. +ZH_HYP: “这是个不公平的,”他说,“我们的东西,都是为了”,“你的意思是,”“我也要把你的钱给我,”他说,“你要把我的东西弄得太多了了了了了了了了了了了了了了了 EN: "'This isn't the type of murder that we've become used to and can call typical.' ZH_REF: “这不是我们习以为常的、可以称之为典型的谋杀事件。” -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: In that moment I felt chills. ZH_REF: 那一刻,我感到不寒而栗。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................ EN: I was angry and crying." ZH_REF: 我很生气,气哭了。” -ZH_HYP: 1.. +ZH_HYP: (4)a:(b),我们的,是的,是的,是为了使自己摆脱困境,而不是为了使自己的力量而变得更有魅力,而不是在那里,要么是为了得到更多的保护的的的的的的的的的的的的 EN: She booked a return flight and went home the next day. ZH_REF: 她预定了回程航班,第二天就回家了。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,你的意思是,他们的意思是,它是在为你的,而不是在那里,也是为了让人更有价值的,而不是在别人的时候,他们会对你的人 EN: After landing at 11 p.m., she picked up her 6-year-old daughter from her dad's house and decided the two of them would head to Ferguson the next morning. ZH_REF: 下午 11 点着陆后,她从父亲家接走了 6 岁的女儿,决定两人第二天早上前往弗格森。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),(),是,把它放在了,把它们的东西弄到了,是的,是的,是的,是的,是的,是的,是的,是对的,而不是最坏的。了了 EN: What happened, to Ferrell and to Ferguson in the following almost three years is the subject of a new documentary, "Whose Streets?," in theaters Aug. 11. ZH_REF: 在接下来的三年里,费雷尔和弗格森发生了什么事情,就是 8 月 11 日在影院上映的一部新纪录片“谁的街道?”的主题。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,你的意思是,他们的意思是,我的意思是,你的意思是,你的意思是,你的意思是,“你的意思是,” EN: It's a tale of survival and protest, love and loss, strength and resilience from the vantage point of the people who live in the community and packed the streets demanding answers. ZH_REF: 这是一个有关从居住在这个社区、挤满大街小巷要求获得答案的人们的角度,讲述生存和抗议、爱和失落、力量和坚韧的故事。 -ZH_HYP: 1.. +ZH_HYP: (英译汉).................................................................. EN: As Ferrell drove to Ferguson with her daughter, who was wearing a floral dress and matching crown, the two revisited a conversation they'd had countless times before that morning "about the black experience and black condition." ZH_REF: 费雷尔和女儿(穿着花裙子、带着冠冕配饰)一起开车去弗格森时,两人重新讨论了她们在那天早上之前讨论过无数次的话题--“关于黑人经历和黑人状况”。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(他的意思是,我的意思是,你是在,他们都是为了让他们的,而不是在他们的时候,都是在你的,是在你的,是对的,是很有价值的) EN: "You remember how I taught you about when black people had to fight for what they believed in?" she recalled saying. ZH_REF: “你还记得我教过你什么时候黑人不得不为自己的信仰而战吗?”她回忆道。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................ EN: "We're going to Ferguson right now because the police killed an 18-year-old boy and it wasn't right. ZH_REF: “我们现在要去弗格森,因为警方杀死了一名 18 岁的男孩,这是不对的。 -ZH_HYP: 1.. +ZH_HYP: “我们的意思是,”“是的,”“是的,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。 EN: I couldn't not take her," Ferrell said later. ZH_REF: 我不得不带上她,”费雷尔后来说。 -ZH_HYP: 1.. +ZH_HYP: (美英)(这)是,我们的作品,是为了使自己的处境变得更糟,因为他们是在说谎的,而不是为了让自己的力量来实现,而不是在那里,要么是为了得到更多的 EN: "This happening today is a culmination of ... that has happened in the past. ZH_REF: “今天发生的事情是过去所有事情的......高潮。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: She needs to know it and see it and be raised in it. ZH_REF: 她要知道、看到并且从这件事中崛起。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................ EN: She needs to be well developed in the area of not just activism and organizing but knowing the different layers of the black experience and the black condition and what we must do to get free, to free ourselves. ZH_REF: 她不仅需要在激进主义和组织方面发展良好,而且要了解黑人经历和黑人状况的不同层面,了解我们必须做什么才能获得自由和解放。 -ZH_HYP: 1.. +ZH_HYP: (4)(一)在做,也是不可能的,因为它是在做作业,而不是在说谎,而是在我们的面前,为自己的力量而去,而不是为了使人更多的,而不是太多了 EN: Even if I'm fortunate enough to provide her an experience where she doesn't personally experience blatant racism, she is no different than the next black woman-child. ZH_REF: 即使我有幸为她提供她没有亲身体验过的种族主义经历,她与别的黑人女孩也没有什么不同。 -ZH_HYP: 1.. +ZH_HYP: 如果你是在意,我的意思是,他们的生活方式是,我们的人,是我的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: I feel like I would be doing her a disservice to shield her from that." ZH_REF: 如果我在这件事情上保护她,我觉得我是在伤害她。” -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: The first stop when they arrived in Ferguson was on South Florissant Road, a site across from the police department that became a campground of sorts as the activists awaited word of Officer Darren Wilson's eventual non-indictment. ZH_REF: 他们抵达弗格森的第一站位于南佛罗里桑路警察局对面的一个场地。激进分子等到警官达伦·威尔逊最终不予起诉的结果后,这个场地就成为了他们的营地。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为他们的事,是为了使他们的心从他们的手中夺走了,而他们的服务是在一起,而不是在那里,是的,是的,是的,是的,是的。 EN: There Ferrell and her daughter linked up with a local business owner who was making sack lunches. ZH_REF: 费雷尔和她女儿与一位做袋装午餐的当地企业老板联系上。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,你的意思是,他们的意思是,我们的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: They prepared bags and helped pass them out to protesters. ZH_REF: 他们准备了袋子,负责将袋子传给抗议者。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,我们的处境,是为了使自己摆脱困境,而不是为了使他们变得更容易,因为他们是在一起,而不是在那里,要么是为了让人感到厌倦了,而且他们的行为也是最严重的 EN: Slowly, a new type of activism began to take shape for Ferrell. ZH_REF: 慢慢地,费雷尔开始形成一种新型的行动主义。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: "My activism completely transformed after Aug. 9," she said, noting that while an undergrad at the University of Missouri-St. Louis, she was president of the Minority Student Nurses Assn. and focused on food justice and health disparities in black communities. ZH_REF: 她说道,“我的激进主义在 8 月 9 日之后彻底改变了。”在密苏里州立大学圣路易斯分校就读本科时,她是少数民族护士生协会主席,关注黑人社区的粮食正义与健康差距问题。 -ZH_HYP: 1.. +ZH_HYP: “我的意思是,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。 EN: "I had no experience in organizing. ZH_REF: “我没有组织经验。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: It all just came." ZH_REF: 这一切就这么来了。” -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................ EN: Weeks later, Ferrell met Sabaah Folayan, one of the film's co-directors, during an evening demonstration. ZH_REF: 几周之后,费雷尔在一场夜间游行中与影片联合导演萨巴赫·福莱扬会面。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,他的名字是:“我们的东西,是的,是的,是的,是的,是的,是的,也是为了使自己的力量而去,而不是在那里,”他说。是了了了了了了了 EN: Folayan said she and her director of photography Lucas Alvarado-Farrar "just wanted to document" what was happening. ZH_REF: 福莱扬说她和她的摄影导演卢卡斯·阿尔瓦拉多·法勒“只是想记录”发生了什么。 -ZH_HYP: 1.. +ZH_HYP: (美)()(),(),我们的意思是,他们的意思是,他们的意思是,他们的意思是,我的意思是,你的意思是,你的意思是,要把它给的,是的,是的,是的,是的。 EN: A question came to Ferrell's mind: "Do you want to document or are you trying to find a story that you can exploit?" ZH_REF: 费雷尔脑海中浮现一个问题:“你是想记录还是想找到一个你可以加以利用的故事?” -ZH_HYP: 1.. +ZH_HYP: (美国)(),这是个不礼貌的事,也是为了让自己摆脱困境,而不是为了自己的利益而努力,而不是为了让你的人感到羞耻,因为他们会在那里得到更多的信息 EN: That skepticism was informed by countless instances of people - often white - coming into a community to profit off its pain and resilience. ZH_REF: 这种怀疑来源于很多这种案例:人们 - 通常是白人 - 进入一个社区,以从其痛苦和坚韧中获得利益。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),这是不可能的,因为它是在被人身上的,而不是在他们的身边,他们的力量是在不断的,是为了给别人带来的,而不是太多的,因为它是对我们的了 EN: As Folayan explained in a recent interview, "We had heard that people who are born and raised in Ferguson were not having their voices centered, and we wanted to do it differently." ZH_REF: 正如福莱扬在最近一次采访中所解释的那样,“我们听说在弗格森土生土长的人们没有集中他们的声音,而我们想要以不同的方式去做。” -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),我们的口音,是用的,是的,是的,是的,是的,是的,你的事也是在说谎的,而不是为了给别人带来的,也是不对的的的的的的 EN: Folayan had already linked up with co-director Damon Davis, an area artist known for his activism around death row inmates. ZH_REF: 福莱扬已经与联合导演戴蒙·戴维斯联系上。戴蒙·戴维斯是一位以针对死囚犯的激进主义而闻名的地区艺术家。 -ZH_HYP: 1.. +ZH_HYP: (美)(4).............................................................. EN: His involvement endeared Ferrell to the project, along with six other locals the "Whose Streets?" team followed in the years after Brown's shooting. ZH_REF: 他的参与使费雷尔和其他六位当地人一起加入了“谁的街道?”项目团队,在布朗遭枪击之后几年中一直不离不弃。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】(b)【句意】我的意思是,你的意思是,他们的意思是,在哪里,你会有什么影响?的了的了了的的了了了了了了 EN: "This documentary is not somebody speaking for us or speaking to us, it's us speaking," Davis said. ZH_REF: “这部纪录片不是有人为我们说话或与我们谈话,这是我们的发言。”戴维斯说。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: "That was the main thing for me, how these people will be represented, because that's how I will be represented." ZH_REF: “我主要关注这些人物如何呈现,因为这也是我被呈现的方式。” -ZH_HYP: 1.. +ZH_HYP: (美英):“这是个好的东西,”“是的,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。!。。。。。。。。。 EN: While the goal wasn't to focus on Ferrell's experience - in an effort to show that the movement is "not about a messiah leader but a community coming together," Folayan said - she proved to be the most open of the film's participants. ZH_REF: 尽管目标不是关注费雷尔的经历 – 而是展现这次运动“不是关于救世主领导者,而是关于社区凝聚力”,福莱扬说 – 事实证明她是电影参与者中最开放的。 -ZH_HYP: 1.. +ZH_HYP: 如果是这样的,是的,是在做作业的,而不是为了使自己的心智而变得更有可能,而不是在说谎,而是在他们的面前,为自己的事业而去,而不是在一起,也是最重要的。 EN: As a result, "Whose Streets?" documents surprisingly personal aspects of Ferrell's life, like falling in love and marrying her wife. ZH_REF: 结果,“谁的街道?”令人惊讶地记录了费雷尔的个人生活,比如坠入爱河、步入结婚。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),(),(),(),(2),你的意思是,他们的意思是,他们的意思是,要把它给别人的,也是为了给你的,而不是在乎的,而是要用的 EN: "I felt like I was naked," said Ferrell, laughing about the first time she saw the finished product. ZH_REF: “我感觉自己赤裸裸的,”费雷尔第一次看到成品时大笑起来。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: "But I understood that with doing this work and humanizing black folks, there has to be a level of vulnerability." ZH_REF: “但我明白,做这项工作并将黑人人性化,必须要有一定程度的脆弱性。” -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Moreover, Ferrell's story reiterates and re-centers the role of black queer women in the broader Black Lives Matter movement. ZH_REF: 此外,费雷尔的故事重申并重新定位了黑人酷儿女性在更广泛的黑人生活事件运动中的角色。 -ZH_HYP: 1.. +ZH_HYP: (k)(一),(),也是为了使我们的东西,把它的东西放到一边,把它们的东西弄得太平了,而不是在你的身边,就会被人所迷惑的,是对的,你的意思是什么? EN: Two of the movement's three founders - who coined #BlackLivesMatter on social media in the aftermath of the 2012 killing of black teen Trayvon Martin - identify as queer. ZH_REF: 该运动三位创始人中的两位 -- 在 2012 年黑人青少年特雷沃恩·马丁枪击案之后在社交媒体上创造了#BlackLivesMatter -- 被认定为酷儿。 -ZH_HYP: 1.. +ZH_HYP: (一)有的是,有的是,在这一过程中,我们的人都是为了得到的,而不是在他们的身上,而是在他们的身上,是为了给别人的,是的,是的,是的,是的,是的。 EN: "Black queer women in leadership has sustained the movement overall," said Ferrell, "and that's because we're constantly at battle on multiple fronts. ZH_REF: “领导层中的黑人酷儿女性总体上支撑了这一运动,”费雷尔说,“那是因为我们在多个战线上不断战斗。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,我们的生活在一起,而不是在他们的身边,也是在说谎的,是的,是的,是的,是的,是的,是的,是的。了 EN: Black queer women have to bear the brunt of it all." ZH_REF: 黑人酷儿女性必须承受这一切。” -ZH_HYP: 1.. +ZH_HYP: 5.a............................................................... EN: Folayan agreed noting that "the movement is really upheld by black women and a lot of queer black women." ZH_REF: 福莱扬同意并提到“这个运动真的得到了黑人女性和许多黑人酷儿女性的支持。” -ZH_HYP: 1.. +ZH_HYP: (k)(一),是,我们的事,是为了使自己摆脱困境,而不是在他们的面前,为自己的事业而努力,而不是为你所带来的一切。的是,,,,,的 EN: She insists, however, that "this is not some affirmative action type of thing" where Ferrell was chosen as the film's heart because of her identities. ZH_REF: 因为她的身份,费雷尔被选为影片的核心。然而,她坚称“这不是对为事情的肯定行动”。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................ EN: "She was the person who was galvanizing this energy," she said. ZH_REF: “她是激发这种能量的人,”她说。 -ZH_HYP: 1.. +ZH_HYP: (美国)(这篇)是一个不公平的东西,因为它是在为自己的,而不是为了让自己的力量而努力,而不是在那里,而是要把它给的,是的,是的,是的,是的,是的。了了 EN: "It's not a coincidence though she was on the front lines, because living life at those intersections as a black queer woman, you have so much on the line. ZH_REF: “虽然她在前线,但这并不是巧合。因为在这些十字路口的生活中,作为一个黑人酷儿女性,你有很多事情要做。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(),我们的生活是,在不可能的情况下,你会被人所迷惑的,是在他们的面前,你也是为了让别人知道的,那是对的,而不是你的意思了了了了 EN: You can feel her energy through the screen." ZH_REF: 通过荧幕,你可以感受到她的能量。” -ZH_HYP: 1.. +ZH_HYP: (4)a:(b),我们的意思是,在不可能的情况下,我将会被人所迷惑,而不是在他们的身边,在那里,你的力量是在那里,是的,是的,是的,是的。 EN: Meanwhile, back in Ferguson, the news cameras are long gone but fraught racial ties between the community and police persist. ZH_REF: 与此同时,在弗格森,新闻摄影机早已消失,但社区和警方之间紧张的种族关系依然存在。 -ZH_HYP: 1.. +ZH_HYP: 但是,在这一时期,我们的态度是,他们的处境太大了,而不是为了他们的,而不是在他们的身边,而是在那里,是为了让你的人感到厌倦,而不是为了给别人带来的,也是在说谎的 EN: Ferrell is on probation for 2½ more years for blocking a highway during a demonstration. ZH_REF: 由于在一次游行期间试图封锁高速公路,费雷尔被判两年半以上缓刑。 -ZH_HYP: 1.. +ZH_HYP: (美英)(一),可乐的,是用的,是用的,是在用的,是在中,是的,是在说谎的,是在说谎的,是为了让人更多的,而不是在那里,要么是在我们的时候了。 EN: She describes the socio-political atmosphere of the area she calls home simply: "A mess." ZH_REF: 她描述她称之为家的地区的社会政治氛围:“一团糟。” -ZH_HYP: 1.. +ZH_HYP: 4.3.在任何情况下,都是为了使自己的事业变得更容易,而不是为了自己的利益而使自己变得更糟,因为他们是在说谎的,是的,是的,是的,是的,是的,是的。了了 EN: Still, she clings to a chant she's committed to memory since taking to Ferguson's streets a full three years ago. ZH_REF: 尽管如此,自从三年前走上弗格森街头时,她一直坚持自己努力铭记的圣歌。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................... EN: "It is our duty to fight for our freedom. ZH_REF: “我们有责任为自由而战。 -ZH_HYP: 1.. +ZH_HYP: 5.a............................................................... EN: It is our duty to win. ZH_REF: 我们有责任赢得胜利。 -ZH_HYP: 1.. +ZH_HYP: 5.a............................................................... EN: We must love and support each other. ZH_REF: 我们必须相亲相爱相互支持。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)()(),我们的意思是,我们的生活是不可能的,因为他们的事也是为了得到的,而不是在他们的身边,而不是在那里,要么是为了提高他们的能力,也是对我们的最重要的,因为它是对的。 EN: We have nothing to lose but our chains." ZH_REF: 我们再无可失,除了身上的枷锁。” -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(我们)的意思是,我们的生活方式是,他们的缺点是,它是在为你的,而不是在那里,它是由你所做的,而不是在那里,它是最重要的,因为它是对的 EN: Online translation services were actually already available on the Internet a decade ago, and in fact, a very long time ago, there was a prevalent view that “machines will replace human translation”. ZH_REF: 事实上,十年之前网络上就已经提供在线翻译服务了,而其实在很早以前,关于“机器即将替代人类进行翻译”的论调就不绝于耳。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在这方面,我们的作品是用的,而不是在乎,而是在他的面前,为自己的力量而去,而不是在那里,它是由你所能的,而不是太多了了了的的的的的的的的的的的 EN: A Becoming Resemblance: artist creates portraits using Chelsea Manning's DNA ZH_REF: 相似之处:艺术家使用切尔西?曼宁 (Chelsea Manning) 的 DNA 创作肖像 -ZH_HYP: 1.. +ZH_HYP: (一)(一),是,用的,是用的,是用的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。了了 EN: In the center of the room at New York's Fridman Gallery are multiple faces - white, black and brown, each bearing an almost imperceptible resemblance to one another - suspended on wires from the ceiling. ZH_REF: 在纽约弗里德曼美术馆的展馆中央有多个面孔:白色、黑色和棕色的,每个面孔之间都有着几乎难以察觉的相似之处,这些面孔则由从天花板上垂下的线绳系着。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在这方面,我们的人都是不喜欢的,是的,是的,是的,是的,是的,是的,也是为了使自己的力量而去,而不是太多了了的的的的的的的的的的的的的的 EN: The 30 portraits were created by the artist Heather Dewey-Hagborg from cheek swabs and hair clippings sent to her by Chelsea Manning. ZH_REF: 这30幅肖像画是由艺术家希瑟?杜威?哈格堡 (Dewey-Hagborg) 使用切尔西?曼宁寄给她的脸颊棉签和头发碎屑进行创作的。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),是指甲,是由於是为了使之成为一个人,而不是在他们的面前,为自己的行为而受贿,而这是对的,而不是太多了。了了了了了了了了了 EN: Manning sent the clippings from the Fort Leavenworth prison, where the former intelligence analyst was serving a 35-year sentence after famously leaking classified diplomatic cables through the website WikiLeaks. ZH_REF: 曼宁从利文沃斯堡监狱寄出头发碎屑,因通过维基解密网站泄露了机密外交电报,该名前情报分析人员被判处在此服刑35年。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是指的是,他们的手势,是为了使他们的缘故,而不是在他们的面前,为他们的服务而去,而不是在那里,是的,是的,是的,是的,是的。了 EN: The new exhibition, which opened on 2 August, is titled A Becoming Resemblance. ZH_REF: 展览于 8 月 2 日开幕,标题是“相似之处”。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: It's the product of two years of correspondence between Dewey-Hagborg, whose discipline combines her expertise in technology, computer science and art, and Manning, a trans woman and pioneering dissident whose sentence was commuted by Barack Obama when he had just three days left in office. ZH_REF: 这是两年来杜威?哈格堡和曼宁的通信的成果,杜威?哈格堡将其学科与自己在技术、计算机科学和艺术相结合,而曼宁是一个著名的不同政见者,曾入狱,并在狱中完成了变性手术。美国前总统奥巴马在任期结束前三天,赦免了她剩余的刑罚。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,他的性格是由自己的,而不是在,是为了使自己的事业变得更有价值,而在他们的时候,他们就会被人所为,而不是在他的身边,那是对的,是的,是的,是的。 EN: By algorithmically analyzing DNA extracted from Manning and using it to create 30 portraits of what someone with that genomic data might look like, Dewey-Hagborg has created a trenchant, if somewhat cerebral, commentary on not only the malleability of DNA data - the many ways it can be interpreted, and the inherent determinism of those interpretations - but also identity. ZH_REF: 通过从曼宁的 DNA 进行算法分析,并且以此创建了“很可能出现的外表”的 30 幅肖像。希瑟杜威·哈博格以此做出了一个尖刻又略有点无情的评论。他的评论既是对于 DNA 的多意性的,也是对于身份这一概念本身的。 -ZH_HYP: 1.. +ZH_HYP: (c)【句意】(a)【句意】(b)【句意】’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Manning, who was born Bradley Edward but has spoken openly about identifying as a woman as early as adolescence, was convicted in 2013 on 20 charges, including six Espionage Act violations, computer fraud and theft. ZH_REF: 曼宁出生时的名字叫布拉德利·爱德华 (Bradley Edward) ,曾公开承认在青春期就认为自己是一名女性。于 2013 年被定罪,涉及20项指控,其中包括 6 起间谍法违规行为,计算机欺诈和盗窃罪。 -ZH_HYP: 1.. +ZH_HYP: (美国)(4).............................................................. EN: From prison, her image was repressed, so much so that there was just one photo - a granular, black-and-white selfie in which Manning, visibly uneasy, sits in a driver's seat wearing a platinum blonde wig - with which she became associated. ZH_REF: 在狱中,她的形象是被抑制的,只有一张照片,具有颗粒感的黑白自拍照,看起来明显的不安,坐在驾驶座上,戴着铂金色的假发。 -ZH_HYP: 1.. +ZH_HYP: (4)................................................................ EN: In 2015, Dewey-Hagborg was coming off the massive success of her 2012 project, Stranger Visions. ZH_REF: 2015 年,希瑟杜威·哈博格在她 2012 年的项目《陌生人的脸 (Stranger Visions) 》中取得了巨大的成功。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的工作是,是为了使自己摆脱困境,而不是为了使他们的利益而变得更容易了,而不是在2004年,他们就会被人来的,是的,是的,是的,是的,是的 EN: In it, the artist produced portraits of strangers from forensic artifacts like cigarette butts and chewing gum, extracting DNA from the detritus to conjure an image of what these folks might look like. ZH_REF: 那件作品中,她使用从烟蒂和口香糖中等法院物证,从碎屑中提取到的 DNA,创建可能相似长相的 3D 人物肖像。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的性格是由他的,而不是为他们的,是的,是的,是的,是的,他们的是,他们的力量是为了让别人的,而不是为了更多的,而不是太多了 EN: That was when she received an email from Paper Magazine. ZH_REF: 那是她正好收到来自 Paper 杂志的一封电子邮件。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,从句中,我们的意思是,他们的意思是,他们的意思是,你的意思是,你的意思是,他们的意思是,你的意思是,要把它的意思为“”””””””””””””” EN: "They were conducting an interview with Chelsea Manning while she was in prison and they wanted some kind of portrait to accompany that article," Dewey-Hagborg explained at a press preview of the new exhibition. ZH_REF: “他们想要采访在监狱里的切尔西·曼宁,并且需要一张肖像照 ”, 希瑟杜威·哈博格在展览开幕式上对媒体说道。 -ZH_HYP: 1.. +ZH_HYP: (美)()(),我们的意思是,他们是在做作业的,而不是为了给他们带来的,而不是在他们的面前,而是在他们的面前,为你的美德,而不是在他们的面前,这是对的 EN: And she couldn't be visited and she couldn't be photographed at that time, so they reached out to Chelsea and asked if she'd be interested in having a DNA portrait made. ZH_REF: 当时切尔西·曼宁不能参观,也不能拍照,所以他们联系切尔西,询问她是否有兴趣制作 DNA 肖像。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,他的性格是不可能的,因为他们的外表和我们的感情,是为了得到他们的利益,而不是在他们的面前,他们就会被打败了,而你的心也是如此的,因为他们是在一起的,是的。 EN: The artist and her incarcerated muse became unlikely pen pals, exchanging several letters over the course of two years. ZH_REF: 于是,这位艺术家和她那被监禁的缪斯成为了本不可能的笔友,在两年的时间里相互交换了许多封信。 -ZH_HYP: 1.. +ZH_HYP: (4)a:(一),(),(),(2),在我的脚趾中,我们就会被人拿去,因为他们的心都是在了,而不是在那里,是的,是的,是的,是的。 EN: They even created a comic book, Suppressed Images, illustrated by Shoili Kanungo, that envisioned a future where the president would commute Chelsea's sentence and she'd be able to see the exhibition in person. ZH_REF: 他们甚至创作了一本漫画书《压抑的头像》,由 Shoili Kanungo 所绘制。该漫画书预想总统将来可以对曼宁准许特权,她能够在狱中看到展览。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,有的是,他们的面部,是的,是的,是的,是的,是的,是的,你的对手是在那里,也是为了给你带来的,而不是在那里,了 EN: That Obama would indeed call for Manning's release just days after the book went public was a welcome sort of serendipity after seven brutal years at a military prison in Kansas. ZH_REF: 而奥巴马就在书出版后的几天要求将她获释。这或许是一场机缘巧合,当时曼宁在堪萨斯军事监狱正好度过了第七个年头。 -ZH_HYP: 1.. +ZH_HYP: (美国)(这)是一个不公平的东西,是为了让人感到羞耻,他们的工作是在为他们提供的,而不是在他们的上,才是为了给他们带来的,而不是在乎的,是在我们的上司。 EN: There's also something profound and powerful about the exhibition opening now, as Donald Trump wages war on government leakers and transgender troops while finding new, tweetable ways to further inflame the stark divisions he's been called on to mend. ZH_REF: 此外,这个展览也有另一层深意。因为当代美国,特朗普政府不断地对政府泄密者和变性军人宣战,同时寻找新的、可以在推特上炒作的方式,来赤裸裸地煽动分裂,而这个展览正是要弥合这样的分裂。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的工作是,有的是,他们的态度,是为了使他们的利益而变得更容易,而不是在他们的面前,为他们的服务而去,而不是在那里,是为了给别人带来的。 EN: When asked about the peculiar timing of it all, Dewey-Hagborg said that "things happen for a reason." ZH_REF: 当被问及这一切特殊的时机,希瑟杜威·哈博格说,“任何事情的发生都有原因”。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: In an artist statement written on the gallery's wall, Manning's super-sized signature below it (the "i" in her last name dotted with a heart), called for an end to the "automatic factionalism that gender, race, sexuality, and culture have been the basis of." ZH_REF: 在画廊墙上写下的艺术家声明中,曼宁的超大号签名在下面 (名字中的“i”用一颗心来画出来) ,呼吁结束“以性别、性取向和文化为基础的党派之争乱像。” -ZH_HYP: 1.. +ZH_HYP: 在这一时期,一个人的名字是:“我的性格,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,”他说。 EN: On the opposite wall is her mitochondrial DNA sequence - a centipede of Cs and Gs and As, written in pencil. ZH_REF: 对面墙上是她的线粒体DNA序列,用铅笔扭扭曲曲写着 Cs、Gs 和 As 符号。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),这是不可能的,因为它是在用的,而不是在他们的中,是在说谎的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: By including the 200 letters (or nucleotides, per the artist's sophisticated scientific lexicon), Dewey-Hagborg hoped to illustrate how astoundingly similar, at least in biological makeup, we all are. ZH_REF: 通过包含 200 个字母 (或核苷酸,每个艺术家复杂的科学词典) ,希瑟杜威·哈博格希望通过描绘出这些出奇相似的肖像,表达出至少在生理结构上,人人都是这样的。 -ZH_HYP: 1.. +ZH_HYP: (a)(一),在其他方面,我们将为自己的东西而作,而不是在他们的身上,而是在(或)的情况下,在这方面,它是一种最重要的东西,它是一种对我的爱,而不是在别人身上的。 EN: "What I'm hoping that people will take away from this is that our genome doesn't care about who we are, and how open genetic data is to interpretation, how subjective it is," said Dewey-Hagborg, whose 2007 video work, Spurious Memories, is also on display. ZH_REF: “我希望人们摆脱这种困境,我们的基因组不会关心我们是谁,公开的基因数据是如何解读的,它是多么的主观 ”,希瑟杜威·哈博格说,他的 2007 年的录像作品《虚假记忆》也在展出。 -ZH_HYP: 1.. +ZH_HYP: “我的意思是,”“是的,”“是的,”“我也想,”“你的意思是,”他说,“你的意思是,你要把它的东西弄到了,”说说了了了了了了了了了了了了 EN: "DNA data can tell so many different stories, so this is 30 of those stories." ZH_REF: “DNA 数据可以告诉我们很多不同的故事,所以这是其中的 30 个故事。” -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是个谜语,是为了使他们的意思,而不是在他们的身边,而是在他们的面前,为你的服务而去的,是的,是的,是的,是的,是的,是的。 EN: The final piece in the exhibition, which is contained in a single room, is one page from the aforementioned graphic novella. ZH_REF: 展览中的最后一幅作品,在一个房间内,来自前面插图中篇小说中的一页。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),是,也是为了把自己的东西弄到,而不是在他们的上,就会被人所为,而不是在那里,而是要在那里,给你带来的,是对的,对你来说,是最重要的 EN: It shows Manning, emerging, King Kong-esque, from the United States Disiplinary Barracks with a speakerphone in hand. ZH_REF: 展示了在美国的士兵手持扩音器下浮夸、金刚造型的曼宁。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................ EN: "When they chill your speech, then they've won," it reads. ZH_REF: “当他们使你的演讲停止下来,他们就赢了 ”,墙上写道。 -ZH_HYP: 1.. +ZH_HYP: “我们的作品是,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。。。。。。。。 EN: "So never shut up." ZH_REF: “所以,千万别闭嘴。” -ZH_HYP: 1.. +ZH_HYP: (美英对照),(不包括),因为它是在用的,而不是在中,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: "It came directly from a letter that she wrote to me," the artist, who hails from Philadelphia, said. ZH_REF: “这些内容直接来自她写给我的一封信 ”,这位来自费城的艺术家说。 -ZH_HYP: 1.. +ZH_HYP: “我的意思是,”他说,“我们的东西,是为了给他们带来麻烦,也是为了让他们的,而不是为了我的,”他说,“你是为了让我的,”说了了了了了 EN: "I get goosebumps still talking about it." ZH_REF: “我就是再害怕,我依然要说出的。” -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Manning hasn't seen the exhibition in-person yet - as was so presciently imagined in the comic book - but when she does, she'll be greeted in the center of the room by the masks, her own genomic simulacra congregated like hordes of protesters. ZH_REF: 曼宁还没有亲自看过这个展览,正如漫画中那么预见的那样,但是当她这样做的时候,她将由她自己的 DNA 肖像面具,就像一群抗议者在展馆中心获得欢呼。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(这是在他的作品中,也是不可能的),因为你是在说谎,而不是在他们的身边,那是对的,是的,是的,是的,是的,是的。 EN: That was purposeful, too, as is everything in the exhibition, down to the height (5"2, Manning's stature) at which her genetic haplogroups were written in pencil. ZH_REF: 这也是有目的的,正如展览中的所有物品一样,都达到了她用铅笔写成的遗传单倍群信息的高度 (5.2 英尺,曼宁的身高) 。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】(),我们的意思是,在这方面,我们都有自己的东西,而不是为了给别人的,而不是在他们的时候,也是为了给你带来的,而不是太多了 EN: "In the past, I've had them on the wall but I wanted them to feel like a crowd," Dewey-Hagborg said of the portraits. ZH_REF: “在过去,我把他们挂到墙上,但我希望他们觉得自己像一群人 ”,杜威?哈格堡谈到肖像时说道。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: "I wanted it to feel like a mass movement that was forming with Chelsea, like the movement that was behind freeing her as well." ZH_REF: “但我想让它们感觉像是一群跟随着切尔西的抗议者,正如当时人们抗议要释放她一样。” -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Northwestern Professor and Oxford University Employee Wanted for Homicide ZH_REF: 西北大学教授和牛津大学员工因杀人案被通缉 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,你的意思是,他们的意思是,我们的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: A nationwide manhunt is underway for a Northwestern University professor and an Oxford University employee who are wanted as suspects after a man was found fatally stabbed inside a luxury Chicago apartment, police said. ZH_REF: 警方表示,发现一名男子在芝加哥豪华公寓内遭到致命刺伤,一名西北大学教授和一名牛津大学员工随后被通缉,目前正在全国范围内寻找嫌犯。 -ZH_HYP: 1.. +ZH_HYP: (美国)()(),这是个谜语,是在说谎的时候,他们都是在想,因为他们是在一起,而不是在那里,是为了给别人的,而不是在那里,是为了给别人带来的 EN: On Monday, first-degree murder warrants without bail were issued for Wyndham Lathem, 42, and Andrew Warren, 56, for their alleged involvement in the death of Trenton H. James Cornell-Duranleau, Cook County court records show. ZH_REF: 库克县法院记录显示,周一,42 岁的温德姆·莱塞姆和 56 岁的安德鲁·沃伦因涉嫌特伦顿· H·詹姆斯·康奈尔·杜兰洛死亡案遭发一级无保释谋杀拘捕令。 -ZH_HYP: 1.. +ZH_HYP: 在这一情况下,一个人的名字是,他们的名字是,他们的,是为了他们的,是在他们的,是在他们的时候,在那里,是为了保护他们的,而不是在那里,也是为了控制的. EN: The documents say Cornell-Duranleau, 26, died after being stabbed multiple times. ZH_REF: 根据文件记录,26 岁的康奈尔·杜兰洛因多次刺伤而死亡。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: A community alert released by the Chicago Police Department says the body was discovered on July 27. ZH_REF: 芝加哥警察局发布的社区警报称,尸体于 7 月 27 日被发现。 -ZH_HYP: 1.. +ZH_HYP: (k)(一),(),是用完的,把它的东西放到一边,把它们的东西弄到,因为你的心都是在的,是在说谎的,是的,是的,是的,是的,是的。 EN: Officers received a call and arrived at the Grand Plaza Apartments and found the victim with several lacerations on his body. ZH_REF: 警察接到电话后到达 Grand Plaza 公寓,发现受害人身上有多处裂伤。 -ZH_HYP: 1.. +ZH_HYP: (k)(一),在这方面,我们也会有一些东西,而不是为了自己的,而不是在他们的身边,而是在他们的面前,为你的力量而去,而不是为了给别人带来的,也是最重要的 EN: Cornell-Duranleau was pronounced dead on the scene and detectives are investigating the stabbing as a homicide while police actively search for the two suspects, officials said. ZH_REF: 警方称,康奈尔·杜兰洛当场死亡,侦探正在调查这起他杀案,而警方正在积极寻找两名嫌犯。 -ZH_HYP: 1.. +ZH_HYP: (美英)(这)是,我们的人都是为了逃避,而不是为了他们的,而不是在他们的时候,就会被人的错觉,因为他们的手势都是在了,而不是在那里,是的,是的,是的。 EN: Lathem has been an associate professor of microbiology and immunology at Northwestern University since 2007. ZH_REF: 莱塞姆自 2007 年起一直担任西北大学微生物学和免疫学副教授。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),是,我们的口号是为了把自己的东西弄得太多了,而且也不为人,因为他们的事,是为了让人感到羞耻的,是的,是的,是的,是的,是的。 EN: Alan K. Cubbage, the vice president for university relations, said in an emailed statement that Lathem is now on administrative leave and has been banned from entering Northwestern University campuses. ZH_REF: 校园关系处副处长艾伦·K·考贝奇在电子邮件声明中表示,莱塞姆现在已经被离职,并且已被禁止进入西北大学校园。 -ZH_HYP: 1.. +ZH_HYP: (美)(一),在这方面,我们的态度是,从他们的角度来,对自己的事,而不是在那里,也是为了让他们的服务而去,因为他们是在那里,是为了得到的,而不是在那里,了了 EN: "This is now a criminal matter under investigation by the appropriate authorities, and Northwestern University is cooperating in that investigation," Cubbage said. ZH_REF: 考贝奇表示,“现在这是一个刑事案件,有关当局正在调查,西北大学正在积极配合调查工作。” -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是由一个人的,而不是在他们的身上,而是在他们的面前,为自己的力量而去,而不是在那里,也是为了给别人带来的,而不是在乎别人的时候,那就会被人所受的影响 EN: Warren is a senior treasury assistant at Oxford University. ZH_REF: 沃伦是牛津大学高级财务助理。 -ZH_HYP: 1.. +ZH_HYP: a:()(),(),我们的小提琴,是为了让自己的心跳而去,因为他们都是在了,而不是在那里,是为了让别人的心智而来的,是在我们的人身上,而不是在哪里? EN: A spokesperson for the university and Somerville College said in an emailed statement that, "We have been in contact with the police in the UK and are ready to help the US investigating authorities in any way they need." ZH_REF: 牛津大学萨默维尔学院发言人在电子邮件声明中表示:“我们一直与英国警方保持联系,随时准备按需协助美国调查机构。” -ZH_HYP: 1.. +ZH_HYP: (a)【句意】我们的人是个好人,也是为了让他们的人感到厌倦,而不是在他们的时候,就会被人所为,而不是在那里,也是为了让人知道的,那是对的,我们的事也是 EN: The statement added that Warren's colleagues were shocked and want him to turn himself in. ZH_REF: 声明补充说,沃伦的同事都深感震惊,并且希望他能够投案自首。 -ZH_HYP: 1.. +ZH_HYP: (4)a:(一),我们的人,是为了使他们的缘故,而不是为了使他们的缘故,而不是为了让他们的,而不是在他们的身边,而是为了在别人的生活中,对我来说,这是对你的 EN: Chief Communications Officer of the Chicago Police Department Anthony Guglielmi said he strongly encourages the suspects to surrender to authorities. ZH_REF: 芝加哥警察局首席联络官安东尼·古列尔米表示强烈鼓励嫌犯向当局自首。 -ZH_HYP: 1.. +ZH_HYP: 他的名声是,在这里,我们的人都是为了得到的,而不是为了自己的,而不是为了让他们的,而不是为了让他们的服务而去,因为他们的事也是为了得到的,而不是在我们的身边,而是要在那里 EN: "Police have an idea of their whereabouts but our efforts to locate that are intensifying," Guglielmi said. ZH_REF: 古列尔米表示,“警方对他们的下落已经有了一个大概的想法,我们正在努力定位可能的地点。” -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Guglielmi said local, regional and national authorities are helping find the suspects. ZH_REF: 古列尔米表示,当地、地区和国家当局正在全力协助搜查嫌疑犯。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,有的是,他们的处境,是为了使他们的缘故,而不是为了给他们带来麻烦,因为他们的工作是在(或)上的,而不是在那里,是为了得到更多的 EN: Guglielmi said police received a call from the Grand Plaza building manager who had just received a cryptic tip that said something had occurred in apartment 1008. ZH_REF: 古列尔米表示,警方接到 Grand Plaza 公寓经理的电话,他刚刚收到一则秘密提示,说 1008 号公寓有情况发生。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................... EN: Police described the scene as very gruesome. ZH_REF: 警方称当时情况非常可怕。 -ZH_HYP: 1.. +ZH_HYP: (k)(一),是,把我们的东西从表面上掉下来,把它放在一边,把它放在一边,把它放在一边,把它放在一边,还是要用的,让它的上司匹配置 EN: Guglielmi said it is unclear if the incident also occurred on July 27. ZH_REF: 古列尔米表示目前仍不清楚这起事件是否也发生在 7 月 27 日。 -ZH_HYP: 1.. +ZH_HYP: (n)【句意】(这是,我们的意思是,你的意思是,你的意思是,在我的时候,都是为了让人更有好处,也是为了让他们的力量而去做) EN: Lathem and Warren were confirmed to be at the building by security cameras, he said. ZH_REF: 他说,根据安全摄像头,确认莱塞姆和沃伦当时在大楼里。 -ZH_HYP: 1.. +ZH_HYP: 5.a............................................................... EN: "We believe Professor Latham and the victim had a relationship," Guglielmi said. ZH_REF: “我们相信莱塞姆教授和受害者有一定关系,”古列尔米说。 -ZH_HYP: 1.. +ZH_HYP: (美国)(美):“我们的是,”,“我们的”是,从句中,有的是,它的意思是,它是用的,而不是在你的上,也是为了给你带来的,而不是在乎的 EN: The management team at Grand Plaza released a statement to residents saying, "Police are currently working on the timeline and background of the victim and are exploring a variety of motives, including a possible domestic incident." ZH_REF: Grand Plaza 的管理团队向居民发布声明称:“警方目前正在研究受害者的案发时间线和案发背景,正在调查各种动机,包括一起可能的国内事件。” -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的名字,是为了使他们的工作变得更加危险,而不是在他们的身边,而是在那里,为自己的工作提供了一个好的方法,而不是在那里,也是为了给别人的 EN: "We'll complete WADA roadmap in near future" - Russian Deputy PM Mutko ZH_REF: 俄罗斯副总理穆特科表示,“我们将在不久的将来完成世界反兴奋剂机构路线图” -ZH_HYP: 1.. +ZH_HYP: (美国)(这篇)是我们的,是为了使自己的事业变得更容易,也是为了让自己摆脱困境,而不是在那里,也是为了让人感到厌倦了,因为他们是在一起,而不是在那里,了了 EN: Russian Deputy Prime Minister Vitaly Mutko has said it will not take long to implement the remaining World Anti-Doping Agency (WADA) criteria for the reinstatement of the Russian Anti-Doping Agency (RUSADA). ZH_REF: 俄罗斯副总理维塔利·穆特科表示,落实世界反兴奋剂机构 (WADA) 针对恢复俄罗斯反兴奋剂机构 (RUSADA) 权利的剩余标准不会花费过长时间。 -ZH_HYP: 1.. +ZH_HYP: 一个人的错误,是,不可能是,我们的目的是为了把它们的东西从表面上掉下来,而不是在(d)上,让人感到很好,因为它是由你所做的,而不是在那里,它是什么?的 EN: "A certain stage of fulfilling the road map criteria has been carried out, RUSADA obtained the right to plan and test in cooperation with UKAD (UK Anti-Doping). ZH_REF: “实施路线图标准已经开展到了一定的阶段,RUSADA 获得了与 UKAD(英国反兴奋剂机构)合作进行计划和测试的权利。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),有的,是用的,对的,是的,是在用的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: The WADA roadmap was updated in this regard," Mutko stated on Thursday. ZH_REF: WADA 路线图在这方面进行了更新,”穆特科周四表示。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,我们的态度是,我们的处境也是,他们的事,是为了得到的,而不是为了得到更多的保护,而不是为了给他们带来的,那就会使我的心烦起来,而不是在高处,而是要把它的东西弄得太平了 EN: The PM was commenting on the second part of WADA's Roadmap to Code Compliance, which describes the criteria for the reinstatement of RUSADA and which recently published on the organization's website. ZH_REF: 副总理穆特科在评论世界反兴奋剂机构路线图《遵守规定》的第二部分时做出上述表述。该部分规定了恢复 RUSADA 权利的标准,并于最近在该组织网站上发布。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的意思是,我们的生活是由他的,而不是在,他们的意思是,他们的意思是,他们的意思是,你的意思是,你的意思是,“你的意思是什么?了了了了””””””””” EN: According to Mutko, it does not contain anything that could cause concern for Russia. ZH_REF: 据穆特科所述,标准中不包含任何可能引起俄罗斯担忧的事情。 -ZH_HYP: 1.. +ZH_HYP: 4.5.如果没有人的意愿,就会被人所束缚,而不是为了使他们的缘故,而不是在他们的身边,而是在为自己的工作中,而不是在别人身上,而是要用的,那是对的,对我来说,这是很有价值的 EN: "Everything has been announced, everything will be implemented. ZH_REF: 他补充说,“一切都得已宣布,一切都会实施。 -ZH_HYP: 1.. +ZH_HYP: “(b)”“是的,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。。。。。。。 EN: And the results will be presented to the International Olympic Committee [IOC] and WADA in the near future," he added. ZH_REF: 并且会在不久的将来将结果提交给国际奥委会 [IOC] 和 WADA。” -ZH_HYP: 1.. +ZH_HYP: (a)为使人的眼睛和其他的东西,而不是从他们的角度来看待,而不是在(d)的时候,它将被称为“l”,它的意思是“”“”“”“”“”“”“”“”“”。。。。。。。。。 EN: One of the criteria mentioned in the list, however, states that Russian anti-doping authorities must publically accept the reported outcomes of the WADA-sanctioned investigation by Canadian lawyer Richard McLaren on alleged state-sponsored doping in Russian sport. ZH_REF: 然而,名单中提到的标准之一是,俄罗斯反兴奋剂机构必须公开接受由加拿大律师理查德·迈凯伦就 WADA 批准的关于俄罗斯国家支持在本国体育运动中使用兴奋剂事件的调查结果。 -ZH_HYP: 1.. +ZH_HYP: 然而,在这一阶段,我们的责任是,对,也是为了使他们的利益而被滥用,而不是为了使他们的利益得到了更多的保护,而不是由美国人所做的,而是被人所接受的.的的的的的的的的 EN: Referring to the matter, Mutko said: "We are conducting the investigation, as our anti-doping system admitted a failure. ZH_REF: 谈到此事,穆特科说:“我们正在调查,我们的反兴奋剂系统毫无疑问失败了。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),这是指的,是在不可能的,因为我们的工作是在用的,而不是在那里,是的,是的,是的,是的,是的,是的,是的,是的。了了 EN: All measures have been implemented. ZH_REF: 所有措施都已经实施。 -ZH_HYP: 1.. +ZH_HYP: 5.4................................................................. EN: But there were no state programs, and we will not admit something that didn't exist." ZH_REF: 但这背后并不存在国家计划,我们不会承认不存在的东西。” -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Mutko's words echoed those of Vitaly Smirnov, the head of Russia's Independent Public Anti-Doping Commission. ZH_REF: 穆特科的话回应了俄罗斯独立公共反兴奋剂委员会负责人维塔利·斯米尔诺夫的话。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Talking to Russian outlet RSport earlier in the day, Smirnov admitted past problems in Russian anti-doping bodies, but added: "We have said on numerous occasions, that the report contains controversial positions and regulations. ZH_REF: 斯米尔诺夫在当天早些时候接受媒体 Russian outlet RSport 访问时承认了俄罗斯反兴奋剂机构过去存在的问题,但他补充道:“我们多次在各种场合说过,报告中包含有争议的立场和规定。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(我们)在这里,我们的意思是,在这方面,我们都有了,而不是在说谎,他们的意思是,他们的意思是,“你的意思是,”“”“”“”“”“”“”“”。。。。。。 EN: No one plans to accept this report unconditionally," Smirnov added. ZH_REF: 没有人计划无条件接受这份报告,”斯米尔诺夫说。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,我们的人,都是为了得到的,而不是为了得到更多的东西,而不是为了给别人的,而不是在他们的上司面前,而是要把它给的东西 EN: RUSADA was suspended from carrying out doping controls within Russia by WADA in November 2015 in the wake of the doping scandal. ZH_REF: 2015 年 11 月兴奋剂丑闻后,WADA 暂停了 RUSADA 在俄罗斯境内实施兴奋剂检查的权利。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................ EN: It was, however, permitted to plan and coordinate testing under the supervision of international experts and UK Anti-Doping (UKAD) this June. ZH_REF: 但今年六月,RUSADA 得到允许,今年可以在国际专家和 UKAD 的监督下计划和协调检测。 -ZH_HYP: 1.. +ZH_HYP: 但是,在这一过程中,我们的工作是由衷的,而不是为了得到更多的保护,而不是在他们的面前,他们的工作是由衷的,而不是在那里,他们的力量是什么?的的的的的的的的的的的的的的的 EN: Following a visit to the organization's headquarters in Moscow in July, WADA Director General Olivier Niggli stated that RUSADA is "moving in the right direction" to be reinstated. ZH_REF: WADA 总干事奥利维亚·奈格丽在七月份访问该组织位于莫斯科的总部时表示,RUSADA 正“朝着正确的方向前进”,努力恢复其权利。 -ZH_HYP: 1.. +ZH_HYP: (a)【句意】(我们)的,是的,是在为我们的,而不是在一起,他们是在说谎的,是的,是的,是的,是的,是的,是对的,而不是最需要的。 EN: As far as computers are concerned, whether Chinese checkers or chess, defeating humans was already a clinch decades ago. ZH_REF: 对于计算机来说,无论是跳棋或是国家象棋,击败人类在几十年前已经不在话下。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: The president of Croatian Football Association Davao Suk said in an interview that participation in the China Cup is very meaningful for Croatian football, and the Chinese Cup’s bonus was considerable. ZH_REF: 克罗地亚足协主席达沃-苏克在接受采访时表示参加中国杯对于克罗地亚足球很有意义,中国杯的奖金数字非常大。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在这方面,我们的作品是用的,是在用的,是在说谎的,是在说谎的,是在对的,也是对的,而不是在意的,是的,是的,是的。 EN: Forget purchasing agents! These 8000-plus products enjoy zero tariff ZH_REF: 再也不用找代购了!这8000多种产品零关税 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: At the regular press conference of the Ministry of Commerce (MOFCOM) held on January 11th, spokesperson Gao Feng said that to date, China has 15 Free Trade Agreements (FTAs) in force, involving 23 countries and regions, encompassing more than 8000 imported products at zero tariff. ZH_REF: 在1月11日商务部召开的例行新闻发布会,商务部新闻发言人高峰表示,截至目前,我国已经生效实施的自贸协定有15个,涉及23个国家和地区,涵盖了8000余种零关税的进口产品。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的调查是由一个人组成的,而不是由他们所做的,而是在他们的中,有的,是在100年中,有的是,它的数量在一起,而不是在中国,你的意思是什么?了 EN: Meanwhile, you no longer have to spend a lot of money to have purchasing agents buy the products you want such as imported cosmetics, salmon from Iceland, red wine from Chile, tropical fruits from ASEAN .... ZH_REF: 同时,进口化妆品、冰岛三文鱼、智利红酒、东盟的热带水果......你要的这些产品不用再花大价钱代购了。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在这方面,我们的代价是,从他们的手中夺走了,而不是在他们的身上,也是为了让自己的利益而去,因为它是由你所拥有的,而不是在中国,是最坏的,是的。 EN: Currently, China has signed 16 FTAs, involving 24 countries and regions, of which 15 have come into effect, encompassing more than 8000 imported products at zero tariff. ZH_REF: 目前,我国已与24个国家和地区签署了16个自由贸易协定,已经生效实施的有15个,涵盖了8000余种零关税的进口产品。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的名字,是,他们的意思是,他们的意思是,他们的意思是:“我的意思是,你的意思是,我们要去做,”他说,“你的意思是,”说了 EN: Take agricultural produce for example. The implementation of the FTAs has meant that consumers can now sample affordable agricultural produce from different places of production throughout the year. ZH_REF: 以农产品为例,随着自贸协定的实施,消费者一年四季都可以品尝到来自不同产地、质优价廉的农产品。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),是,我们的东西,是为了使他们的缘故,而不是为了自己的利益而去,而不是为了让他们的,而不是在那里,而是要在那里的,是为了得到的,而不是在那里,要么是最坏的。 EN: For instance, import tariffs have been cut to zero for the following products: tropical fruits from ASEAN such as durians, lychees, and pitaya from 15-30% previously; ZH_REF: 比如,东盟的榴莲、荔枝、火龙果等热带水果,进口关税由15%到30%降为零关税。 -ZH_HYP: 1.. +ZH_HYP: (a)【句意】(a),我们的产品是,从句中解脱出来,而不是在,它是由它的,它的意思是:“你的意思是,”“”“”“”“”“”“”“”了。。。 EN: salmon from Iceland, from 10- 12%; and ZH_REF: 冰岛三文鱼进口关税由10%到12%降为零关税; -ZH_HYP: 1.. +ZH_HYP: 5.a.................................................................. EN: red wine from Georgia and Chile, from 14-30%. ZH_REF: 格鲁吉亚和智利的红酒,进口关税由14%到30%降为零关税; -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: Specialty agricultural products such as beef and milk powder from New Zealand have also seen a relatively large reduction in tariffs. ZH_REF: 还有新西兰的牛肉和奶粉等特色农产品等都有较大幅度的降税。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在其他方面,我们的态度是,在不可能的情况下,为他们提供的东西,而不是在他们的身上,而是在他们的身上,还是要用的,对的,对的,对的,对的,对的,对的。 EN: Industrial products have benefited as well. For example, import tariffs for some cosmetics from Switzerland have been reduced to zero, while ZH_REF: 以工业品为例,例如,瑞士部分化妆品进口关税已经降为零; -ZH_HYP: 1.. +ZH_HYP: (一)(一),也是有可能的,因为它们的价格是由,而不是用它来的,而是在为之提供了便利,而不是在(或)上,它的意思是,它是对的,而不是在其他方面的 EN: that for some watches have fallen to 50%, and will fall further to zero in a few years’ time; ZH_REF: 部分手表进口关税降低了50%,并将在几年后降为零关税; -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: products from South Korea such as refrigerators, rice cookers, massage devices, and cosmetic apparatus will now be subject to a lower import tariff of 40%, and fall further to zero in a few years’ time; ZH_REF: 韩国的电冰箱、电饭锅、按摩仪、美容仪等产品进口关税降低了40%,并将在几年后降为零关税; -ZH_HYP: 1.. +ZH_HYP: (一)(一),在其他方面,我们的产品是不可能的,因为它们的价格是由,而不是在(或)上,而不是在其他国家,而不是在(d)的情况下,这是对我们的影响的的的的的的的的的的的的的的 EN: and consumer electronics and other relevant products have also seen a relatively large reduction in tariffs. ZH_REF: 还有消费类电子产品等有较大幅度的降税。 -ZH_HYP: 1.. +ZH_HYP: (a)(一),在其他方面,我们的处境也是不可能的,因为他们是在做作业的,而不是为了使他们的缘故,而不是为了让别人的心想而去,因为它是对的,而不是最重要的,是对的 EN: Products at zero tariff under the FTAs also include intermediates and raw materials required for the domestic production of end-user consumer goods, which will, to a certain extent, also upgrade the mix of domestically produced consumer goods. ZH_REF: 同时,自贸区项下的零关税产品还包括许多国内终端消费品制造所需要的中间产品和原材料,也在一定程度上推动了国产消费品的结构升级。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在其他方面,我们的产品是用的,而不是在他们的中,是为了使他们的产品变得更容易,而且也是为了提高他们的服务而来的,是对的,而不是在美国的,是对的。 EN: MOFCOM spokesperson Gao Feng said that approximately one-third of China’s total imported products enjoy tariff concessions under the FTAs, of which the majority are end-user consumer goods, thus providing tangible benefits to consumers. ZH_REF: 商务部新闻发言人高峰表示,我国总进口额近三分之一的产品可以享受自贸协定优惠关税的待遇,其中大部分是终端消费品,给消费者带来了实实在在的好处。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的工作是,对,我们的人都有好处,而不是为了得到更多的东西,而不是在他们的产品上,而是在那里,是为了得到的,而不是在那里,也是为了提高他们的利益而付出的代价 EN: Further reductions in import tariffs of consumer goods ZH_REF: 进一步降低消费品进口关税 -ZH_HYP: 1.. +ZH_HYP: (a)(一)为使其成为一种危险,而不包括在其他情况下,以牺牲品,以换取货物,以使其成为可能的,并使之成为对其进行的最严重的损害(即是在国际上对其进行的)的的的的的的的的的 EN: On December 1, 2017, China further lowered the import tariffs of some consumer goods. The reductions covered 187 eight-digit HS codes comprising food, health supplements, pharmaceuticals, chemical products for daily use, clothing, footwear and headgear, home appliances, culture and recreation, miscellaneous and sundry goods, as well as other consumer goods. ZH_REF: 自2017年12月1日起,我国对部分消费品进口关税进行调整,进一步降低消费品进口关税,范围涵盖食品、保健品、药品、日化用品、衣着鞋帽、家用设备、文化娱乐、日杂百货等各类消费品,共涉及187个8位税号。 -ZH_HYP: 1.. +ZH_HYP: 在美国,对其进行了彻底的调查,包括了19种产品,其消费品的价格和消费品的数量,是用人的,而非人的,是的,是的,是的,也是我们的,是的,是的,是的,也是你的。 EN: The average tariff rate of these consumer goods more than halved, plunging from 17.3% to 7.7%! ZH_REF: 这批消费品的平均税率将由17.3%直降至7.7%,几乎被“拦腰斩”! -ZH_HYP: 1.. +ZH_HYP: 5.4.1.3.在不允许的情况下,我们的贸易是不可能的,因为他们的人在经历了某种形式的压力下,而不是在(或)上,而不是在(e)上,这是对我们的最坏的 EN: With effect from January 1, 2018, partial adjustments were also made to other import and export tariffs. ZH_REF: 2018年1月1日起,我国对其他进出口关税也进行了部分调整。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: The import tariffs of lipstick, eye shadow, perfume and some other cosmetics fell from 10% to 5%. ZH_REF: 唇膏、眼影、香水等部分化妆品进口关税由10%降至5%; -ZH_HYP: 1.. +ZH_HYP: (一)(一),一刀,一刀,(二),(五),()(二),()(),和(或)(),是在不可能的,因为它是在我们的,是很有价值的的的的的的 EN: This decline in tariff rates means that consumers do not have to have a purchasing agent or travel overseas to buy the foreign products they like. ZH_REF: 降低关税以后,意味着消费者不用代购、更无须大老远跑国外去买喜欢的外国产品了。 -ZH_HYP: 1.. +ZH_HYP: (k)(一),这是对我们的,是为了使自己的产品变得更容易,而且也是为了使他们的利益而被人所束缚,而不是在他们的身边,要么是为了得到的,也是为了得到的,而不是在西方的任何一个人。 EN: 2018 Yiwu Imported Commodities Fair: Imported red wine, snacks, fruits ... everything has become affordable! ZH_REF: 2018义乌进口商品购物节:进口红酒、零食、水果...统统便宜了! -ZH_HYP: 1.. +ZH_HYP: (2)【句意】(a)【句意】我们的意思是,我们的生活是由“”的,而不是在他们的上,也是为了给别人带来的,而不是在乎的,是的,是的,是的,是的。 EN: Foreign press: Year-end return policies at US malls vary widely; be cautious when returning gifts ZH_REF: 外报:年终美国商场规定差异大 购物退货需谨慎 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),(),我们的货品是不容易的,因为他们的意思是,他们的意思是,他们的意思是,要把它给别人的,是的,是的,是的,是的,是的,是的 EN: China News Service, December 29 ZH_REF: 中新网12月29日电 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: US-based “World Journal” reported that there was a wave of gift returns just after Christmas. ZH_REF: 据美国《世界日报》报道,圣诞节刚过,就迎来退货潮。 -ZH_HYP: 1.. +ZH_HYP: 5.a.................................................................. EN: A report by American Broadcasting Company (ABC) revealed that approximately half of the goods sold last Christmas were exchanged or returned. ZH_REF: 据美国广播公司(ABC)报道,去年圣诞节出售的商品,约有超过一半被退换货。 -ZH_HYP: 1.. +ZH_HYP: (a)(一),在我们的后面,这是个不寻常的东西,因为他们的东西是用的,而不是在他们的上方,而是在他们的身边,在那里的一切都是为了得到的,而不是在(e)的的的的的 EN: Elsewhere, readers had repeatedly reported having been cheated while shopping online. Shoppers should be on their guard when shopping at unofficial websites. ZH_REF: 另外,有读者多次爆料网购被骗,消费者在非正规网站购物时需多留心。 -ZH_HYP: 1.. +ZH_HYP: (a)(一),在其他方面,我们都是为了避免,而不是在他们的手中,他们的才是,他们的工作是为了得到的,而不是在那里,要么是为了得到更多的保护,而不是在西方的任何一个人的(或) EN: In general, large shopping companies have official and reasonable return procedures, but if you have shopped for gifts at certain small stores or online, you must be careful. ZH_REF: 一般来说,大型购物公司都有正规、合理的退货程序,但若从一些小商店买礼品或电商购物,必须小心。 -ZH_HYP: 1.. +ZH_HYP: 但是,在任何情况下,我们都是为了得到的,而不是为了自己的利益而去,而不是为了他们的,而不是在他们的身上,而是在你的身上,还是要用的,让你的心智多端, EN: A Madame Hou of Rowland Heights bought a jacket from an online store specializing in print jackets for more than $60 (USD, the same hereinafter) on December 1, local time, but has yet to receive her purchase. ZH_REF: 罗兰冈的侯女士当地时间12月1日在一家专门卖印花外套的网上店铺,花60多元(美元,下同)买了一件外套,结果到现在也没有寄到。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),(),(2),(2),在用的东西,你的钱都是用的,因为它是用的,而不是在上,而是要花了,就会有多的,因为它是什么,而不是 EN: She sent an email to customer service but did not receive any reply from the store. ZH_REF: 她给客服发了邮件,也不见回复。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................... EN: Elsewhere, a netizen revealed that when on tour in the US last year, he bought a mobile phone from a third-party seller, but received a box of plasticine on delivery instead. ZH_REF: 另有网友爆料,去年赴美国旅游,向第三方卖家购买一部手机,寄来后发现里面却是一盒橡皮泥。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的名字是,是为了使自己的事业变得更容易,而不是在他们的身边,而是在他们的面前,为你的服务而去的,是的,是的,是的,是的,是的,是的。 EN: After he realized he was deceived, he applied for a refund from the website. Fortunately, he was able to receive a full refund. ZH_REF: 知道被骗后,向网站申请退款,还好得到全额退款。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)()(这),他的意思是,我们的生活是不可能的,因为他们的事,是为了得到的,而不是在那里,他们都是为了得到的,而不是在那里,要么是为了得到更多的 EN: Nonetheless, some customers felt that website refund services are not perfect. ZH_REF: 但也有顾客认为,网站退款服务不是百分之百完美。 -ZH_HYP: 1.. +ZH_HYP: (4)在他的作品中,有一个人的错误,是,他们的目的是为了使他们的工作变得更糟,而不是在他们的身边,而不是在那里,要么是在那里,要么是为了提高他们的利益而使自己的人更多了 EN: Mr Wang, an ethnic Chinese resident of Northern California, purchased goods at a certain website on urgent delivery services twice at a cost of $4 each but both times, the goods failed to arrive promptly. ZH_REF: 一位北加州华裔居民王先生说,曾经两次购某网站的加急配送服务,一次加急服务四元,但两次都没有按时送到。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................ EN: He applied for a refund subsequently but did not get a reply. ZH_REF: 之后再申请退款,也没有得到回复。 -ZH_HYP: 1.. +ZH_HYP: 在他的书中,有一个错误的理由,是,我们的目的是为了使自己的处境,而不是为了使他们变得更有可能,而不是在他们的身边,就会被人所为的,而不是最需要的,而是要在那里的 EN: Large department stores or shopping malls have better return policies. ZH_REF: 大型商场或购物场都有较好的退货政策。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),也是不可能的,因为他们的事,都是在说谎,他们的意思是,要把它放在一边,还是要把它的东西弄得太多了了了了了了了了了的的 EN: Most of Macy’s merchandise may be returned for a full refund within 180 days, ZH_REF: 梅西百货(Macy’s)大部分商品180天以内全额退款。 -ZH_HYP: 1.. +ZH_HYP: 5.a.................................................................. EN: but the merchandise has to be in its “original” state, and the customer has to produce proof of purchase such as the receipt or the bank purchase record. ZH_REF: 但商品须保持“原有”样子,且需有购买凭证如收据或银行购买记录。 -ZH_HYP: 1.. +ZH_HYP: 但如果有,就有了,那就会被人的遗漏了,也是为了让他们的心烦起来,而不是在他们的面前,把它给了你的,是的,是的,是的,是的,是的,是的,是的。 EN: Without proof of purchase, the customer may also receive the store’s credit which may be used to purchase other merchandise. ZH_REF: 如果没有凭证,顾客也可以获得商场积分,可用于购买其他商品。 -ZH_HYP: 1.. +ZH_HYP: 如果有的话,就会被认为是不可能的,因为他们的钱是在用的,而不是在那里,也是为了让自己的,而不是在他们的上司,而不是在那里,还是要把它的东西弄得太多了了了了了了了 EN: Target has a 90-day return deadline for general merchandise. For electronic products, the deadline is normally 15 days, ZH_REF: Target对一般商品通常有90天退货期限,电子品通常15天。 -ZH_HYP: 1.. +ZH_HYP: (一)(一)有的是,在不允许的情况下,我们将其从表面上掉下来,而不是在(或)上,它是由它的,而不是在(或)上,它的意思是:的的 EN: but it is extended to 30 days for electronic and entertainment related products purchased between November 1 and December 25, 2017; ZH_REF: 但2017年11月1日至12月25日期间购买的电子、娱乐类商品的退货期限延至30天。 -ZH_HYP: 1.. +ZH_HYP: 但是,在这一时期,我们的态度是,在做任何事情上,都是为了得到的,而不是为了使他们的利益而变得更容易了,而且是在1950年,我们也是为了得到的,是的,是对的,而不是最坏的。 EN: note that the 30-day return deadline begins on December 25, i.e., merchandise purchased must be returned by January 25, 2018. ZH_REF: 需要注意的是,30天退款期限是从12月25日开始算,也就是要在2018年1月25日之前退货。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(这是我的意思),你的意思是,你的钱都是为了得到的,而不是为了得到更多的东西,而不是在2005年的时候,我们都会有什么关系?了了了了了了了了了了了了了 EN: The ultimate shopping experience with the advent of a new era in commercial district shopping development ZH_REF: 极致购物体验,商圈购物发展新时代来临 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: More than 10 years ago, China was, on the whole, still a sellers’ market. Selection was limited, and so was demand. ZH_REF: 十多年前,我国总体上还处于卖方市场,人们的选择有限,需求也有限。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................ EN: A decade hence, the market has long developed into a buyers’ rather than that of a sellers’ market. Shoppers have now become a lot more demanding as well, and are no longer satisfied simply with a “cash on delivery of goods” shopping behavior. ZH_REF: 但经过十年的发展,市场早已实现了从卖方市场向买方市场的转变,如今的消费者口味变得更刁,他们不再满足于简简单单的“一手交钱一手交货”的购物行为。 -ZH_HYP: 1.. +ZH_HYP: (a)(一),这是对我们的,是为了使自己的贸易变得更容易,而不是为了使他们的利益而变得更有可能,而不是在(或)上,我们都会有更多的东西。了了了了了了了了了了了了了了了 EN: Therefore, how to offer shoppers the ultimate shopping experience has become the next competitive point for real estate developers. ZH_REF: 因此,如何让消费者得到一场极致购物体验则成了房地产开发商们的下一个竞争点。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),(),(),(),是在不可能的,因为它是在为他们提供的,而不是在上,是在说谎的时候,它是对的,而不是在别人身上的 EN: Of the many factors that affect a shopper’s shopping experience, the impact of shopping centers in business districts is the most important. ZH_REF: 而在影响消费者购物体验的诸多因素中,商圈里的购物中心的影响最为重大。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),是由不对的,而不是在他们的中,是在说谎的,是在说谎的,是在说谎的,是在那里,还是要用的,要把它的意思和联系在 EN: Let’s take a look at how urban builders focus on the shopping experience. ZH_REF: 看各地城市建设者如何注重购物体验。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: No two leaves are alike, nor can one find two completely identical shopping malls. A famous shopping mall must have its own characteristics. ZH_REF: 世界上没有两片完全一样的叶子,更没有两个完全一样的购物中心,一个有名的购物中心必然有属于自己的特色。 -ZH_HYP: 1.. +ZH_HYP: (美)(一),(),我们的东西是在不可能的,也是在不喜欢的,因为他们的事,是在说谎的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: Take Turkey’s world-renowned Kanyon Shopping Center. Its unique undulating architectural design was inspired by the Grand Canyon, hence its homophonous name Kanyon. You feel like you’re in the Grand Canyon when walking along the 200-meter footpath in the midsection of Kanyon. ZH_REF: 比如土耳其举世闻名的Kanyon购物中心,它独特的波浪形的建筑设计灵感来自大峡谷(Canyon),因此取名为谐音的Kanyon,行走在Kanyon中部长200米的步道中仿佛置身于大峡谷内。 -ZH_HYP: 1.. +ZH_HYP: (美)(4)............................................................... EN: In addition to the canyon-like design, there is a large unique inward concave oval-shaped performance venue in the middle of shopping center where specialty performances are often held. ZH_REF: 除了峡谷式的设计,在购物中心的中央还设有一个向内凹的大型椭圆形演出场地,外形独特,经常会举办特色表演。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Its open platform design offers visitors at every floor a view of the activities held in the “canyon”, and the scene changes as you take each step. ZH_REF: 因为开放的平台设计,使游客行走在每一层都能俯看“峡谷”中进行的活动,并有移步换景的效果。 -ZH_HYP: 1.. +ZH_HYP: (a)【句意】(a)【句意】我们的意思是,在这方面,我们的工作是为了给自己带来的,也是为了使他们的利益而变得更糟的,而不是在你的身边,那是对的,对我们来说是很有道理的 EN: In China, the Nanjing Forest Mall Commercial Street, known as the country’s first forest style pedestrian consumption venue, is a perfect integration of shopping and ecology as well as fairy tales. ZH_REF: 而在国内,有中国首座森林式漫步消费场之称的南京森林摩尔商业街则将购物与生态、童话完美结合在一起。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,我们的人,是为了使他们的利益而变得更容易了,而不是在他们的时候,就像你的一样,是的,是的,是的,是的,是的,是的,是的,是的。 EN: With a 7,000 sqm green plaza, and a 3,000 sqm rooftop water feature, the project is made up of nine individual buildings, linked by a sky bridge. The sunken garden design for the entire project, plane trees as its architectural surface, and the rooftop water feature create the feeling of being in a forest. ZH_REF: 7000平米绿地广场,3000平米屋顶水域平台,项目由9栋单体建筑组成,各建筑之间空中连廊相接,整体下沉庭院设计,取地缘之上法国梧桐树为建筑表皮,屋顶水域天台,营造出森林般的感觉。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的名字,是一个人的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是对的,而不是在地球上,它的意思是 EN: On entering the Forest Mall, you’d feel like you have accidentally fallen down the rabbit hole in Alice’s Adventures In Wonderland. The tall tree trunks surround the buildings, and the lawn and stream are beautifully juxtaposed, drawing the masses into a forest full of life and vitality. ZH_REF: 走进森林摩尔,就像一不小心掉进了爱丽丝漫游奇遇记中的兔子洞,攀沿着的树干将建筑围绕,草地、清泉相映衬,将人们带进充满生机与活力的森林。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在这方面,你的心都是在,而不是在他们的身边,他们的心都是在的,是的,是的,是的,是的,是的,是的,是对的,也是对的. EN: Then there is Chonqing. The Lijia Waterfront Business District built by Longhu Properties has plans to attract a diverse range of businesses, and expects to bring in more than 50 world class flagship stores, with more than 100 world class brands and over 500 renowned foreign and domestic brands so as to create a commercial center with a distinctive theme that brings the services sector together. ZH_REF: 还有在重庆,龙湖打造的礼嘉滨水商圈,规划百方商业,计划未来引进超过50家国际顶级专卖旗舰店,100个以上国际顶级品牌和500个以上国内外著名品牌,打造成为服务产业集聚、主题特色鲜明的商业中心。 -ZH_HYP: 1.. +ZH_HYP: 然而,在一个“大”,“”,“”,“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”!。。。。。 EN: In addition, the Lijia Waterfront Business District will also integrate ecology into architecture. Based on a transit-oriented development (TOD) concept, it integrates shopping, household services and amenities, dining, entertainment, education and sports, providing shoppers the ultimate shopping experience while affording them the luxury of enjoying Chongqing’s unique “waterfront culture”, a perfect blend of shopping, and water entertainment and recreation. ZH_REF: 不仅如此,礼嘉滨水商圈还将生态融入建筑、以TOD公共交通为导向,集时尚购物、生活服务、餐饮、娱乐、教育、运动于一体,在带给消费者极致购物体验的同时还引领他们享受重庆独特的“滨水文化”,将购物与水上娱乐、休闲完美融为一体。 -ZH_HYP: 1.. +ZH_HYP: 此外,在中国,我们的生活方式是:“我们的事业,是一种奢侈品,它是一种奢侈品,它是一种奢侈品,它是一种奢侈品,它是一种奢侈品,它是一种奢侈品,”“你的生活”,是的。 EN: From the above examples, it is noted that, at present, a number of real estate developers have noticed the discovery of this new urban business phenomenon. Insiders indicate that this consumption model which is centered on the consumer experience and which explores the means to combine shopping and experience will become the mainstream of urban development in the future. ZH_REF: 综上可以发现,目前,已有一部分房企洞悉了这种新的城市商业的发现轨迹,而业内人士表示,这种以消费者体验为中心,如何把购物与体验相结合的消费模式也将是未来城市发展的主流。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的观点是,它的作用是,它是一种在不可能的情况下,而不是在他们的时候,它是在为人的,而在这方面,它是一种很好的方式,而不是在哪里?的的的 EN: Today’s business districts are no longer merely the distribution centers of goods. Rather, they are more integrated venues that bring together the arts and culture as well as creative themes; they also carry the responsibility of the masses toward urban living. ZH_REF: 现在的商圈不仅仅是货品的集散地,更多的是融合艺术文化、创意主题的综合场所,也承载着人们对都市居住的责任。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),在其他方面,我们的贸易是不可能的,而不是为了使他们的利益而变得更有价值,而不是在他们的身边,而是在一起,是为了给人带来的,也是对的,而不是什么,而是我们的意思 EN: Therefore, in addition to meeting the one-stop material needs of dining and entertainment of consumers, maximizing the transmission of multi-tiered cultural and artistic spiritual needs, as well as bringing the livable qualities of residential needs into play will inevitably become the high point of future business district development. ZH_REF: 因此在满足消费者吃喝玩乐购一站式物质需求的同时,最大化的传递文化艺术多层次的精神需求,发挥宜居的居住需求,必然是商圈未来发展的制高点。 -ZH_HYP: 1.. +ZH_HYP: 因此,在一个人的情况下,我们需要的是,他们的生活方式是,他们的品味,是为了满足他们的需要,而不是在他们的中,才会有更多的东西,而不是在高处的时候,才会有价值的东西 EN: In Chongqing, Guoxing Property’s Beianjiangshan is located north of the Yangtze River, close to Guanyin Bridge, where the who’s who of world business and international giants agglomerate, and first class brands congregate, affording a seamless connection with international fashion. ZH_REF: 在重庆,国兴的北岸江山,地处江北,临近观音桥,荟萃世界商业精华,国际巨擘左右环拥,一等品牌齐聚,与国际时尚近距离接驳。 -ZH_HYP: 1.. +ZH_HYP: 在这个过程中,一个人的性格,是一种不寻常的东西,是在从小的中,才会有的,是的,而不是在他们的中,是在国际上,也是为了给人带来的,而不是在他的身边 EN: Here, prosperity abounds, and the best in the world agglomerate. ZH_REF: 这里步步繁华,荟萃世界精华; -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),(),(),(),(2),是用一种方法来的,因为它是用的,因为它是在用的,而不是在上方,它的意思是什么?的了了的的的 EN: Dongyuanjinyue, which is in the immediate vicinity of Nanping Business District, has a better shopping environment. At its sole disposal is Western China’s, and indeed, the nation’s leading four-story three-dimensional transportation system, enhancing shopping comfort. ZH_REF: 东原锦悦则拥有较好的购物环境,东原锦悦临近南坪商圈,独享西部甚至全国领先的四层立体交通系统,提升了购物舒适度。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为它是在我们的,是,他们的生活方式是,他们的东西是在我的,是在说谎的,是的,是的,是的,是的,是的,是的,是的。 EN: Elsewhere, the landscaped gardens and shops along the two pedestrian streets at Huigong Road and Wanda Plaza have been upgraded, with approximately 300 trees planted, and 40,000 sqm of floor space revamped, lifting the image of Nanping Business District. ZH_REF: 另外惠工路和万达广场两条步行街的园林绿化、景观地铺进行了提档升级,种植乔木约300株,改造地铺4万平方米,提升了南坪商圈形象; -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的性格,是由他们的,是的,他们的生活方式是,他们的,是的,是的,是的,是的,也是为了提高了的,也是为了提高他的效率而去了 EN: Meanwhile, Longhu’s Waterfront City, in the immediate vicinity of Chongqing’s first low-density waterfront business district - Lijia Waterfront Business District - is surrounded by nine parks. The commercial street district is low density with good access. These qualities have made shoppers more willing to stay, stop and slowing savor the joy of shopping when shopping, rather than being jostled by crowds of shoppers into rushing forward. Here, “shopping at a leisurely pace” is truly achieved. ZH_REF: 而龙湖昱湖壹号,临近重庆首个低密度滨水商圈——礼嘉滨水商圈,被九个公园环绕,商业街区密度低,开放程度高,使得人们购物时更愿意停留、驻足、慢慢享受购物的乐趣,而不是被后面的人流裹挟着急急忙忙地向前赶,真正实现了“散步式购物”。 -ZH_HYP: 1.. +ZH_HYP: 在这个过程中,一个人的生活方式是很困难的,他们的生活在很大程度上都是在这里的,而不是在这里,而不是在购物中心,所以就在那里,他们的服务很好,而不是在购物的时候,就会有多大的 EN: Competition will only intensify going forward. In a market of rampant homogenization, how to achieve success, and attain a reputation as a “shopping mecca” in the hearts of future shoppers deserve serious consideration among all real estate developers. ZH_REF: 当今商业竞争只会越来越激烈,如何在同质化严重的市场中杀出一条血路,夺得未来消费者心中的“购物圣地”的美誉,值得所有的房地产开发商去认真思考。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是对我们的,是为了使自己的事业变得更糟,而不是在他们的面前,为自己的事业而去,而不是在那里,才会有价值的东西,那是你的好运气,是的,是的。 EN: A differentiation strategy alone is far from sufficient. Only developers that truly place shoppers in their hearts, empathize with shoppers, and offer shoppers an ultimate yet simple shopping experience will be able to stand tall in a market when assailed by intense competition. ZH_REF: 单单只凭差异化战略是远远不够的,只有那些真真正正地将消费者放在心中,急消费者所急,想消费者所想,给消费者提供极致而又简约的购物体验的开发商才能在暴风雨来临的市场中笑傲江湖。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),是,不可能是为了使自己的事业变得更容易,而不是在他们的身上,而是在他们的面前,为自己的事业而去,而不是在那里,是的,是的,是的,是的。 EN: To be sure, I believe that, at the end of the day, Chongqing’s residents are the happiest lot to have such excellent shopping experience and business districts. A decade ago, no one would have imagined today’s prosperity. ZH_REF: 当然,到最后我想最高兴的还是重庆的子民,拥有这么好的购物体验和商圈,放在10年前没人能够想象今日的繁华。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................... EN: Shopping carnival: Consumerism revelry masks true environmental cost ZH_REF: 物节:消费主义狂欢掩盖真实环境价格 -ZH_HYP: 1.. +ZH_HYP: (美英对照):“我们的目的是,从表面上看,是在不可能的,是在不可能的,也是在为他们的,而不是在那里,”他说,“你的意思是什么?了了了了了了了了”””””””””” EN: RMB168.2 billion. That was the amount of money Tmall users spent over a 24-hour period on November 11, 2017 at the “Tmall 11.11 Global Shopping Festival”. ZH_REF: 1682亿元,这是2017年11月11日,“天猫双十一全球狂欢节”的24小时内,天猫用户消费的成交额。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),有的是,我们的钱包,是为了在他们的上方,而不是在1901年的时候,我们都是在一起,而不是在(e)的,是在12个月的时候了的的的 EN: Specifically, in the span of three minutes right after the “Double 11” commenced, Tmall’s transaction volume surpassed RMB10 billion, and exceeded RMB20 billion in six minutes and five seconds; within nine hours, it broke through the RMB100 billion mark. ZH_REF: 具体来说,“双11”开局后,短短3分钟天猫成交额就突破100亿,6分05秒超过200亿元,9个小时破1000亿。 -ZH_HYP: 1.. +ZH_HYP: (c)在这一过程中,有的是,我们的产品是由不稳定的,而不是在(3),而在1000年,我们就会有两面的,而不是在(或)的情况下,这是在100米的的的的的的 EN: That day, shoppers all over the world made a total of 1.48 billion payments by way of Alipay, an increase of 41% year-on-year. ZH_REF: 这一天,全球消费者通过支付宝完成的支付总笔数达到14.8亿笔,比去年增长41%。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,我们的生活方式是,他们的财富和金钱,都是在做的,因为它是在你的,而不是在乎别人的事的的的的的的的的的的的的 EN: Such spending resulted in 812 million logistics orders. ZH_REF: 这些消费将带来8.12亿个物流订单。 -ZH_HYP: 1.. +ZH_HYP: (4)a................................................................ EN: Whether the Tmall shopping platform or the Alipay payment platform, however, both belonged to Jack Ma’s Alibaba Group. ZH_REF: 而不论是天猫网购平台还是支付宝支付平台,全都属于马云的阿里集团。 -ZH_HYP: 1.. +ZH_HYP: (美)(美)(美),也是为了使自己的事业变得更糟,因为他们的事也是在他们的,而不是在他们的身边,那是对的,是的,是的,是的,是的,是的,是的。 EN: Ten years ago, no one would have imagined that the “Singles’ Day” subculture which was a self-deprecating celebration created by singles on November 11 would be co-opted by e-commerce merchants, and turned into a phenomenal “Singles’ Day” shopping carnival today. ZH_REF: 十年前没人会想到,11月11日单身青年出于自嘲创造的“光棍节”亚文化会被电商收编,成为如今现象级的“双11”购物狂欢节。 -ZH_HYP: 1.. +ZH_HYP: 5.1.1.在一个人的性格中,有一个人被认为是不可能的,而是在一起,他们的意思是:“你的意思是,”“我的意思是,”“你的意思是,”“我们的事”了 EN: Alibaba used the “Great Singles’ Day Sale” marketing gimmick: Not dating? Singles, come shop online - for the first time on November 11, 2009. ZH_REF: 2009年11月11日,阿里巴巴第一次使用“光棍节大促销”的营销噱头:没人跟你谈恋爱,那么“单身狗”们快来网购吧。 -ZH_HYP: 1.. +ZH_HYP: (美)(一),(),(),(2),我们的东西,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: The outcome was a surprise. That day, transactions at Taobao Mall (the predecessor of “Tmall”) surpassed RMB52 million, 10 times that of the normal daily transaction value at the time. ZH_REF: 结果令人意外,这一天淘宝商城(“天猫”前身)交易额突破5200万元,是当时日常交易额的10倍。 -ZH_HYP: 1.. +ZH_HYP: (a)(一),这是不可能的,因为它们的价格是由,而不是在(e)上,而在其他情况下,它们的价格是由来已的,而不是(e)的,是在2005年12月的 EN: From then on, “Double 11” has become a shopping festival created by Alibaba, and has grown and expanded from a domestic buyer-seller amusement to an inflow of global merchants. Nine years hence, and the more than RMB100 billion worth of transactions of Tmall’s “Double 11” is now more than 3200 times that of the first year, far outstripping that of “Black Friday”. ZH_REF: 从此,“双11”就成为了阿里巴巴打造的购物狂欢节,从一开始的国内买家卖家自娱自乐,到现在全球商家的涌入,九年过去了,天猫“双11”千亿交易额已经是当年的3200多倍,令“黑色星期五”望尘莫及。 -ZH_HYP: 1.. +ZH_HYP: 此外,在这个时代,我们的“小”是,从今往来,也是不可能的,现在,他们的钱比起来更多,而这是在100年的时候,你的损失就会被人的损失了。了了了了了了了了 EN: Numerous e-commerce merchants have followed Tmall’s “Double 11” sales promotion, with “JD.com” the strongest competitor. ZH_REF: 跟风天猫“双十一”促销的,还有众多电商,其中“京东”最为强劲。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: “JD.com” has its own shopping festival “6.18” but its impact is less than that of “Double 11”. From November 1 to 11 this year, “JD.com”’s accumulated sales amounted to RMB127.1 billion. ZH_REF: “京东”有自己的购物节“6.18”,但没有“双11”影响大, 今年从11月1日持续到11日,“京东”累计销售额达到1271亿元。 -ZH_HYP: 1.. +ZH_HYP: “”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。。 EN: The “Double 12” discount extravaganza and the Christmas-New Year shopping period come right after “Double 11”. ZH_REF: 而“双11”后,紧接着的是与之类似的“双12”打折狂欢、圣诞新年购物档期。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),(二)b,(),(二)(一),用的,是用的,是在用的,而不是用的,因为它是在用的,而不是在上方的,是的,是的,是的。 EN: Following the New Year, pre-Spring Festival’s Lunar New Year shopping as well as Valentine's Day shopping await the Chinese consumer. Retail consumption knows no holiday. ZH_REF: 跨过了新年,等待着中国消费者的还有春节前的年货采购档期、情人节购物档期,消费,不会放假。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。!。。。。。。。 EN: Massive instantaneous consumption has led to environmental problems, which has attracted the attention of professionals and institutions. ZH_REF: 瞬时间的海量消费带来的环境问题,已经引起专业人士和机构的关注。 -ZH_HYP: 1.. +ZH_HYP: (一)(一)不一而喻,这是个大的问题,因为它们的贸易是在为其带来的,而不是在他们的中,是为了使他们的工作变得更高,而且是为了给他们带来的,而不是太多了 EN: A Xinhua Daily Telegraph report revealed that based on the industry’s general standard conservative estimate of 0.2 kg per packaging cartons, at least 300,000 tonnes of trash were generated during this year’s “Singles’ Day” period. ZH_REF: 据新华每日电讯报道,按业内每个包装箱0.2公斤的通常标准保守估算,今年“双11”期间至少产生超过30万吨垃圾。 -ZH_HYP: 1.. +ZH_HYP: (一)a)【句意】(a)【句意】(b)在我们的产品中,它是由“三”的,而不是在“say”,它是在“d”的意思上,它是“”的的的的的的的的的的的的 EN: Liu Hua, Director of the Pollution Prevention Program at Greenpeace East Asia told chinadialogue that the volume of orders at this year’s “Singles’ Day” from Tmall alone would generate 160,000 tonnes of packaging trash. ZH_REF: 绿色和平东亚分部污染防治项目主任刘华则告诉中外对话,今年“双11”仅天猫的订单量会产生16万吨包装垃圾。 -ZH_HYP: 1.. +ZH_HYP: 在这个过程中,我们的名字是由“大”的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。了了了 EN: In 2016, the State Post Bureau published a report stating that approximately 780 million items were delivered by express couriers during the 2015 “Singles’ Day” period (November 11-16), with more than 3 billion woven bags, 9.922 billion packaging cartons, and 16.985 billion meters of adhesive tape used. The length of adhesive tape used could go round the equator 425 times. ZH_REF: 国家邮政局2016年曾发布报告,指出2015年“双11”期间(11月11日至16日)的快件量约7.8亿件,使用超过30亿条编织袋,99.22亿个包装箱,169.85亿米胶带,胶带长度可以绕地球赤道425圈。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,有的是,有的是,有的是,有的人都有了,而不是在2001年的时候,有了15个,而现在的人都有了。的了了了,,的的的((( EN: This year, the State Post Bureau estimates that the “Singles’ Day” express business volume could surpass 1.5 billion items. ZH_REF: 而今年,国家邮政局预计“双11”的快件业务量预计超过15亿件。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这条规定,是不可能的,因为它是在我们的,是为了使他们的利益而变得更严重,而不是为了让人感到厌倦了,而不是在那里,他们是在一起的,是的,是的。 EN: Wang Shi, manager of a waste incineration plant in Beijing told Xinhua News Agency that more than 2,000 tonnes of trash enter the plant each day after “Singles’ Day”, exceeding the treatment capacity of the incineration plant. ZH_REF: 北京市一座垃圾焚烧中心经理王士告诉新华社, “双11”后每日进场的垃圾都超过2000吨,也超过了焚烧站的处理产能。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的工作是,从句中,是为了得到的,是为了得到的,而不是在他们的中,才会被人所吸引,而不是在那里,而是用功率来衡量的.的的的的的的的的的的 EN: Express delivery companies have also become aware that the environmental pollution resulting from the express delivery sector should not be ignored. ZH_REF: 快递公司已经意识到了快递业造成的环境污染不可小视。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),也是不可能的,因为我们的产品是用的,而不是在他们的中,是为了使自己的力量而被人的,而不是在别人身上,而是要把它的东西弄得太多了了了了了了了了了了了 EN: Some e-commerce logistics enterprises, including Suning, have introduced plastic express delivery boxes that may be recycled and reused ahead of “Singles’ Day”, as well as recyclable packaging such as shopping bags and trash bags that may be used repeatedly. However, acceptance among consumers who could not be bothered was low. ZH_REF: 包括苏宁在内的一些电商物流企业“双11”前推出了可回收重复使用的塑料快递盒、可以重复用作购物袋和垃圾袋的循环包装袋等,但嫌麻烦的消费者接受度并不高。 -ZH_HYP: 1.. +ZH_HYP: (a)为人提供了一个安全的机会,其中包括:(a)在所有的情况下,用到的,用的是,用的,用的,用的,用的,用的,用的,是的,是的,是的,是的。 EN: Jack Ma, on Weibo, has also called on the logistics industry to support “green packaging” and “green logistics”. ZH_REF: 马云还在微博中号召物流行业支持“绿色包装”和“绿色物流”。 -ZH_HYP: 1.. +ZH_HYP: 5.a.................................................................. EN: This Weibo received more than 68,000 “likes”. ZH_REF: 这条微博收获了68000多个“赞”。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................. EN: What sort of mobile payment do Germans want? ZH_REF: 德国人想要什么样的移动支付? -ZH_HYP: 1.. +ZH_HYP: (4)a:(一),(b),(),(),(2),在不对的,我们的意思是,要用它来的,因为它是在用的,而不是在上方的,是的,是的,是的,是的。 EN: Zhang Dongfang: The mobile payment war waged in Germany is nothing new. ZH_REF: 张冬方:在德国拉开的移动支付战局不具期待性。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),我们的背面是不对的,因为它是在用的,而不是在你的中,是在说谎的,是在说谎的,是的,是的,是的,是的,是的。 EN: All WeChat Pay and Alipay did was to move the battleground to Europe. Neither the competitors nor the battleground has changed - the Chinese; is this really globalization? ZH_REF: 微信支付和支付宝不过把战场搬到了欧洲,竞争对手没变,抢夺阵地也没变——中国人,这也算全球化? -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,他们的意思是,在我的上,是为了得到的,而不是在一起,也是为了让人感到厌倦了,而不是在(e)的时候,我们都会有什么关系 EN: Where there’s Alipay, there’s WeChat Pay. ZH_REF: 有支付宝的地方,必有微信支付。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,他们的意思是,他们的意思是,我的意思是,他们的意思是,要把它给的,是的,是的,是的,是的,是的,是的。 EN: According to the agreement with Germany’s electronic payment services provider Wirecard, WeChat Pay officially entered Germany in November this year. The Chinese company has also gradually expanded its presence among merchants in Europe. ZH_REF: 按照和德国电子支付服务商Wirecard的协议,微信支付今年11月正式着手落地德国,并逐渐在欧洲范围内的商家进行布局。 -ZH_HYP: 1.. +ZH_HYP: 如果是这样的,就会被人的,是的,是的,是的,是的,他们的是,从他们的角度来,对自己的影响,而不是在那里,也是为了让人的好运气而去,因为他是在国际上的。 EN: This time round, the reunion of the two “fellow countrymen” in a foreign country took place in Europe. ZH_REF: 俩“老乡”的这次异国重逢发生在欧洲。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。。。。。。。。 EN: All along, Alipay and WeChat Pay have been riding high on the road to globalization. ZH_REF: 一直以来,支付宝和微信支付在全球化的道路上一路高歌。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,你的意思是,他们的意思是,在我的上,你的意思是,你要把它的意思和好的意思联系起来,而不是为了给他们带来的 EN: In a study on China’s mobile Internet payment’s globalization methods, iResearch Consulting’s “2017 China's Third-Party Mobile Payment Report” arrived at two methods: The first method would be by way of strategic investment, outward transfer of experience, taking an equity stake, and supporting the overseas local mobile payment enterprise; ZH_REF: 对于中国的移动支付的全球化方式,艾瑞咨询《中国第三方移动支付行业研究报告2017》总结为两种:一是通过战略投资,经验输出,入股并扶持国外本土移动支付企业。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,,,。。。。。。。。 EN: the second method would be by way of promoting mobile payment services to overseas merchants through Chinese tourists’ overseas spending behavior, thereby changing overseas local entities’ recognition and acceptance of China’s mobile payments. ZH_REF: 二是通过中国游客出国消费行为,向国外商家推广移动支付服务,进而改变外国本土对中国移动支付的认知和接受度。 -ZH_HYP: 1.. +ZH_HYP: (一)(一)有可能使我们的贸易变得更加困难,而不是在他们的国家里,也是为了得到他们的利益,而不是为了得到他们的服务,而是为了在国外的工作,而不是在中国,要么是为了得到更多的利益。 EN: Indeed, win over the Chinese, and you win the world. ZH_REF: 确实,得中国人得天下。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)............................................................... EN: China’s rapid economic growth coupled with its large population base have meant that spending by Chinese tourists in Europe is an attractive figure, ZH_REF: 中国经济发展迅猛,再加上人口基数大,中国游客在欧洲的花销是一个诱人的数字。 -ZH_HYP: 1.. +ZH_HYP: 在美国的一个大范围内,这种情况是有道理的,因为它是为了使自己的利益而被人世,而不是在为他们的工作中,而不是在那里,而是为了给别人带来的代价的的的的的的的的 EN: but this also means that the mobile payment war waged in Germany is nothing new. ZH_REF: 但这也注定了,这次在德国拉开的中国移动支付战局不具期待性。 -ZH_HYP: 1.. +ZH_HYP: "在这一过程中,我们的贡献是,我们的目的是为了使他们的工作变得更糟,而不是为了使他们的工作变得更糟,而不是在他们的身边,要么是在(e)的,是对我们的事了的的的的的的的的 EN: All WeChat Pay and Alipay did was to move the battleground to Europe. Neither the competitors nor the battleground has changed - it’s still the Chinese; is this really globalization? ZH_REF: 微信支付和支付宝不过是把战场搬到了欧洲,竞争对手没变,抢夺的阵地还是没变——还是中国人,这也算全球化? -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,他们的意思是,在我的上,也是为了不可能的,而不是在一起,而是为了在中途中,而不是在高处,而是要把它的意思和(或) EN: A more groundbreaking inquiry would be whether China’s mobile payment can expand its territory in Europe. ZH_REF: 更具开拓性的探讨是,中国的移动支付能否在欧洲本土开疆拓土? -ZH_HYP: 1.. +ZH_HYP: (一)(一),在这方面,我们都会被人所做的事,也是为了使他们的心智而变得更糟,因为他们的人是在一起,而不是在那里,是为了让人感到厌倦了的的的的的的 EN: Germany is an example. ZH_REF: 以德国为例。 -ZH_HYP: 1.. +ZH_HYP: 5.a............................................................... EN: Magical “new retail” ZH_REF: 被施了魔法的“新零售” -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),(),是用大块的,是用的,是的,是在说谎的,因为它是用的,而不是在上方,而是要用的,要把它的意思和在 EN: Chen Xinlei, Yang Kaihan: When Amazon made it to the world’s top 10 list of retailers, it announced that it would venture into the bookstores and grocery stores; this is worth pondering, both in terms of opportunity and motive. ZH_REF: 陈歆磊、杨凯涵:亚马逊在挤进全球十大零售商时候宣布进军书店和杂货铺,不论时机还是动机都很值得玩味。 -ZH_HYP: 1.. +ZH_HYP: (美英对照):“我们的是,它的发展,是一种有价值的东西,”他说,“你的意思是,你的意思是,你会有什么的东西,”他说,“你的意思是,”说 EN: In November 2015, Amazon opened its first physical bookstore in Seattle. This was followed by two bookstores in Portland and San Diego. ZH_REF: 2015年11月,亚马逊在西雅图开设了第一家实体书店,之后又开设了波特兰和圣地亚哥的两家书店。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,他的名字是:“从头到尾酒,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”!!。。。。 EN: At the beginning of 2017, Amazon opened its bookstore and New York, and planned to have at least eight stores by the end of the year. ZH_REF: 2017年伊始,亚马逊在纽约开设店面,并计划到年底至少拥有8家店面。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,他的名字是,是的,是的,是为了使自己摆脱了,而不是在他们的中,是在他们的,是在他们的时候,还是要把它的东西弄得太多了了了了了了了了了 EN: Almost at the same time, Amazon announced that its checkout-free grocery store Amazon Go would begin trial operations. No waiting in line or checkout is necessary. All customers have to do is scan their QR code on the Amazon Go app to enter the store, take the products they want and leave. The shopping amount would be charged to the customers’ Amazon account. ZH_REF: 几乎同一时间,亚马逊宣布旗下无人超市(Amazon Go)试运营,顾客到店不需要排队,也不需要结账,进门扫码、拿了想要的商品离开即可,购物金额会自动从顾客的亚马逊账户中扣除。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的名字是,用的,是的,是的,是的,他们的东西也是,他们的事,都是为了得到的,而不是在那里,他们都会在那里买到的,而不是你的车。了了了了 EN: As far as Amazon is concerned, its sudden but frequent forays into physical stores in the last few years have been very unexpected. ZH_REF: 就亚马逊而言,近几年忽然在实体店上面动作频频是非常意外的一件事。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: This is because way back in 2007, CEO Jeff Bezos, in his “Letter to Shareholders”, highlighted that Amazon would not arbitrarily start a new business (such as a physical store) unless the four conditions set out below are met simultaneously: ZH_REF: 因为早在2007年的《致股东公开信》中,CEO杰夫•贝佐斯就强调,亚马逊不会轻易开设实体店,除非同时满足下列四个条件: -ZH_HYP: 1.. +ZH_HYP: 这是个不公平的,因为它是在做的,是在说谎的,而不是在说谎,而是在他们的工作中,在那里,是为了让人感到厌倦,而不是在(d)的时候,会了 EN: 1. We must convince ourselves that the new opportunity can generate the returns on capital our investors expected when they invested in Amazon; ZH_REF: 1.我们必须确信这个新机会能让股东的投资有所回报; -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................. EN: 2. we must convince ourselves that the new business can grow to a scale where it can be significant in the context of our overall company; ZH_REF: 2.我们必须确信这个新机会对于整个公司有重大意义; -ZH_HYP: 1.. +ZH_HYP: 4.5.如果我们的人在做得很好,就会有更多的东西,而不是在他们的上,就会被人所迷惑的,是在你的脚趾中,还是要把它的意思和最坏的事 EN: 3. we must believe that the opportunity is currently underserved; and ZH_REF: 3.我们必须确信这个新机会是被市场忽视的; -ZH_HYP: 1.. +ZH_HYP: 3.4.我们的态度是,在不可能的情况下,我们的国家都有了,而不是为了更多的,而不是在他们的身上,也是为了让人感到厌倦的,而不是在那里,还是要把它的东西分给别人 EN: 4. we have the capabilities needed to bring strong customer-facing differentiation to the marketplace. ZH_REF: 4.我们必须确信在这个市场上,我们拥有足够的资源能做出面向顾客的差异化。 -ZH_HYP: 1.. +ZH_HYP: 4.5.为了使人的心情变得更加复杂,我们的工作也会被人所束缚,而不是在他们的身边,在那里,他们的力量是为了让人更多的,而不是在他们的身边,而不是在你的身边,那是最重要的。 EN: Bookstores and grocery stores are the two most precarious physical retail sub-sectors, and were the first to be knocked out after the rise of Amazon. ZH_REF: 书店和杂货铺,是两个实体零售中最摇摇欲坠的分类,也是亚马逊兴起后最先倒下的对手。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,在这方面,我们的工作是不可能的,因为他们的意思是,他们的意思是,和(或)的,是对的,而不是在哪里?的的的的的 EN: When Amazon made it to the world’s top 10 list of retailers, it announced that it would venture into these two physical markets; this is worth pondering, both in terms of opportunity and motive. ZH_REF: 亚马逊在挤进全球十大零售商的时候宣布进军这两个实体市场,不论时机还是动机都很值得玩味。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Did Amazon do something in contrary to the guarantee it made in its letter to shareholders? ZH_REF: 亚马逊的做法,和股东信中的保证相违背吗? -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,它是在为自己的,而不是在,它是由你来的,而不是在那里,它是由你所做的,是什么?的的的的的的的的的的的的 EN: Similar words were echoed at the other end of the world. On the morning of October 13, 2016, at The Computing Conference 2016 held in Yunqi, Hangzhou, Alibaba Chairman Jack Ma said in his keynote address that, ZH_REF: 地球的另一端也听到了类似的声音。2016年10月13日上午,在2016杭州•云栖大会上,阿里巴巴董事局主席马云发表主题演讲。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在这方面,我们的经历都是在2001年的,而不是在那里,他们的心都是在一起,而不是在(e)的,这是在说的,这是对的,是的。 EN: “From next year onward, Alibaba will no longer talk about ‘e-commerce’. ZH_REF: 他说:“从明年开始,阿里巴巴将不再提‘电子商务’这个说法。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】(b)在我们的时候,它是为了让人感到很不舒服,因为它是在为你的,而不是为了给别人的,而不是在那里,也是为了得到更多的 EN: The era of pure e-commerce firms will soon come to an end. E-commerce will no longer exist in the next 10 to 20 years, replaced instead by ‘new retail’. ZH_REF: 纯电商的时代很快就会结束,未来的十年、二十年将没有电子商务,取而代之的是‘新零售’。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(二)“(”)“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。。。。。。。。。 EN: Only by combining online and offline operations will new retail come into being.” ZH_REF: 线上线下和物流结合在一起,才会产生新零售。” -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】(我们)的意思是,它是为了让人感到羞耻,因为他们的意思是,他们的意思是,要把它放在一起,而不是在那里,还是要用的, EN: In an instant, it was as if the words “new retail” took on magical properties, and became the new catchphrase of industry insiders. ZH_REF: 一时间,“新零售”三个字如同被施了魔法,被业界人士频频挂在嘴边。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为它是在用的,是用的,是的,是在说谎的,是在用的,而不是把它的意思和(或)的意思在在的的的的的的的的的的 EN: So what is “new retail” exactly? ZH_REF: 但是,“新零售”究竟是什么意思? -ZH_HYP: 1.. +ZH_HYP: (英译汉)(一),这是个不寻常的东西,是为了让自己的人在自己的中途中,而不是在乎,是为了让别人的心智而来的,因为他们是在一起,而不是为了给别人带来的 EN: If it merely referred to online-offline integration, then the concept is nothing new. ZH_REF: 如果只是指线上与线下相结合,那么这个概念并不新奇。 -ZH_HYP: 1.. +ZH_HYP: (4)如果有,就像个谜语,是不可能的,因为它是在被人用的,而不是在那里,它是在说谎的,是的,是的,是的,是的,是的,是的。了了了 EN: In 2016, eMarketer, after tracking 180 of the largest e-commerce firms, estimated that total sales of e-commerce firms amounted to approximately US$200 billion, of which the largest 25 accounted for more than US$159 billion; ZH_REF: 2016年,eMarketer跟踪了180家最大的电商之后估计,电商总销售额约为2000亿美元,而其中最大的25家占到了1590多亿美元。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,有的是,有的是,他们的产品是用的,而不是从他们的手中夺走的,是在2005年的,是我们的最大的财富。是了了的了了了了了了了了 EN: and of these 25, 18 were traditional retailers that had only begun online operations in the preceding five years (such as Macy’s, Nordstrom, Target and Gap). ZH_REF: 在这25家之中,有18家都是在过去五年才开始经营线上的传统零售商(比如梅西百货, Nordstrom, Target, Gap等)。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,有的是,他们的生活方式是:(a)在我们的工作中,有的是,他们的缺点是,而不是在(或)上,都是在了,而不是在那里,它是最重要的。 EN: Indeed, Alibaba Group's RMB28.3 billion acquisition of an equity stake in Suning Commerce Group was still fresh in the minds of the public. ZH_REF: 而阿里巴巴集团283亿元入股苏宁云商,也还历历在目。 -ZH_HYP: 1.. +ZH_HYP: (美)(四),(),我们的产品是不可能的,因为它是在用的,而不是在他们的中,才会有价值的,而不是在那里,它是由你所做的,是的,是的,是的 EN: From a global perspective, both retailers and e-commerce firms are transforming from a single channel to a multi-channel retail system that encompasses physical stores, e-commerce, mobile terminals and social media. ZH_REF: 从全球范围看,零售商和电商都在从单一渠道转向覆盖实体店、电商、移动端和社会化媒体的全渠道零售体系。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的性格,是一种不寻常的,是的,是的,是的,是的,是的,是对的,也是为了给别人带来的,而不是在他们的服务上,而不是在那里? EN: Could Jack Ma’s “new retail” be more of a conclusion rather than a forecast for the future? ZH_REF: 难道马云提“新零售”,更多的是一种总结而非对未来的展望? -ZH_HYP: 1.. +ZH_HYP: (美英)(一),是,我们的东西是用的,因为它是在用的,而不是在过去的中,它是由你所拥有的,而不是在他的身上,还是要把它的意思和最坏的方法给我, EN: If not, then what is the difference between the multi-channel concept and “new retail”? ZH_REF: 如果不是,那么全渠道的概念,与“新零售”究竟有何区别? -ZH_HYP: 1.. +ZH_HYP: (4)................................................................. EN: Perhaps, the crux of the matter is not whether online and offline entities would integrate, but how. ZH_REF: 或许,问题的关键不是线上与线下会不会融合,而是怎么融合。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为它是在用的,而不是在他们的中,是在说谎的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: A review of the retail sector in the last 20 years has revealed that the rise of e-commerce was similar to the emergence of discount retailers many years ago; both were focused on price and convenience. ZH_REF: 回顾零售业过去的20年,电商的崛起如同早年折扣零售商的兴起,都侧重于价格和便利。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,我们的态度是,在做的事,是为了使自己的事业变得更容易,而不是在过去,而是在为自己的利益而来的,而不是在一起,也是在对的,是的。的了了了了了了了了了了了了 EN: On the basis of these two trigger points, e-commerce firms moved highly standardized products, such as books and CDs, online from offline. ZH_REF: 依靠这两个痛点,电商把标准化程度非常高的产品,例如图书和CD,从线下移到了线上。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,我们的态度是,有的是,他们的产品是用的,而不是在他们的中,是为了得到的,而不是在那里,要么是为了得到更多的保护,而不是在那里,要么是为了得到最坏的,也是为了 EN: As online retail habits formed, and customer experience continued to rise, e-commerce firms further extended their scope to other product categories, and began to increase efficiency. ZH_REF: 随着线上消费习惯的养成以及客户体验的不断提高,电商又将触角伸到了其他品类,并开始提升效率。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,我们的人在为自己的利益而努力,也是为了提高他们的效率,而不是在其他方面,也是为了让人感到厌倦了的的的的的的的的的的 EN: In Aliababa CEO Daniel Zhang’s words, “Use the thinking behind and technology of the Internet to thoroughly reform and upgrade the approximately 30 trillion retailers in society at this time, so that the increasingly demanding retail requirements of Chinese consumers may be effectively met. This will make the entire goods production, circulation and services process more efficient with the extensive application of the Internet and big data.” ZH_REF: 用阿里巴巴CEO张勇的话说,“利用互联网的思想和技术去全面改革和升级现有的约30万亿社会零售商总量,使得中国消费者日益升级的消费需求可以得到有效的满足,使得整个商品生产、流通、服务的过程因为互联网、大数据的广泛运用变得更加高效。” -ZH_HYP: 1.. +ZH_HYP: 在美国的一个大片里,这是个很好的东西,因为它是在我们的,是在他们的,而且在中国的产品中,他们的需求就会变得越来越大,而且在消费中,你会更多的是,而且要有更多的服务。 EN: Thus, the path of e-commerce firms is asset-light on the surface, but asset-heavy in reality. ZH_REF: 因此电商的道路,是一条表面轻资产,实际重资产的道路。 -ZH_HYP: 1.. +ZH_HYP: (4)a:(一),(b),(),(2),在不对的,我们的东西都是在,它是在为你的,而不是在乎的,而是在(或)的时候,它的意思是什么?的了的的 EN: “Light” refers to fixed assets, headcount, management processes and other burdens that are less than that of traditional retailers; “heavy” refers to areas such as logistics and storage that require enormous investment. ZH_REF: “轻”,指的是固定资产、人员配置、管理流程等负担没有传统零售业大;“重”,指的是在物流、仓储等方面需要巨大的投入。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................... EN: Changes in logistical methods ensured the efficiency of e-commerce firms. ZH_REF: 物流方式的改变,保证了电商的高效率。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),是,用不着,把它的东西放到一边,把它的东西弄到,因为它是在说谎的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: The Chinese Central Government’s official web portal reported that Premier Li Keqiang presided over the State Council executive meeting held on April 28, which was of the opinion that expanding domestic consumption was a key measure for stable growth and structural transformation. ZH_REF: 据中国政府网消息,国务院总理李克强4月28日主持召开国务院常务会议,会议认为,扩大国内消费需求是稳增长、调结构的重要举措。 -ZH_HYP: 1.. +ZH_HYP: 5.4."在美国,我们的工作是为了取得进展,而不是为了使贸易变得更加脆弱,而又是在他们的国家,而不是在(e)上,它是由来已久的,而不是在(e)上,这是对我们的最大的影响 EN: The meeting determined that relevant departments should promptly put forward specific plans on the basis of scientific evaluation. ZH_REF: 会议确定,有关部门要在科学评估基础上抓紧拿出具体方案。 -ZH_HYP: 1.. +ZH_HYP: 4.对任何一个人都有可能,而不是为了使他们的利益而变得更糟,而不是在他们的工作中,把它当作是为了给他们带来的,而不是在乎别人的时候,才会有什么关系,因为它是对的,对我们的影响 EN: The import tariffs of some foreign goods for daily use for which domestic consumers have enormous demand will be lowered on a trial basis with effect from June this year, and tariff reductions will be extended to more goods over time. ZH_REF: 对国内消费者需求大的部分国外日用消费品,于今年6月底前开展降低进口关税试点,逐步扩大降税商品范围; -ZH_HYP: 1.. +ZH_HYP: (a)为使人的利益而作为,而不是为了使其成为贸易,而我们的国家则将其作为,而不是为了使其更高的价格,并使其更有可能被低估的风险,而不是在国际上,这是对我们的最严重的影响。 EN: Together with the tax reform, consumption tax policies for general consumer goods such as clothing and cosmetics will be optimized, with overall adjustments made to the scope of taxation, tax rates, and the different parts of the taxation process. ZH_REF: 结合税制改革,完善服饰、化妆品等大众消费品的消费税政策,统筹调整征税范围、税率和征收环节; -ZH_HYP: 1.. +ZH_HYP: (a)为人提供了一个适当的机会,以使其成为贸易,而非同寻常的,也是为了使其成为贸易的,而不是在其他方面,也是造成了严重的错误,即是对的,而不是(e)的的的的的的的的的的的的的 EN: More port of entry duty-free shops will be set up and restored, and the variety of duty-free goods will be expanded appropriately, with the value of duty-free shopping increased by a certain amount so that domestic consumers would find it convenient to purchase foreign products in China. ZH_REF: 增设和恢复口岸进境免税店,合理扩大免税品种,增加一定数量的免税购物额,方便国内消费者在境内购买国外产品; -ZH_HYP: 1.. +ZH_HYP: (一)有的是,有的是,我们的贸易,将是为了使自己的利益而被人用,而不是在他们的身上,而不是在那里,也会有更多的人,他们的服务是什么,都是为了得到的, EN: Shopping and customs clearance, as well as tax refund for foreign tourists would expedited, and the requirement for voluntary tax declaration of imported goods shall be strictly implemented according to the law. ZH_REF: 进一步推进境外旅客购物通关和退税便利化,严格落实进境物品依法主动申报纳税要求。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),也是为了使他们的货物变得更容易,而不是为了自己的利益而去,因为他们是在为他们的,是为了得到的,而不是在那里,也是为了得到的,是的,是的,是对我们的 EN: Policies that support the inspection and quarantine of cross-border e-commerce imports shall be formulated, and unreasonable fees pertaining to imports shall be put in order. ZH_REF: 制定支持跨境电商进口的检验检疫政策,清理进口环节不合理收费; -ZH_HYP: 1.. +ZH_HYP: (四)为使人的不安全,而不是在其他方面,也是为了使他们的利益而被人所受的,因为他们的工作是为了得到的,而不是为了给他们带来的,而不是在哪里,而是要在我们的上司机上 EN: The program to promote the brands of Chinese products shall be accelerated, the development of physical stores supported, and online-offline interaction achieved. ZH_REF: 加快推进中国产品品牌提升工程,支持实体店发展,实现线上线下互动。 -ZH_HYP: 1.. +ZH_HYP: 4.5.为了使人的利益,我们的工作是为了促进发展,而不是在其他方面,也是为了使其变得更加危险,而不是在(e)上,让我们得分,以达到最高的标准,的的的的的的 EN: Market order shall be normalized, and strong measures shall be taken to crack down on counterfeit and shoddy products so that the survival of the fittest will be advanced. ZH_REF: 规范市场秩序,严打假冒伪劣,促进优胜劣汰。 -ZH_HYP: 1.. +ZH_HYP: (一)(一)不允许的,是在不可能的,是为了使其成为贸易,而在其他方面也是如此,因为它们的价格是由高手来的,而不是在(e)上,而不是在(e)上,就了 EN: Consumers will be able to shop without having to go far, with comfort and ease of mind, and convenience. ZH_REF: 让消费者能就近舒心、便捷购物。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: BlackBerry mobile phones have never been known to wow the crowd with their hardware, but pressure from competition has meant that it has to offer a presentable model. Hence, the Passport was launched last September. ZH_REF: BlackBerry(黑莓)手机一直以来都不以硬件取胜,然而面对同行排挤总得有款像样的,于是就有了这个去年9月发布的Passport。 -ZH_HYP: 1.. +ZH_HYP: 5.a.................................................................. EN: SONY would often launch various black technology products. For instance, this flagship-class 4K ultra short throw projector it launched at the beginning of the year was one such example. ZH_REF: SONY(索尼)时常会有各种黑科技产品推出,比如在年初发布的这款旗舰级的4K反射型超短焦头一机就是其中之一。 -ZH_HYP: 1.. +ZH_HYP: (美)(一),(),(),我们的东西是用的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: Naturally, such a high-end, classy, top-grade product comes with a hefty price tag as well. At JPY5 million, equivalent to approximately RMB250,000, it would be enough to buy a car. ZH_REF: 当然如此高端大气上档次的产品售价自然也是不菲,500万日元大概相当于25万人民币,买辆车都够了。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),(),(),我们的东西是在不喜欢的,也是在不可能的,它是在说谎的,是的,是的,是的,是的,是的,是的,是的。的 EN: Big screen luxury TVs have always been the hallmark of technological competence of manufacturers. The multiple award winning LG 77-inch curved OLED 4K Smart TV is a classic example of this type of products. ZH_REF: 大尺寸奢华电视一直是各大厂商技术实力的代表,此次拿奖拿到手软的LG带来的77英寸曲面4K OLED电视就是此类产品的典型。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】()’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: This is not merely a simple fixed angle curved screen TV, but a complex device that allows the user to adjust the curvature according to the user’s position! ZH_REF: 这不仅仅是简单的固定角度曲面电视,而是为用户打造了一个允许自己根据位置调整曲率的复杂装置! -ZH_HYP: 1.. +ZH_HYP: (a)【句意】(a)【句意】我们的意思是,我们的生活方式是,在那里,它是由你来的,而不是在那里,它是由你来的,而不是在那里,它是由你所能的, EN: Based on its 9mm ultra thin display screen, LG has made the curvature of the entire screen difficult to detect with the naked eye, thus achieving maximum variation for a maximum 4000R curvature. ZH_REF: 依托9mm的超薄显示面板,LG让整个平板的变形是肉眼很难发觉的,从而实现最大曲率4000R的最大变量。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,不,是的,是为了使自己的眼睛和其他的东西,而不是在他们的身上,而是在那里,是为了使自己的心智而变得更高的,而不是在那里,而是对我的一切 EN: Simply press the remote control, and the best angle of the 77-inch screen will move as the user wishes, making it suitable for any viewing scene. ZH_REF: 用户只需要舒舒服服按动遥控器,就可以让77英寸屏幕的最佳视角随心而动,让它适合任意一个观赏场景。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),这是个很好的东西,因为它是在用的,是的,是的,是的,是的,是的,是的,是的,是对的,而不是对你的反应了 EN: Leica’s position in the field of cameras is well known. This Leica T mirrorless camera, launched last year, uses the brand new T mount as the lens mount for the Leica mirrorless camera. ZH_REF: Leica(徕卡)在相机领域中的地位自不必多言,这款徕卡T微单是去年发布的产品,启用了全新的T卡口作为徕卡微单的镜头卡口。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是在我们的,是的,是的,是的,是的,是的,是的,是的,是的,也是在你的,是的,是的,是的,是的,是的,是的。 EN: In addition to the T mount 23mm fixed and 18-56 zoom lenses launched at the same time, the M-Adapter T allows users of the Leica M series of lenses to attach and use the camera as well. ZH_REF: 除了同期发布的T卡口23mm定焦和18-56mm变焦两支镜头外,还能通过M-Adapter T转接环使用徕卡M系列镜头。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的名字是,是为了使自己的,而不是在他们的脚趾中,用它的方式来进行,然后用到的,让我的心跳得更快,而且也是在你的,是的,是的。 EN: Triumph has accurately grasped the crux of these issues, and developed the new Magic Wire bra. ZH_REF: Triumph(黛安芬)准确地抓住了这一问题所在关键之处,研发出新型Magic Wire内衣。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Using silicone, which offers good support, as the underwire, users not only enjoy the comfort of wire-free bras, but also the all-round support of traditional underwired bras. ZH_REF: 由于采用了具有良好支撑性的硅胶树脂材料作为内衣圈托,使穿着者不仅享受到无钢圈内衣的舒适感,还获得了如钢圈内衣般的全方位支撑。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在不允许的情况下,用的是,用的,是用的,而不是在用的,是用的,而不是在(或)上,也是在说谎的,是的,是的,是的。 EN: It also comes with a built-in mesh stabilizer that provides more support so that the bra is a perfect fit. It also gives the wearer a cleavage. ZH_REF: 再辅以提供更多支撑力的内置网格稳定网,从而实现了内衣的完美贴合,塑造丰满的胸部线条。 -ZH_HYP: 1.. +ZH_HYP: (a)(一),在做作的时候,我们都是为了使自己的缘故,而不是为了使自己变得更容易了,而且也是在说谎的,是的,是的,是的,是的,是的,是的,是的。 EN: LG’s home appliances have relatively distinct features these days. RoboSense technology is this CordZero C5 vacuum cleaner’s main feature. ZH_REF: 如今LG的家电都相当有特色,这款CordZero C5吸尘器主打无线追踪功能。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为他们的东西是用的,而不是在他们的中,是在说谎的,是在说谎的,是的,是的,是的,是的,是的,是的,是的。 EN: The vacuum cleaner is itself a credible machine with maximum suction power of 200 watts. The KOMPRESSER dust compressor technology can compress dust into blocks preventing dust from flying about. ZH_REF: 吸尘器本身也不含糊,最高提供200瓦吸力,还有个KOMPRESSER集尘压缩技术,能将灰尘聚合为灰块,解决扬尘问题。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为它是在用的,而不是用它来的,是在用的,它的意思是,它是用的,它的意思是:“你的意思是什么?了了的的的的的””””””””” EN: The 6500QL has adopted a brand new design concept while maintaining the excellent quality that is customary of 3M products. ZH_REF: 6500QL保持3M产品的一贯的优良品质基础上,采用全新的设计理念。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),是用心的,把它的东西放到一边,也是为了得到的,而不是在他们的上方,而不是在那里,是为了给别人带来的,因为它是对的,而不是在我们的上 EN: Its unique cool flow valve can efficiently discharge hot and damp exhaled breath from inside the respirator, allowing easier breathing for users. ZH_REF: 独有的冷流呼气阀,可高效排出面罩内部湿热呼气,让用户呼吸更为畅快。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),是,也是为了使自己的缘故,而不是在他们的身边,把它放在一边,把它的东西弄得太平了,而且要用的是,要把它给你的,是的,是的,是的。 EN: The all-new quick latch design allows for swift donning and doffing of the respirator with one hand, making it convenient for users who need to don and doff their respirators frequently. ZH_REF: 全新的快扣设计可实现迅速单手脱戴,方便了需要频繁脱戴面罩的用户。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),我们的手套,是为了使自己的心惊肉跳,而不是在他们身上,而是用心的,来的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: A bayonet-style connection may be found on both sides of the respirator to which 3M’s particulate filters and organic vapor cartridges may be connected. Together with the respirator, these can effectively withstand various contaminants in a heavily polluted environment. ZH_REF: 面罩两侧带有卡口式设计,可装配3M的滤棉及滤毒盒使用,在与面罩的共同作用下可有效抵挡高污染环境下多种有害物质。 -ZH_HYP: 1.. +ZH_HYP: (a)在这一过程中,有的是,有的是,有的是,他们的用处,是用的,是用的,是的,是的,是的,是的,是的,是的,是的,是的,是的。了了 EN: As a kitchen helper, Intra Eligo has done its best. ZH_REF: 作为厨房生活的帮手,Intra Eligo已经尽力了。 -ZH_HYP: 1.. +ZH_HYP: (4)a:(),(),(),(),是,他们的意思是:“你的东西,都是在追求的,”他说,“你的心都是在一起的,”他说,“我是在你的。????””””” EN: Nespressor has introduced this reusable capsule made of stainless steel for medical use, which allows the user to easily open and stuff the capsule with coffee powder. After stuffing, close the capsule. Coffee may now be brewed. ZH_REF: Nespresso提出了这种医用不锈钢打造的可重复使用胶囊,轻松开启填充咖啡粉,封闭后进行萃取。 -ZH_HYP: 1.. +ZH_HYP: (美)(一),这是个很好的东西,是用了,把它的东西弄到了,是的,是的,是的,是的,是的,是的,是的,是对的,而不是你的意思。 EN: This daring design has successfully transformed a sensitive medical issue into one that is acceptable by every woman. ZH_REF: 这样大胆的设计,成功的将一个敏感的医学问题变得让每个女性都可以欣然接受。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,它是为了让人感到羞耻,而不是为了让自己的人在一起,而不是在那里,而是为了让人感到厌倦了,而且也是在对的,对你来说是很重要的 EN: This model is an improvement over Volvo’s existing safety performance. It carries the latest intersection auto brake system as well as run-off road protection system. ZH_REF: 该车型在沃尔沃原有的安全性能方面更进一步,搭载了最新的交叉路口自动刹车系统以及道路偏离保护系统。 -ZH_HYP: 1.. +ZH_HYP: (b)(一),这是一个不安全的,是在不可能的情况下,也是为了使他们的工作变得更有价值,因为它是在用功的方式上的,而不是在上司机上,还是要花了些什么? EN: Its central touchscreen control panel coupled with Apple Carplay or Android Auto are also further advancement in smart performance. ZH_REF: 触摸式一体中控平台加上Apple Carplay或者Android Auto在智能性方面也是更进一筹。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),可乐的,是用的,是用的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: The luxury seven-seater comes with a four-cylinder Drive-E engine is expected to be the choice of many business people. ZH_REF: 豪华七座的车内配置加上强大的四缸Drive-E发动机,应该是不少商务人士的选择。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Sold at price starting from RMB828,000, it may be ordered at 4S stores now. ZH_REF: 国内售价828,000起,已经可以在4S店订购啦。 -ZH_HYP: 1.. +ZH_HYP: 50.a................................................................ EN: As the sole selected Best of the Best product from China, China Airlines’ Premium Business Class cabin design is attractive. ZH_REF: 作为这次中国入选Best of the Best的唯一产品,中华航空的这个豪华商务舱设计颇为亮眼。 -ZH_HYP: 1.. +ZH_HYP: (美英)(一),是,我们的产品是用的,而不是在(中)的,是在为你的,而不是在他们的上,才会有价值的,而不是在意的时候,还是要把它的意思给 EN: Various interior design elements, such as the recreational space, lavatory layout, and seat design are integrated, affording high-end travellers an unforgettable flight experience. ZH_REF: 各种室内设计因素,诸如休闲空间、厕所布置,座位设计等融为一体,将会给高端客人一个难忘的飞行体验。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(如:),我们的东西,是为了使他们的利益,也是为了使他们的工作变得更容易,而不是在他们的身边,而是在我们的工作中,是为了得到的,而不是最需要的。 EN: Apple Watch finally made its debut at Apple’s Spring conference this March. ZH_REF: 在今年3月份的Apple(苹果)春季发布会上,Apple Watch终于和大家正式见面。 -ZH_HYP: 1.. +ZH_HYP: (美英)(一),在这方面,我们都是为了自己的,而不是在他们的中,是为了得到的,而不是在他们的中,才会有更多的东西,而不是你的,是的,是的,是的,是的。 EN: With a stainless steel case, sapphire crystal glass panel (Ion-X glass for its sports model), it supports an IPX7 rating for water resistance. The watch comes with an in-built heart rate monitor, and uses wireless charging technology. ZH_REF: 其采用全金属机身,蓝宝石表镜(Sport版为Ion-X玻璃),可支持IPX7级别的生活防水,内置心率计,采用无线充电技术。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(二),(),(),是用铁锤子的,是用的,它是用的,它是用的,它是由它的,它的意思是:的的的的的的的的的的的的 EN: Independent watchmaking concept laboratory MB&F has assembled a team of watchmaking professionals and artists who view the designing and creation of radical timepieces as their mission. ZH_REF: 独立制表概念实验室MB&F集合了一大群钟表专家和艺术圈人士,以全力设计和打造各种突破传统概念的机械钟表为己任。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在“”,“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”说!。。。。。。。 EN: On January 18, Alibaba held an e-commerce poverty eradication summit in Chongqing, and announced that it would explore a new “Internet + Poverty eradication” model to help spur measures targeted at eradicating poverty and revitalize the rural economy. ZH_REF: 1月18日,阿里巴巴在重庆召开电商脱贫高峰对话会,宣布通过探索“互联网+脱贫”新模式,助推精准脱贫和乡村振兴。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,一个人的名字是,我们的生活是由他们所产生的,而不是在经济上,而是在经济上,为之奋斗,为之奋斗,为之奋斗,为之奋斗的目的,为之提供了一个新的、更多的方法 EN: This follows Alibaba’s rural strategy, launch of the Rural Taobao program, online rural revitalization and poverty relief platform, as well as the founding of the Alibaba Poverty Relief Fund, and is a step-up commitment by Alibaba toward combating poverty. ZH_REF: 这是继提出乡村战略、启动农村淘宝项目、上线兴农扶贫平台、成立阿里巴巴脱贫基金之后,阿里对脱贫攻坚的再次“加码”。 -ZH_HYP: 1.. +ZH_HYP: 4.5.在这种情况下,为了使人的成长,也是为了消除贫困,而不是为自己的土地,而不是为自己的土地,而是为了在发展中的,而在其他方面也是如此。的是了,,的的的的的的的的的的的的的的 EN: Combating and eradicating poverty is presently one of China’s key national strategies. ZH_REF: 脱贫攻坚是当下中国最重要的国家战略之一。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),在不可能的情况下,我们的目的是为了使自己的处境更严重,而不是在他们的身上,而不是在(或)上,让我们来回,因为它是在你的身边,而不是最需要的东西 EN: Complete eradication of poverty is unprecedented in the history of China. ZH_REF: 全面脱贫在中国过去几千年来从未实现过。 -ZH_HYP: 1.. +ZH_HYP: (三)(一),在“不”的情况下,我们将在这里的一切都将是为了使他们的事业变得更容易,因为他们的行为是由你所控制的,而不是在那里,还是要花了些时间 EN: “Poverty relief via e-commerce is a new round of innovative measures aimed at poverty relief and development. It is an important means to achieve measures targeted at poverty relief and eradication. ZH_REF: “电商扶贫是新一轮扶贫开发的创新举措,是实现精准扶贫、精准脱贫的重要抓手。 -ZH_HYP: 1.. +ZH_HYP: (一)(一)为使贸易成为一个不公平的因素,而不是为其带来的代价,而不是为其带来的,是在发展中的,也是为了使我们的人更加容易地对待,而不是在国际上,也是最重要的。了 EN: The Central government very concerned with this issue and has indicated that the Internet can play a part in helping to combat poverty, advance measures targeted at poverty relief and eradication, as well as allow agricultural products to be sold outside the countryside via the Internet.” ZH_REF: 中央高度重视并指出,可以发挥互联网在助推脱贫攻坚中的作用,推进精准扶贫、精准脱贫,让农产品通过互联网走出乡村。” -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个问题,即,我们的工作是不可能的,因为它是在为他们提供的,而不是在他们的国家里,也是为了促进他们的利益而去做,而不是为了让人的发展而去掉它的。了了 EN: As such, Alibaba had proposed a rural strategy as far back as 2014, which together with big data cloud computing and globalization are its three major core strategies for the next 20 years. ZH_REF: 因此,阿里早在2014年就提出了乡村战略,跟大数据云计算和全球化并列为阿里未来20年三大核心战略。 -ZH_HYP: 1.. +ZH_HYP: (4)这是,我们的工作是为了使其成为一个大的,而非凡的,是在20世纪的,而这是在其基础上的,它的作用是,它的双重作用是,它的双重作用是对的,而不是仅仅是对世界经济的影响。 EN: In the same year, Alibaba launched the Rural Taobao program, recruiting “village partners” to help lift villagers out of poverty and move toward affluence by way of e-commerce. ZH_REF: 同年,阿里启动了农村淘宝(村淘)项目,在乡村招募“村小二”,带领农民通过电商脱贫致富。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的名字,是用了,把它的东西放到了,是的,是的,是的,是的,是的,是为了给他们带来的,而不是在那里,给你带来的好处 EN: In 2017, Alibaba worked together with the Ministry of Commerce to create a rural revitalization and poverty relief channel that is now connected to a total of 13 provinces and 120 national level poverty-stricken counties. ZH_REF: 2017年,阿里跟商务部门合作打造兴农扶贫频道,目前累计对接全国13个省份,120个国家级贫困县。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的名字,是为了使自己的事业变得更有价值,而不是在一起,而是为了在他们的生活中成长,而不是在1000年之前就会发生了什么事?了了了了了了了了了了 EN: The Alibaba platform has incubated 2118 Taobao Villages, ZH_REF: 阿里平台催生的淘宝村,已经有2118个。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一)一、二、四、三、五、四、五、一、三条、可在等方面,可由於是以之为之处,以示为之提供的,以备为之所需的 EN: of which close to 400 have emerged in poverty-stricken counties of various provinces, and 33 in 13 poverty-stricken provinces. ZH_REF: 其中,接近400个出现在省贫困县,33个出现在13个国家贫困县。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在所有的情况下,都有一个大的东西,是为了使他们的工作而变得更糟,因为他们是在一起,而不是在那里,是为了给别人的,而不是在那里,要么是在他们的服务上。 EN: In 2017, at Alibaba’s China retail platform, nationwide sales of Taobao Villages amounted to RMB120 billion. ZH_REF: 2017年,在阿里巴巴中国零售平台上,全国淘宝村销售额达到1200亿元。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,中国的一个大师,是一个不公平的,是在他们的,是在为自己的,而不是在他们的时候,在那里,是为了让你的人走,而不是在那里,你会有什么关系的。了 EN: Daniel Zhang said that confronted with the national strategy to combat poverty, Alibaba has been thinking about how it could effectively use the technology, big data, cloud computing and other innovative competencies within the Alibaba economy to help develop a new path for poverty eradication. ZH_REF: 张勇表示,面对脱贫攻坚的国家战略,阿里一直在思考如何用好阿里经济体的科技、大数据、云计算等创新能力,为脱贫走出一条新路来。 -ZH_HYP: 1.. +ZH_HYP: 3.4."为使人们更容易地认识到,在这方面,我们也是为了消除贫穷,而不是为其提供资金,而在其他方面,他们的态度是,它是一种新的、更有价值的方法,它是为了应付的,而不是什么? EN: Rural Taobao, in particular, is a major platform to help eradicate poverty via e-commerce, and has opened up a new online direct supply and sales link to help eradicate poverty. ZH_REF: 其中,村淘是阿里电商脱贫的主要承载平台,并走通了一条直供直销的互联网脱贫新链路。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的性格,是为了使自己的事业变得更容易,而不是在为自己的人,而不是在一起,而是为了让人的生活而变得更糟,因为他们是在一起,而不是在网上,而是要用的 EN: At planting phase, Rural Taobao and Ant Financial Services have jointly offered means to acquire agricultural resources and tools as well as obtain micro-loans. ZH_REF: 在种植环节,村淘和蚂蚁金服联合开展农资农具和小额贷款支持。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,我们的态度是,在不可能的情况下,为自己的利益而努力,而不是为他们提供的服务,也是为了给他们带来的,而不是在我们的上司,也是在(e)的的的的 EN: In 2017, of the 832 national-level poverty-stricken counties, 795 were served by Ant Financial Services, which provided convenient payments, credit and other relevant services. ZH_REF: 2017年,在832个国家级贫困县中,蚂蚁金服服务了795个,为其提供便捷的支付、信贷等服务。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,有的是,有的是,他们的收入是不可能的,而不是在他们的上,而在他们的服务中,有的是,他们的钱,是的,是的,是的,是的,是的。 EN: Cainiao helped with warehousing and logistics, while Tmall was responsible for selling. Alibaba Cloud’s big data provided feedback and guidance on agricultural production, further raising the supply standards, quality and market competitiveness of the agricultural produce. ZH_REF: 菜鸟解决仓储和物流,天猫负责销售,阿里云的大数据反哺指导农业生产,进一步提高农产品的供应标准、品质和市场竞争力。 -ZH_HYP: 1.. +ZH_HYP: (c)【句意】(a)【句意】我们的意思是,我们的产品是为了提高他们的品质,也是为了提高他们的服务,也是为了提高他们的服务而来的,是对的,也是对我们的投资的的 EN: The growth in poverty eradication via e-commerce not only requires products, sales channels and industry planning, it also requires talent. ZH_REF: 电商脱贫的发展,不仅需要产品、销售通道、产业规划,同时还需要人才。 -ZH_HYP: 1.. +ZH_HYP: (一)(一)不一切,可谓地被用来做交易,也是为了使自己的产品变得更有价值,因为他们的工作是在为他们提供的服务,而不是在那里,还是要花了些什么,而不是太多了 EN: By way of the e-commerce courses conducted by Taobao University, Alibaba teaches farmers standardized, quality and large-scale methods of cultivation, achieving a combination of “Poverty relief + Knowledge support” so that poverty eradication among farmers is sustainable. ZH_REF: 阿里通过淘宝大学开设电商课程,给农民传授标准化、品质化和规模化种植方法,实现了“扶贫+扶心智”相结合,让农民可持续脱贫。 -ZH_HYP: 1.. +ZH_HYP: (a)(一),在我们的工作中,有的是,他们的生活方式是由他们来的,而不是在他们的身上,而是在一起,是为了提高人们的生活水平,而不是为了消除贫困的原因(((((的的的的的 EN: These courses have already reached approximately 92% of national-level poverty-stricken counties. ZH_REF: 这些课程已经覆盖约92%的国家级贫困县。 -ZH_HYP: 1.. +ZH_HYP: (b)(一)有的是,在不允许的情况下,我们的人是在不可能的情况下,在那里,他们的人都是为了得到的,而不是在那里,要么是为了提高他们的能力而去做,而不是为了给别人带来的。 EN: The “philanthropic mentality, commercial means” poverty eradication thinking can also ensure that Alibaba will “genuinely perform poverty relief” when carrying out poverty relief activities. ZH_REF: 而“公益心态、商业手段”的脱贫思路,还能保障阿里在扶贫时做到“真扶贫”。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是对不公平的,也是为了使自己的利益而被人所束缚,而不是在他们的身上,而是为了在那里,为他们的利益而牺牲了自己的生活,而这是对我们的最严重的影响 EN: Alibaba Chairman Jack Ma once said that eradicating poverty should be divided into three phases - poverty relief, poverty eradication and becoming affluent. ZH_REF: 阿里巴巴董事局主席马云曾表示,消除贫困应该分成扶贫、脱贫和致富三个阶段。 -ZH_HYP: 1.. +ZH_HYP: 5.a.s.............................................................. EN: Poverty relief is to give someone a fish; poverty eradication is to teach someone to fish; and becoming affluent is to build a “fish pond” for farmers so that farmers can breed fish. ZH_REF: 扶贫是授人以鱼,脱贫是授人以渔,致富是给农民造一个“鱼塘”,让农民有鱼可养。 -ZH_HYP: 1.. +ZH_HYP: (a)为人的目的,是为了使自己的人更多,而不是为了自己的利益而牺牲,而不是在他们的身边,而是为了使他们的生活变得更有可能,因为它是对的,而不是在我们的身边。了了了了了 EN: Poverty relief through industry development led by e-commerce is building that fish pond. ZH_REF: 电商带动的产业扶贫,就是造鱼塘。 -ZH_HYP: 1.. +ZH_HYP: (a)(一)不一切,可供货,可供货,用的,可用于(d)的,是在用的,而不是在上,是在用的,而不是在上方,它的意思是什么?的了的的的的的 EN: In terms of poverty relief through industry development, Alibaba has partnered Luochuan County in Shaanxi Province to create a Luochuan apple poverty relief through industry development model, which has been replicated and promoted nationwide as a model by relevant departments. ZH_REF: 在产业扶贫上,阿里跟陕西洛川合作打造的洛川苹果产业扶贫模式,已经被有关部门当作范例在全国复制推广。 -ZH_HYP: 1.. +ZH_HYP: 在一个人的发展中,有的是,我们的生活方式是由他们来的,而不是在他们的国家里,而不是在那里,而是在一起,为他们的创造了一个好的机会,而不是在发展中的,也是如此的的的的的的的的的的的的的的 EN: Alibaba’s poverty relief via e-commerce initiatives have also won the recognition of decision makers. ZH_REF: 阿里电商扶贫工作也得到了决策层的认可。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),是为了使自己的事业变得更糟,而不是在他们的身上,也是为了得到的,而不是在他们的身上,而是在那里,是为了得到的,而不是在那里,它是由你所能的,而不是的的 EN: E-commerce firms, represented by Alibaba, have been given the message that farmers would see an increase in production and income with the help of online and offline channels. ZH_REF: 以阿里巴巴为代表的电商企业曾被寄语,通过线上线下渠道,确保农民增产增收。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),这条纹的人,是用心的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。了 EN: Some village partners and Ant Financial staff have also been invited to the United Nations and Africa to share their poverty relief via e-commerce experience. ZH_REF: 一些村小二和蚂蚁金服员工,还被邀请到联合国和非洲,分享电商脱贫的经验。 -ZH_HYP: 1.. +ZH_HYP: 4.a.(b)在美国,也可以为其提供贸易和经济上的服务,而不是为他们提供的服务,而不是在他们的工作中,而是在他们的时候,才会有价值的,因为它是对的,而不是最需要的 EN: Currently, the China office of The United Nations World Food Programme (WFP) has already partnered Rural Taobao in implementing a poverty relief through industry development program in Anhui and other areas. ZH_REF: 目前,联合国世界粮食计划署中国办公室已经跟村淘一起,在安徽等地开展电商产业扶贫。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,我们的影响是,在其他方面,是为了使自己的发展而变得更加困难,而不是在他们的身上,也是为了让人的发展而牺牲了他们的力量,而不是在那里,也是为了让人感到厌倦的 EN: Sina Finance news. The “3rd New Economy Think Tank Summit” jointly organized by Ali Research Institute and the China Visionary Think Tank Forum was held on January 16. Zhang Li, deputy director of the e-commerce research department at the Ministry of Commerce Chinese Academy of International Trade and Economic Cooperation attended and addressed the Summit. ZH_REF: 新浪财经讯 由阿里研究院、中国远见智库论潭共同举办的“第三届新经济智库大会”于1月16日举行,商务部研究院电商所所长张莉出席并发言。 -ZH_HYP: 1.. +ZH_HYP: "这一"是指的是,它的作用是由国际商会的,它是由贸易和经济发展的,而不是由它来的,它是由国际商会的,它是由中国和美国的,它的交流在1995年的时候 EN: She believed that our globalization had in fact ignored the most fundamental issues, i.e., those related to the essence and form of globalization, as well as issues associated with phases of globalization. ZH_REF: 她认为我们全球化其实忽略了最重要的问题,就是全球化的体与用的问题,还有全球化的阶段问题。 -ZH_HYP: 1.. +ZH_HYP: 5.4.在一个人的发展中,我们的态度是不可能的,因为它是在相互竞争中的,而不是在过去,它是由你所产生的,它的意思是,它是由你所引起的,而不是最需要的。 EN: As a result, many believed that globalization has stagnated. Moreover, in the new phase, many developed and developing countries hold different attitudes toward globalization and its pattern. ZH_REF: 这样子很多人认为全球化停滞了,而且很多发达国家和发展中国家,在新的阶段里面他们对全球化的态度不一样,是对模式的不一样。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】我们的意思是,我们的生活方式是,他们的生活方式和新的,是不可能的,而不是在那里,而是为了给人带来更多的压力,而不是在别人的上司,而是要在的时候,要把它放在一边。 EN: The second concept is concerned with issues related to the intermediate phase of globalization. What constrains the intermediate phase of globalization? ZH_REF: 第二个概念就是全球化中期阶段的问题,全球化的中期阶段受什么制约呢? -ZH_HYP: 1.. +ZH_HYP: 5.4.在不允许的情况下,我们的处境是,在不可能的情况下,为自己的目的而努力,而不是为了使他们的利益而变得更严重,因为它是对我们的,而不是在(e)的中的的的的的 EN: The reason why globalization is constrained by the economic environment and fundamentals is precisely because changing economic fundamentals have led to constraints on globalization. ZH_REF: 受经济环境基础的制约,正是因为经济基础发生了变化全球化才发生了制约。 -ZH_HYP: 1.. +ZH_HYP: (一)(一)不可能是,因为它们的贸易是一种不稳定的,而不是以某种方式为代价,而是在经济上,为其带来的利益,而不是在其他方面,这是对我们的影响的的的的的的的的的的的的的的的的的的的的的的的 EN: Zhang Li believed that adjustments to the global economy have generally come to an end at the end of 2017. A new growth phase, will begin in 2018, and growth will be driven by producer goods. ZH_REF: 张莉认为,2017年底全球经济调整基本上结束,2018年之后将进入新一轮增长期,下一轮增长一定是生产品拉动。 -ZH_HYP: 1.. +ZH_HYP: 4.5.在不影响的情况下,我们的工作是为了使其变得更加复杂,而又是在2001年之前,它是由其所产生的,而不是在美国,它的经济增长,而不是在哪方面,而是要有更多的时间 EN: JD’s first fresh food supermarket 7FRESH officially opened for business recently, and plans to set up more than 1,000 stores nationwide in three to five years. ZH_REF: 京东首家生鲜超市7FRESH近日正式开业,计划未来3到5年在全国铺设超过1000家门店。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是个大的,是在不可能的,我们的工作是为了得到的,而不是为了给他们带来的,而不是在他们的上司,而是在那里,要花多少钱?了了 EN: Together with Alibaba’s Hema Supermarket, Yonghui Superstores’ Super Species, Suning’s SUFRESH, Meituan’s Zhangyu Store, and others, “new retail outlets” have begun to emerge in clusters, and have even “challenged” each other on price in this innovative model. ZH_REF: 加上阿里的盒马鲜生、永辉的超级物种、苏宁的苏鲜生、美团的掌鱼生鲜等,“新零售门店”开始扎堆出现,并在创新模式甚至价格上互相“叫板”。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,他的名字是:“我们的,是的,是的,是的,是的,是的,也是在他们的,是在说谎的,”他说,“你的想法是什么,”他说,“你是在我们的。了??””””””” EN: The fresh food supermarket war has escalated, and have become a phenomenal topic in the new retail sector. Just what is new in new retail? ZH_REF: 生鲜超市争夺战升级,已经成为新零售领域的现象级话题,新零售到底新在哪? -ZH_HYP: 1.. +ZH_HYP: (一)(一),在这方面,我们的事也是为了让他们的,而不是在他们的面前,他们的是,他们的事业是在不断的,而不是在那里,是的,是的,是的,是的。了了 EN: “We will rapidly expand nationwide in 2018, and will open a large number of stores in Beijing, Shanghai and Hangzhou before the Spring Festival,” ZH_REF: “2018年我们会快速进入全国,春节前在北京、上海、杭州会开出一大堆的店。” -ZH_HYP: 1.. +ZH_HYP: “我们的目的是,”“是,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。!。。。。。。。。。。 EN: Hema Supermarket CEO Hou Yi revealed the company’s new approach for 2018 at the 2nd New Retail Summit on the 10th. ZH_REF: 盒马鲜生CEO侯毅10日在第二届新零售峰会上透露了2018年的“新打法”。 -ZH_HYP: 1.. +ZH_HYP: 他的意思是,在这里,我们的人都是为了得到的,而不是在他们的中,是为了得到更多的东西,而不是在他们的中,才会有什么关系的,而不是在哪里?的的了的的的的的的的 EN: “With effect from 2018, Hema will not merely be a fresh produce e-commerce firm; rather, we will be a general household goods and grocery e-commerce firm that meets consumers’ requirement for prompt delivery service. ZH_REF: “从2018年开始,盒马不单单是一家生鲜电商,而是满足消费者即时服务的生活品类电商。 -ZH_HYP: 1.. +ZH_HYP: “我们的性格是,”“不”,“我们的事,”“是,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”!!!。。 EN: The core model calls for conduction and experience in offline stores, while genuine sales are done online.” ZH_REF: 核心模式线下是引流、体验,线上是真正的销售。” -ZH_HYP: 1.. +ZH_HYP: (一)(一),是,在我们的上,也是不可能的,因为他们的东西是在用的,而不是在那里,它是在说谎的,是的,是的,是的,是的,是的,是的。 EN: Unlike traditional hypermarkets and supermarkets, Hema Supermarket is, in the eyes of many consumers, a popular Internet store that is fun and has good food. Some intermediaries have even come up with the concept of “He district housing” (housing within a 3km radius of a Hema Supermarket). ZH_REF: 区别于传统的大卖场、超市,盒马鲜生在很多消费者眼里是一家好玩好吃的“网红店”,甚至有中介机构打出了“盒区房”的概念。 -ZH_HYP: 1.. +ZH_HYP: 在美国,有的是,有的是,他们的生活方式,是一种不寻常的,是的,是的,是在他们的,是在中国,而不是在那里,也是在(e)的,是的,是的。的了了 EN: Both online e-commerce platforms and offline retail stores have their respective strengths and weaknesses, and consumers are present at various channels. Therefore, both parties are attempting the multi-channel model. ZH_REF: 线上电商平台和线下零售商各有优缺点,消费者却是在多种渠道出现,所以双方都在尝试全渠道模式。 -ZH_HYP: 1.. +ZH_HYP: (k)(一),这条规定,是有可能的,也是不可能的,因为它们的价格太高了,而且在他们的手中,也是为了让他们的利益而努力,而不是在国际上,是对他们的要求,而不是最坏的。 EN: Industry insiders believe that against the general backdrop of consumption upgrading, more “Hema type” stores will be opened in 2018. ZH_REF: 业内认为,在消费升级的大背景下,2018年“类盒马”的门店会越来越多。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在这方面,我们的态度是,在不可能的情况下,把它变成了,而不是在他们的身上,而是在他们的身上,也是为了提高他的目的而去的,是对的,对你来说是最重要的 EN: Meanwhile, Hema has continued to widen its product scope, expanding from fresh foods initially into other consumer goods. This suggests that more innovation in the retail market will be forthcoming in the new year. ZH_REF: 而盒马从最初的生鲜不断探索到更多消费领域,预示了在新的一年里,零售市场将出现更多创新。 -ZH_HYP: 1.. +ZH_HYP: 但是,在这一阶段,我们的态度是,从某种意义上讲,他们的生活方式是,他们的产品和服务的价格已经上升,而在其他方面,他们都会在那里得到更多的支持,而不是在高处的时候,这是个好主意的的的的 EN: “For instance, the integrated online-offline business model has attracted consumer eyeballs. Fresh foods supermarkets that have opened across the country have been popular among and welcomed by the masses.” ZH_REF: “比如线上线下结合的业务模式,吸引了消费者的眼球,各地开出的生鲜超市叫座又叫好。” -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,我们的人是在不喜欢的,因为他们是在一起,而不是在那里,也是为了让人更多的,而且是为了得到更多的保护 EN: “Nonetheless, these relationships are useless regardless of how much you talk about them or how cool they are. At the end of the day, it’s all about whether or not you have given consumers a good experience. Only after I have had an experience would I be willing to foot the bill.” ZH_REF: “但这些关系说得再多,再炫都没用,最后落实到你是不是给消费者带来了美好的体验,我体验好了才愿意买单。” -ZH_HYP: 1.. +ZH_HYP: “如果你有一个,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。 EN: As far as RT-Mart’s feiniu.com CEO Yuan Bin is concerned, under the new retail environment, consumer habits have changed; and shopping requirements have changed as well. ZH_REF: 在大润发飞牛网联席CEO袁彬看来,新零售环境下,消费者习惯改变了,购买需求也改变了。 -ZH_HYP: 1.. +ZH_HYP: (美英对照),“我们的”是,“不”,“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。。。。 EN: Originally, there was a clear demarcation between online and offline; offline wanted to defeat online, and online wanted to counter-attack offline. Now, on the other hand, it’s become a partnership, because consumers no longer see a difference between online and offline. ZH_REF: 原来纯线上、线下是割裂的,线下要打败线上,线上要反攻线下,现在是一起牵手,因为消费者已经没有线上线下的区分了。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个错误的原因,是的,是的,是的,是的,是的,也是不可能的,因为你的事也是在网上,而不是在那里,你会有更多的东西,而不是你的。 EN: Capital, competing for a slice of the pie, has made the retail market, represented by fresh food supermarkets, a powder keg. ZH_REF: 资本的争相入局,让目前以生鲜超市为代表的新零售火药味十足。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),(),是在不可能的,因为它是在用的,而不是在他们的中,是在说谎的,是在说谎的,而不是在(或)的时候,我们都会有更多的人 EN: Analysis shows that at present, new retail competition in Tier 1 cities is still a long way from a red ocean situation, and there is still plenty of Tier 2 cities yet to be explored. Enormous opportunities and potential exist in the market. ZH_REF: 分析认为,目前新零售在一线城市的竞争还远未到红海的格局,而且还有大片的二线城市尚待挖掘,市场仍有很大机会和空间。 -ZH_HYP: 1.. +ZH_HYP: 这是个不可能的,但在其他方面,我们的经验也是如此,而在这方面,它们的发展和经济的变化都是如此,而不是在不断地进行,要么是在一个方面,要么是如此,要么是在2005年之前就会发生的。 EN: New retail plans proposed by different types of industries will lead new retail development into a state of diversified growth. ZH_REF: 不同类型的行业对于新零售的布局,会将新零售的发展带入一个多元化的发展状态。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在其他方面,我们将为自己的利益而作为,而不是在他们的国家里,要么是为了发展而不是在其上,也是为了让人感到更多的是,它是由衷的,而不是在上层的 EN: CCTV-2 and the National Academy of Economic Strategy, CASS have compiled a stack of dry goods, i.e., this weighty annual report on the development of the e-commerce industry in China. ZH_REF: 央视财经频道联合中国社科院财经战略研究院,给大家梳理了一份干货,就是这份沉甸甸的中国电商年度发展报告。 -ZH_HYP: 1.. +ZH_HYP: (c)【句意】(a)【句意】我们的意思是,在这方面,我们的贡献是为了让自己的产品和服务,而不是在那里,也是为了让人的发展而变得更糟的了的的的的的的的的的的 EN: What sort of report card did China’s e-commerce industry receive this year? ZH_REF: 这一年来,中国电商出了一份怎样的成绩单? -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,在这方面,我们的贡献是为了让自己的利益而去,而不是为了让自己的事变得更糟,因为它是在你的时候,它是对的,而不是 EN: What are the growth trends of the global e-commerce industry? ZH_REF: 全球电商又都有哪些发展趋势? -ZH_HYP: 1.. +ZH_HYP: (英译汉)(一),是一个不公平的,因为它是在我们的,是为了让别人的,而不是为了自己的力量而去,而不是为了让别人的心智而来的,因为你的心都是在我们的,是对的 EN: Let us reveal the results one by one. ZH_REF: 我们来一一为大家揭晓。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】(我们)的意思是,我们的意思是,它是由你来的,因为它是由你所做的,而不是在别人的上方。的的了的的的的 EN: Total sales volume set a new record while growth returned to the acceleration track ZH_REF: 销售总量再破记录增速重回加速轨道 -ZH_HYP: 1.. +ZH_HYP: 在所有的情况下,都是为了使其成为一个,而不是为了使自己的处境更容易,而且也是为了使他们的心智而变得更有价值,而不是在其他的人身上,还是要把它的东西分给了 EN: China’s online retail sales have been sky rocketing since 2006. This may be attributed to the fact that online shopping was still a very novel idea at the time. Shopping without leaving home; cool! ZH_REF: 从2006年开始,我国网上零售额可以说一直呈现超高速增长,估计是那会儿觉得网购很新鲜,不出门也能买东西,太酷了! -ZH_HYP: 1.. +ZH_HYP: (美)(美)(美),我们的产品,是在不可能的,因为它是在为自己的,而不是在那里,它是在为你的,而不是在那里,它是在我们的,是的,是的。 EN: Since 2013 however, the online retail sales growth rate has decelerated from more than 50% to less than 40% for the first time in 2015; in 2016, the growth rate was 26.2%. ZH_REF: 但从2013年开始,网上零售增速开始降至50%以下,2015年,增速首次低于40%,2016年增速居然变成了26.2%。 -ZH_HYP: 1.. +ZH_HYP: 然而,在这一过程中,有的是,不包括在内,2002年的时间,是不可能的,而不是在1950年才开始,而在其他方面,这也是一个问题,而不是在其他方面的表现。的的 EN: The situation changed this year, however. Online retail sales accelerated again. For the first nine months of this year, growth rate rebounded to 34.2%, ZH_REF: 但是今年情况就不一样了,网上零售额重新加速,今年1-9月份,增速回升至34.2 %。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为它是在经历了一种商品的情况下,而不是在其他方面,而是在一定程度上,是为了达到最高的目的,而不是在(e)上,这是对我们的影响的的的的的 EN: significantly higher than the growth rates seen in 2015 and 2016. ZH_REF: 大大高于2015年、2016年的增长率。 -ZH_HYP: 1.. +ZH_HYP: (b)(一)不存在于不稳定的情况,在其他方面,它们的作用是,在发生的情况下,为其提供便利,而不是在(d)-------------------------- EN: Perhaps shoppers took a detour but eventually realized that retail therapy does wonders for one’s mind and body. ZH_REF: 可能大家在外兜兜转转一圈,发现还是买买买更让人身心愉悦。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: In particular, online retail sales of physical goods amounted to approximately RMB5.08 trillion, while online retail sales of services amounted to nearly RMB1.49 trillion. ZH_REF: 其中,实物商品网上零售额近5.08万亿元,服务网上零售额近1.49万亿元。 -ZH_HYP: 1.. +ZH_HYP: (c)(一),(),我们的产品是不可能的,因为他们的钱包在一起,而不是在他们的上,是在为他们提供的服务的时候,他们的意思是,我们的价格是不一样的,是的,是对的。 EN: This comprised 13.6% of total retail sales of consumer goods, up nearly 3 percentage points year-on-year. ZH_REF: 在社会商品总零售额中占比达到13.6 %,同比提高近3个百分点。 -ZH_HYP: 1.. +ZH_HYP: (c)(一),在所有情况下,我们的产品是用的,而不是在其他方面,是在用的,而不是在(d)的时候,它是由它的,它的意思是,它是由你所引起的,而不是的的 EN: Wake up, students. It’s time to highlight the key points. Online retail sales of services was definitely a major contributor! ZH_REF: 同学们,别打瞌睡,划重点了,服务网上零售额绝对是一大功臣啊! -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Elsewhere, per capita online shopping of French netizens who are obsessed with online shopping amounted to US$1,925. Goods they purchased online are primarily clothing, worthy of being called a nation of fashion lovers. ZH_REF: 其次爱剁手的法国网民,人均网购额为1925美元,而他们网购最多的商品,是服装,不愧是爱时尚的国度。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在其他情况下,我们的东西是由他们所拥有的,而不是在他们身上,而是用到的,是的,是的,是的,是的,是的,是的,是的,是的。了 EN: Who says those who love online shopping most must be young? ZH_REF: 最爱网购的,一定是年轻人吗? -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】(),我们的意思是,你的意思是,它是在为你的,而不是为了给别人带来的,而不是太多的,因为你的意思是什么?的了的的 EN: The start-ups that will help your company avoid becoming the next Uber ZH_REF: 帮助您避免公司成为下一个优步的初创公司 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Amy Errett wanted to gauge employee happiness at her e-commerce start-up, but surveys weren't working. ZH_REF: 艾米·埃雷特曾经想在她的电子商务初创公司调查员工的幸福感,但调查没什么作用。 -ZH_HYP: 1.. +ZH_HYP: (美)(4).............................................................. EN: Responses were often vague, unhelpful or, worse, deceitful. ZH_REF: 得到的回复往往都语焉不详,毫无助益,甚至更糟的是还有欺骗性的回复。 -ZH_HYP: 1.. +ZH_HYP: (4)(一)不允许的,是不可能的,因为他们的错误是在不可能的,而在他们的情况下,是为了使他们的心智而变得更多的,而不是在我的身边,还是要把它的意思和(或) EN: And even if she promised anonymity, some workers didn't trust the process. ZH_REF: 即使她承诺采用匿名形式,但是有些员工仍然不信任这一过程。 -ZH_HYP: 1.. +ZH_HYP: 如果你是在,我们就会被人的,是,他们的缺点是,从某种意义上,他们都是为了得到的,而不是在那里,也是为了让我的工作而去,而不是在那里,那是对的,是的,是的。 EN: "It just never had consistency and objectivity," said Errett, who runs the 75-person San Francisco e-commerce hair care company Madison Reed. ZH_REF: 埃雷特负责管理 75 人的旧金山电子商务护发公司 Madison Reed,她表示“得到的回复缺乏一致性和客观性”。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: So she called in outsiders for help. ZH_REF: 所以她打电话对外求助。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................ EN: A new breed of human resources start-ups is cropping up to help companies figure out how their employees feel. ZH_REF: 一批新的人力资源初创公司如雨后春笋般涌现,帮助公司了解员工的感受。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),是为了使人的缘故,我们都会被人所吸引,而不是为了他们的缘故,他们都会在那里,而不是为了给别人带来的,而不是在他们的身边,那是对的,对我们来说是最重要的 EN: By building and licensing software that has the specific purpose of measuring employee engagement, they allow companies to do snap polls, target specific teams and demographic groups, offer employees anonymity and complaint hotlines, and in some cases allow whistle-blowers to bypass C-suite executives and go straight to the board of directors. ZH_REF: 他们构建并授权专门用于衡量员工参与度的软件,从而使得公司可以针对特定团队和人口群体快速进行民意测验,为员工提供匿名和投诉热线,并且在某些情况下允许举报人绕过高管直接报告给董事会。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,我们的公司都是为了得到的,而不是为了让自己的人而去,而不是在他们的身上,而是在他们的面前,为你的服务员和别人的服务员们的,是对的,是对的。 EN: "You've now got tools such as Strava and Fitbit for tracking your health, but where's the Fitbit for your company?" said Jim Barnett, co-founder and chief executive of Redwood City start-up Glint, whose software analytics tools are used by companies to measure employee engagement. ZH_REF: “现在,你可以用 Strava 和 Fitbit 等工具来追踪你的健康状况,但是公司的 Fitbit 在哪里呢?”红木城创业公司 Glint 的联合创始人兼首席执行官吉姆·巴内特表示。Glint 软件分析工具被各家公司用来衡量员工敬业度。 -ZH_HYP: 1.. +ZH_HYP: “我的意思是,”“是的,”“你的意思是,”“你的意思是,”“你的意思是,”他说,“你的钱还好,你的钱就行了,”他说。了了了了了了了了了了了 EN: Errett said she gained more insight into what her employees were thinking and feeling in three years using Glint. ZH_REF: 埃雷特表示在三年内,她用 Glint 获得了对员工想法和感受的更多见解。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(),我们的意思是,你的意思是,他们的意思是,他们的意思是,在我的上,你的意思是,你的意思是,要把它给你带来的好处 EN: In addition to the snap surveys and polls of specific teams, it offers a heat map of the company showing at a glance which units have the most complaints and which managers have low approval scores - allowing her to drill down on why. ZH_REF: 除了特定团队的快速调查和民意调查之外,Glint 还提供公司热图,哪些单位投诉最多,哪些经理批准分数低,一目了然 – 这让她能够深入了解原因。 -ZH_HYP: 1.. +ZH_HYP: 在任何情况下,都是为了使自己的工作变得更加复杂,而且在他们的服务中,他们都是为了得到的,而不是在他们的面前,才是为了给他们带来的,而不是在乎的,是对的,而不是对你的看法 EN: Companies are coming to realize they must stay on top of their workplace culture, lest they become the next Uber, which has been enmeshed in scandal since a former employee published a blog post describing an environment of harassment where those who spoke out were punished. ZH_REF: 各家公司开始意识到他们必须熟练掌控公司的职场文化,以免成为下一个优步。优步前员工之前发表了一篇博客文章描述骚扰环境,这些发言者被公司惩罚,之后优步便陷入了丑闻。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】我们的人是个好人,他们的事业也是在他们的,而不是在他们的时候,他们都是为了得到的,而不是在他们的工作中去,因为他们是在说谎的,是的。了 EN: For start-ups such as Glint, this desire for oversight is a lucrative business opportunity. ZH_REF: 对于像 Glint 这样的初创公司来说,公司这种监督愿望是一个钱途无量的商机。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: The global governance, regulation and compliance industry could be worth more than $118.7 billion by 2020, according to finance tech insights website Let's Talk Payments. ZH_REF: 根据金融技术分析网站 Let's Talk Payments 的数据,到 2020 年,全球治理、监管和合规行业的价值可能会超过 1,187 亿美元。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),在“我们”的“”,“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。。。。。。。。。。。。 EN: Denver, Colo., start-up Convercent, which helps companies prevent and detect bad behavior, saw an uptick in interest and activity earlier this year amid Uber's fall into disrepute. ZH_REF: 科罗拉多州丹佛的初创企业 Convercent 致力于帮助公司防止和发现不良行为,在今年早些时候优步声誉受损期间,他们看到了此方面兴趣和活动的增加。 -ZH_HYP: 1.. +ZH_HYP: (美国)(这篇)是一个不容易的东西,它的意思是,它是在为自己的,而不是在,它的意思是,它是在对的,而不是在别人身上,也是为了让人更多的,而不是的的的的的的的的 EN: Convercent has nearly 600 clients, including Airbnb, Microsoft, and Tesla. ZH_REF: Convercent 拥有近 600 个客户,其中包括爱彼迎、微软和特斯拉。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),我们的东西,是的,是的,是的,是的,是的,是的,是的,是的,是对的,而不是在你的上司,也是你的,是的,是的。 EN: Uber recently signed up as a client. ZH_REF: 优步最近签约成为客户。 -ZH_HYP: 1.. +ZH_HYP: 5.a.............................................................. EN: Like Glint, Convercent lets companies send customized "pulse" surveys, gather confidential responses in real time, and view heat maps of its problem areas. ZH_REF: 与 Glint 一样,Convercent 可以让公司发送定制化的“诊断”调查,实时收集机密回应,查看其问题区域的热图。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。。。 EN: It also offers an anonymous texting hotline that lets employees report bad behavior. ZH_REF: Convercent 还提供匿名短信热线,让员工上报不良行为。 -ZH_HYP: 1.. +ZH_HYP: (k)为人提供了一个机会,使我们的工作变得更加危险,而不是为了使他们的工作变得更加危险,而不是在他们的身边,就会被人所受的影响,而是要把它的全部赔偿责任推到了的的的的中中中中 EN: And if the chief executive is implicated, complaints go straight to the board of directors. ZH_REF: 如果董事长受到牵连,那么投诉将直接进入董事会。 -ZH_HYP: 1.. +ZH_HYP: (4)如果有,就会被人的遗漏,而不为人的缘故,他们的工作是由他们所做的,而不是在那里,他们都会在那里,而不是在那里,是为了让人感到很好,因为他们的知识是在我身上的 EN: "The court of public opinion has usurped regulators," said Patrick Quinlan, the founder and chief executive of Convercent. ZH_REF: Convercent 的创始人兼首席执行官帕特里克·昆兰表示:“舆论法庭篡夺了监管机构的权力。 -ZH_HYP: 1.. +ZH_HYP: “我们的名声是,”“不,”“是的,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”说。。。。。。。。。。。。 EN: If a company is found to treat its employees poorly or behave unethically, even if regulators don't step in, it can face costly consequences from consumer boycotts, employee attrition and lawsuits, Quinlan said. ZH_REF: 如果一家公司被发现对待员工不善或者对员工表现不道德,即使监管机构不介入,这家公司也可能面临消费者抵制、员工流失和卷入诉讼的高昂后果,昆兰表示。 -ZH_HYP: 1.. +ZH_HYP: (4)如果有,就可以用“不”的方式来,把它的东西放到一边,而不是在说谎,或者是在说谎,那就会使你的心智变得更糟,而不是在别人身上,那是对的,是的,是的。 EN: Ruby Tuesday, the restaurant chain with more than 25,000 employees across 500 locations, has used Convercent for more than a year to ensure employees are aware of policies and procedures and offer an easy way to reach its corporate headquarters. ZH_REF: Ruby Tuesday 是一家横跨 500 多个地方并拥有超过 25,000 名员工的餐饮连锁店,已使用 Convercent 一年多,确保员工了解工作准则与工作规程,提供联系公司总部的轻松途径。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是在我们的工作中,而不是在他们的身上,而是为了让自己的生活而变得更糟,而不是在他们的时候,才会有价值的,而不是在那里,而是要把它给你的。了了了 EN: Previously, if an employee wanted to report a problem, he or she had to find a phone number or email for corporate headquarters, lodge a formal complaint, and hope it was taken seriously. ZH_REF: 在此之前,如果员工想要报告问题,必须找到公司总部电话号码或电子邮件,提出正式投诉,并希望总部能对此予以认真对待。 -ZH_HYP: 1.. +ZH_HYP: 如果有的话,就会被人的错乱,而不是在他们的身边,就会被人所吸引,而不是在那里,而是要去找一个人,也是个很好的人,是的,是的,是的,是的,是的。 EN: It was often an intimidating and uncomfortable experience, said James Vitrano, Ruby Tuesday's general counsel, who said there was no good way of tracking employee complaints. ZH_REF: 这往往是一种令人畏惧而不安的经历,Ruby Tuesday 的法律总顾问詹姆斯·维特拉诺如是说,他认为并没有一种好的方法可以追踪员工的投诉。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,他的名字是,是的,是的,是的,是的,是的,是的,是的,是的,也是为了使你的工作变得更糟的,而不是你的意思。的了了了了了了了了了了了了了了 EN: Now that the company is using Convercent, though, problems that were previously hidden from executives who sat in offices cities or states away - such as discrimination, harassment or unfair wage practices - can be more quickly identified and addressed. ZH_REF: 但现在该公司使用 Convercent,就能更快地发现和解决之前位于远距离办公室、城市或州的高管所不知道的问题 - 如歧视、骚扰或不公平的工资行为。 -ZH_HYP: 1.. +ZH_HYP: (4)这是,在我们的工作中,有的是,他们的生活方式是,他们的缺点是不可能的,而不是在那里,要么是在那里,要么是在那里,要么是对的,要么是对的,要么是错误的,要么是错误的。 EN: "I can get closer to that holistic, 360-degree view into the employment experience," said Vitrano, who oversees Ruby Tuesday's risk management group. ZH_REF: “我可以更近地、360 度全方位地了解工作体验,”负责 Ruby Tuesday 风险管理团队的维特拉诺说道。 -ZH_HYP: 1.. +ZH_HYP: “我的意思是,”“不,”“是的,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。。。。 EN: "And we're protecting our shareholders from employment litigation." ZH_REF: “我们正在保护我们的股东免受就业诉讼。” -ZH_HYP: 1.. +ZH_HYP: “我们的意思是,”“是的,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。。。。 EN: Companies started taking ethics, values and employee engagement more seriously in 2002 after accounting firm Arthur Andersen collapsed because of ethical violations from the Enron scandal, Quinlan said. ZH_REF: 昆兰表示,在安道尔会计师事务所因安然丑闻违反道德规范而倒闭后,各家公司从 2002 年开始更加重视道德、价值观和员工敬业度。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: But it wasn't until "social media came into its own" that companies realized they couldn't stop their dirty laundry from going viral online. ZH_REF: 但直到“社交媒体走入了自己的世界”之后,各家公司才意识到他们无法阻止他们的爆料在网上病毒式传播。 -ZH_HYP: 1.. +ZH_HYP: 但是,在这个过程中,我们的态度是,从他们的角度来看,他们的事业是不可能的,而不是在他们的身上,而是在那里,要去找你的,是的,是的,是的,是的,是的。了了了 EN: "Prior to using technology to monitor ethics, people used hope as a strategy," he said. ZH_REF: “在使用技术监测道德之前,人们把希望视为一种策略,”他说。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。。。 EN: Both Glint and Convercent offer their software as a service, charging companies recurring fees to use their products. ZH_REF: Glint 和 Convercent 均将其软件作为服务提供,并向各家公司收取产品使用的经常性费用。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,它是为了使自己的利益而被人的,而不是在他们的时候,也是为了给别人带来的,而不是在乎的,因为它是对的,而不是什么? EN: It's a business model and opportunity that has the approval of venture capital investors, who have propped up both start-ups. ZH_REF: 这种商业模式和商业机会得到风险投资者的支持,这些投资者已经为这两家初创公司提供支持。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)(一),是,也是为了使自己的事业变得更容易,而不是为了让自己的人而去,而不是为了让人感到厌倦,而不是在那里,还是要把它给的,是的,是的,是的,是的。 EN: Convercent raised $10 million in funding in February from firms such as Sapphire Ventures and Tola Capital, bringing its total capital raised to $47 million. ZH_REF: 2 月份,Convercent 从 Sapphire Ventures 和 Tola Capital 等公司筹集了 1000 万美元的资金,其总资本上升至 4700 万美元。 -ZH_HYP: 1.. +ZH_HYP: (一)在这一过程中,我们的代价是,从小就到了,是为了使自己的利益而变得更糟,而且是为了给他们带来的,也是为了给你带来的,而不是在(e)的时候,了了 EN: Glint secured $10 million in November from Bessemer Venture Partners, bringing its total funding to $60 million. ZH_REF: 11 月份,Glint 从 Bessemer Venture Partners 获得了 1000 万美元的资金,其总资金达到 6000 万美元。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,我们的钱包里的东西都是为了得到的,而不是在他们的身上,而是为了给他们带来了,也是为了给他们带来的,而不是在乎的,是的,是的,是的 EN: These investments hardly come as a surprise, given the interconnected nature of companies, culture and venture capital. ZH_REF: 鉴于公司、文化和风险投资之间的相互关联性,这些投资几乎不会让人感到惊讶。 -ZH_HYP: 1.. +ZH_HYP: 在这方面,我们的态度是,有的是,他们的事业,是为了使他们的利益而变得更糟的,而不是在他们的身边,而是在那里,是为了给我带来的,而不是太多了了的的的的的的 EN: There's a growing body of research showing today's employees expect more from their workplaces than before. ZH_REF: 越来越多的研究表明,今天的员工对工作场所的期望比以前更高。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为他们的工作是在做点事的时候,他们都是在说谎的,而不是在那里,他们的力量是在不断的,而不是为了给别人带来的,是对的 EN: In competitive markets such as Silicon Valley, high salaries and interesting projects are merely table stakes. ZH_REF: 在像硅谷这样竞争激烈的市场中,高薪水和有趣的项目仅仅是赌注。 -ZH_HYP: 1.. +ZH_HYP: 5.a.................................................................. EN: Employees want to feel that they're accepted and valued and that they're giving their time to a company with a positive mission. ZH_REF: 员工希望感受到他们被接受、被重视,感受到他们的时间花在一个有积极使命的公司身上。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,他们的意思是,在他们的时候,和你的联系,是为了得到的,而不是为了给别人带来的,也是为了给你带来的, EN: "When people are happy to be at a company, feel their voices are heard, and that the work they are doing is rewarding, they are more committed to making that company successful," said Nina McQueen, vice president of global benefits and employee experience at LinkedIn, which uses both Convercent and Glint. ZH_REF: “当人们乐于加入公司、感受到他们的声音被聆听、他们所做的工作是有益的,他们就会更加致力于让公司取得成功,”LinkedIn 全球福利和员工体验副总裁妮娜·麦卡特尼表示。LinkedIn 同时使用 Convercent 和 Glint 这两款软件。 -ZH_HYP: 1.. +ZH_HYP: (美国)(4)................................................................... EN: Investors achieve returns when their portfolio companies do well; companies do well when employees are committed and engaged. ZH_REF: 投资者在其投资组合公司表现良好时实现回报;公司在员工忠诚和敬业时表现良好。 -ZH_HYP: 1.. +ZH_HYP: 5.a.................................................................. EN: If third-party analytics tools promise to increase employee commitment and engagement, it's no wonder they're finding backing. ZH_REF: 如果第三方分析工具承诺增加员工的忠诚度和敬业度,他们会寻找财务支持也就不足为怪了。 -ZH_HYP: 1.. +ZH_HYP: (c)(一)为使人的行为而作为,使其成为一种危险的手段,而不是为了使其成为贸易,而不是为其提供更多的服务,使其成为一种(或)对其进行的限制的的的的的的的的的的的的的的的的的的的 EN: Having data on employee engagement is important, according to workplace culture experts. ZH_REF: 工作场所文化专家称,掌握员工敬业度数据非常重要。 -ZH_HYP: 1.. +ZH_HYP: (c)(一),在“”,“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。 EN: But the data are useless unless a company's custodians take action. ZH_REF: 但是,除非公司的管理员采取行动,否则这些数据毫无用处。 -ZH_HYP: 1.. +ZH_HYP: (4)如果不允许,就会有一个大的东西,而不是为了使他们的缘故,而不是在他们的身边,而是在他们的面前,把它当作是一种对的,而不是在别人身上的,是最重要的,因为它是什么意思? EN: In fact, if a company asks employees for their feedback, it can set an expectation that change is on the way. ZH_REF: 事实上,如果一家公司要求员工提供反馈意见,就可以预期这家公司正在进行变革。 -ZH_HYP: 1.. +ZH_HYP: 如果是,在工作中,你就会被人的遗漏了,而你的东西也会被人所吸引,而不是在他们的身边,那是你的错觉,那是对的,是的,是的,是的,是的。 EN: And if change doesn't come fast enough, or at all, it can breed disappointment and make employees disengaged. ZH_REF: 如果变革进展得不够快,或者没有一点进展,则可能会带来失望,并导致员工脱离公司。 -ZH_HYP: 1.. +ZH_HYP: (4)如果你的意思是,我的意思是,他们的意思是,他们的意思是,我的意思是,他们的意思是,要把它给别人的,是的,是的,是的,是的,是的,是的,是不可能的 EN: "If you're going to ask for 4,000 suggestions, you need to be prepared to have 4,000 conversations," said Russell Raath, president of consulting at business management firm Kotter International, who has seen companies make the mistake of relying too much on data collection. ZH_REF: 商业管理公司科特国际公司的咨询业务主管拉塞尔·拉思表示:“如果你想寻求 4000 条建议,那么你需要准备好进行 4000 次对话。”他看到过一些公司过分依赖数据采集的错误。 -ZH_HYP: 1.. +ZH_HYP: 如果你是在一起,你就会被人搞砸了,那是在为你的事业上的,而不是在那里,他们都是在说谎的,那是对他的错觉,而这是对公司的影响的的的的的的的的 EN: "Because if you don't follow through, employees will wonder, 'Did you really hear me? ZH_REF: “因为如果不全程跟进,员工就会想,‘你真的听到我说的了吗? -ZH_HYP: 1.. +ZH_HYP: “如果你的观点是,你会有什么东西,而不是在一起,你会把它的东西弄得太多了,”他说,“你是在我的,是的,”他说,“你是在我的,”说 EN: Do you care? ZH_REF: 你在乎吗? -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: And if you don't care, why should I care?' " ZH_REF: 如果你不在乎,我为什么要在乎呢?’” -ZH_HYP: 1.. +ZH_HYP: (4)................................................................. EN: Madison Reed, which now does monthly employee surveys, has been able to take action the same day a problem is reported on Glint, according to Errett. ZH_REF: 埃雷特表示,Madison Reed 现在每月进行员工调查,已经能够在 Glint 报告问题的当天采取行动。 -ZH_HYP: 1.. +ZH_HYP: (美)()(),我们的意思是,我们的工作是在不可能的,因为他们的事,是为了得到的,而不是在那里,他们都是为了得到的,而不是在那里,要么是为了得到更多的东西而去的 EN: And, after gathering feedback from employees frustrated by the speed of decision-making and the quality of communication, she was able to reorganize several teams within the company and add communication training to address the issues. ZH_REF: 收集员工有关他们因决策速度和沟通质量而受挫的反馈意见之后,她就能够通过重组公司内部团队、增加沟通培训来解决问题。 -ZH_HYP: 1.. +ZH_HYP: (a)为使人的利益而作为,而不是为了使他们的工作变得更加危险,而不是为了使他们的工作变得更加危险,而是在他们的服务中,把它给了我的手,也是在对的,而不是对你的反应 EN: Over at Ruby Tuesday, the company is getting new insight on its employees, and it's hoping that in the long run, this will convert to better retention of workers in an industry known for high turnover. ZH_REF: Ruby Tuesday 公司正在获取对其员工的新见解,从长远来看,他们希望能够在这个以高人才流失率著称的行业中作出转变,更好地保留员工。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的事业是,他们的事业是为了使他们的事业变得更容易,而不是为了自己的利益而牺牲,而不是在那里,他们都会在那里,给你带来的,是对的,而不是太多了了了的的的 EN: "If you're not committed to creating a culture of transparency, you're going to lose people," Vitrano said. ZH_REF: “如果你不致力于创造透明文化,你会失去人才,”维特拉诺说道。 -ZH_HYP: 1.. +ZH_HYP: 如果你的意思是,你会在乎的,是为了自己的,而不是为了自己的,而不是在乎,是为了让自己的事业变得更有价值,而且也是为了让人感到厌倦的,那是对的,对我们来说,这是个很不礼貌的 EN: "And if you lose people, you're going to lose customers. ZH_REF: “如果你失去了人才,你就将失去客户。 -ZH_HYP: 1.. +ZH_HYP: “如果你的观点是,我们就会有更多的东西,而不是为了自己的,而不是在他们的身边,而是为了得到的,而不是在那里,也是为了让人更多的,”他说。了了了了了了了了了了了了了了了了了了了了了 EN: And when you lose customers, you're going to lose companies." ZH_REF: 而当你失去客户时,你就将失去公司。” -ZH_HYP: 1.. +ZH_HYP: (美英)(一),你的意思是,你的东西,都是在,是为了让自己的,而不是在他们的中,也是为了让人感到厌倦的,而不是在别人的上司,而是要用的,是的,是的。 EN: This year the swimming events of World Cup will return to the 25-meter short pool. It will consist of 9 sub-station races and one more European station than 2015. ZH_REF: 今年游泳世界杯的赛事回归25米短池,由9个分站比赛组成,比2015年多一个欧洲站。 -ZH_HYP: 1.. +ZH_HYP: 5.4.2................................................................ EN: As a world-class player who defeated Ding Junhui in Snooker Project of the 2010 Guangzhou Asian Games and won the gold medal in this project, Marco Fu should be the most famous Snooker player among the active athletes in Hong Kong. ZH_REF: 作为曾在2010年广州亚军会斯诺克项目中击败丁俊晖,获得该项目金牌的世界级选手,傅家俊应该是香港现役运动员中知名度最高的斯诺克球手。 -ZH_HYP: 1.. +ZH_HYP: (美国作家):“我们的梦想是,他们的生活方式是在一起,而不是在比赛中,他们是在一起,而不是在比赛中,而是在比赛中,为他们的对手而来的。的是了了了了了了了””””””””””。。。。。 EN: The unveiling ceremony of “Taking Stock of the Chinese Language 2016”, jointly hosted by the National Language Resources Monitoring and Research Center, Commercial Press and people.cn, was held in Beijing today. ZH_REF: 由国家语言资源监测与研究中心、商务印书馆、人民网主办的“汉语盘点2016”揭晓仪式今天在京举行。 -ZH_HYP: 1.. +ZH_HYP: 在这个意义上,“我的作品”是“从句中”的意思,“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。。 EN: Sterling's controversial goal defeated Arsenal, which is really a timely and inspiring attempt for Manchester City after losing two battles in the three matches before. ZH_REF: 斯特林争议进球绝杀阿森纳,之于此前3轮2场败北的曼城,着实是一针太及时的强心剂。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Urban romance-business drama “Feather Flies To The Sky” has been a big hit on Jiangsu Television. The drama tells the story of the arduous and passionate entrepreneurial history and romance of three generations of people. ZH_REF: 都市情感商业大剧《鸡毛飞上天》正在江苏卫视热播,该剧讲述了三代人既艰辛曲折又充满激情的创业史和情感史故事。 -ZH_HYP: 1.. +ZH_HYP: (美国作家):“这是个好的东西,是在为自己的事业上的,而不是在为自己的,而不是在一起,而是在为你的生活中创造的,而不是太多的,”他说。了了了 EN: This director of plays, who was born in the 1940s, is a highly respected elder in the performing arts circle. He was a winner of the Golden Lion Award, and was entitled to special subsidy from the State Council. ZH_REF: 这位出生于上世纪40年代的话剧导演,是业界德高望重的老前辈,话剧金狮奖得主,享受国务院特殊津贴。 -ZH_HYP: 1.. +ZH_HYP: (一)【句意】(他的意思是,我的意思是,你是在做的,是在为自己的,而不是为自己的),是为了得到的,而不是在别人的时候,也是为了得到的,是的。 EN: In the men's 50-meter backstroke, Koga Junya from Japan won the champion with 22'85 and Chinese athlete Xu Jiayu ranked eighth with 23'54. ZH_REF: 男子50米仰泳,中国选手徐嘉余以23秒54的成绩排名第八,日本选手谷赫纯也以22秒85夺冠。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的名字是由大人,他们的,是的,是的,他们的是,他们的力量,和我的对手,都是在一起,而不是在25岁的时候,要在那里,要和别人分享你的 EN: The NCAA's elimination of two-a-day practices makes for a long day for the Bruins ZH_REF: NCAA 取消每日两次的训练,延长熊队白天的训练时间 -ZH_HYP: 1.. +ZH_HYP: (英译汉)()(),我们的意思是,他们的意思是,他们的意思是,在我的上,你会有多的,因为它是为了让人的,而不是在那里,也是为了让人的心智而来的 EN: It's pushing 11 p.m. as a throng of UCLA football players linger to chat on one side of the team's new on-campus practice fields. ZH_REF: 时间接近晚上 11 点,加州大学洛杉矶分校足球队队员在球队新的校园练习场旁边徘徊聊天。 -ZH_HYP: 1.. +ZH_HYP: (美)(美)(美),用力差,把它放在一边,把它放在一边,把它放在一边,把它放在一边,把它的东西放到一边,好的,好的,是的,是的,是的。 EN: Some have peeled off their jersey tops, revealing backs slick with sweat from the toil of the first day of training camp. ZH_REF: 有些球员已经脱下运动衫,露出集训营第一天努力训练后汗流浃背的身体。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为他们的东西是用的,而不是在他们的中,把它的东西弄得太平了,而且也是在说谎的,是的,是的,是的,是的,是的。 EN: For a good chunk of the team, these idle minutes constitute a midday break. ZH_REF: 对于球队中很大一部分人来说,这空闲的几分钟就是休息时间。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Players enrolled in summer classes will head back to their dorms after the three-hour practice to study for final exams before returning to the Wasserman Football Center for meetings at 6:30 the following morning. ZH_REF: 参加夏季课程的球员在三小时练习后将返回宿舍备考期末考试,然后第二天早上 6:30 返回 Wasserman 足球中心参加会议。 -ZH_HYP: 1.. +ZH_HYP: (4)如果有,就可以在被发现,而不是在他们的后面,就会被人用,而不是在,就在他们的脚趾中,在那里,是的,是的,是的,是的,是的。了了了 EN: "This is a grind for these guys the next three days," Bruins coach Jim Mora said not long before Monday turned into Tuesday. ZH_REF: “接下来的三天对这些家伙是一种磨合,”熊队教练吉姆·莫拉在周一即将进入周二时说道。 -ZH_HYP: 1.. +ZH_HYP: “我们的人”是个不礼貌的,因为他们是在说谎,而不是在过去,他们都是为了让他们的,而不是在这里,而不是在那里,要去做,因为他是个好人,而不是太多了了了了了了了了 EN: The NCAA's elimination of two-a-day practices, designed to lighten the load on players, has actually lengthened their days - at least until finals end Friday. ZH_REF: NCAA 取消了每日两次练习(旨在减轻球员负担),但实际上延长了他们白天的训练时间 - 至少在周五结束之前。 -ZH_HYP: 1.. +ZH_HYP: (美)(一),是,也是为了使自己的心从头到尾,而不是在他们的身上,而是在他们的面前,为自己的心想而来的,是在最糟糕的时刻,也是最坏的,是的,是的。 EN: That's why UCLA's first three practices were scheduled to begin at 7:15 p.m. to accommodate players' already crammed schedules. ZH_REF: 这就是为什么加州大学洛杉矶分校的前三次训练定于下午 7 点 15 分开始,以适应球员已经挤塞的时间表。 -ZH_HYP: 1.. +ZH_HYP: 这是个不可能的人,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。了了了 EN: The trade-off from no two-a-days is more one-a-days, the Bruins pushing up the start of camp nearly a week from last season and holding practices during summer school for the first time during Mora's six seasons in Westwood. ZH_REF: 从取消一天两次训练到更多地进行一天一次训练,熊队在上个赛季前差不多一个星期展开训练,莫拉在韦斯特伍德的六个赛季中首次于暑期学校进行训练。 -ZH_HYP: 1.. +ZH_HYP: 这条草案是指的,是,我们的工作是不可能的,因为他们是在做的,是在做的,是在做生意的,而不是在他的时候,在这方面,是在我们的时候,要在这里的时候了 EN: They are scheduled to hold 18 practices through Aug. 20 before beginning formal game preparations for their opener against Texas A&M on Sept. ZH_REF: 他们计划从 8 月 20 日开始进行 18 场训练,然后再开始为 9 月份首战德州农工进行正式比赛做赛前准备。 -ZH_HYP: 1.. +ZH_HYP: (2)【句意】(我们)的意思是,我们的人在做点,是为了让自己的人感到羞耻,因为他们的行为是在他的,而不是在那里,还是要把它的意思和好的都换成了 EN: Mora said he supported the NCAA's rule change even if it did add another item to players' busy itineraries. ZH_REF: 莫拉说,他支持 NCAA 的规则调整,虽然这样会让球员繁忙的行程又增加了另一个项目。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)()(),这也是一个不对的,因为它是在我们的,是为了让自己的力量而努力,而不是在别人的上方,而不是在那里,也是为了提高他们的能力的的的的的的的的的的的的的的的的的的 EN: "We're putting this enormous load on them for three or four days and it's very challenging," Mora said. ZH_REF: “三或四天时间内,我们会给他们施加巨大的训练量,非常具有挑战性,”莫拉说道。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: "And they've just pushed through it; they grind, they're great kids. ZH_REF: “他们也刚刚通过。他们在磨练,他们都是很棒的孩子。 -ZH_HYP: 1.. +ZH_HYP: “我们的人都是这样的,”他的意思是,“他们是为了让他们的,而不是为了自己的利益而去,”他说,“我是为了让你的人,”说,,了了的的的的的的的的的 EN: I think once we get to Saturday and we'll have more time, it will really be great." ZH_REF: 我想到了周六,我们就会有更多时间,真的很棒。” -ZH_HYP: 1.. +ZH_HYP: (美英)(一),我们的意思是,我们的时间是,在他们的中,是为了让自己的力量而去,而不是在那里,而是要把它给的,是的,是的,是的,是的,是的,是的。 EN: UCLA will close its practices once camp is finished, no easy task given the clear sight lines of its fields from an adjacent parking lot and the adjoining Luskin Center, an upscale hotel that has already been pelted with footballs that cleared a protective net behind a goalpost. ZH_REF: 集训营一结束,加州大学洛杉矶分校就会停止训练。考虑到邻近的停车场和 Luskin Center 的清晰视线,这不是一个容易的任务。Luskin Center 高级酒店已被穿过球门柱后防护网的足球投掷得遍体鳞伤。 -ZH_HYP: 1.. +ZH_HYP: 5.4.1.在这一阶段,人们对其进行了彻底的探索,而不是从他们的角度来回来,而是在一个大的地方,在那里,它是为了让人感到很好的,而不是在他们的时候,这是在对的 EN: Bruins players are scheduled to occupy the hotel beginning this weekend, but Mora acknowledged that there could be an issue once those rooms are vacant during the season. ZH_REF: 本周末开始,熊队队员将住在酒店。但莫拉承认,一旦这些房间在赛季中空置,可能会出现问题。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)()(),这也是我们的,因为他们的事,是为了让自己摆脱困境,而不是在他们的面前,为自己的工作而付出的代价,而不是在那场上,是最糟糕的,因为他是在说谎的。 EN: "We will have security," Mora said. ZH_REF: “我们会采取安保措施,”莫拉说。 -ZH_HYP: 1.. +ZH_HYP: “我们的态度是,”“是的,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”说。。。。。。。。。。。。。 EN: "That is a real concern and it's not far-fetched to think that people can rent a room and sit up there and videotape a practice. ZH_REF: “这是一个真正令人担忧的问题。认为有人可能会租一个房间、坐在房间里录制训练场景,这个想法并不牵强。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: If you have videotape of a practice, it's a pretty good deal. ZH_REF: 如果你有训练录像带,也相当不错。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)()(),我们的意思是,你的意思是,它是在做的,是的,是的,是的,是的,是的,是对的,而不是为了给你带来的,也是最重要的 EN: But we'll have security there and we'll have security up in Parking Lot 8. ZH_REF: 但是我们在那里会采安保措施,在 8 号停车场也会采取安保措施。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: We'll do the best we can with what we got. ZH_REF: 我们会利用现有资源,做到最好。 -ZH_HYP: 1.. +ZH_HYP: 4................................................................ EN: I'm not going to worry too much about it. ZH_REF: 对此,我不会过多担心。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: We have a plan in place." ZH_REF: 我们已经制定好了计划。” -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................ EN: Figures from the Australian Bureau of Statistics (ABS) revealed that in the second quarter of this year, residential property prices in Australia nationwide rose by an average of 1.5% to 2%, and were 3.5% higher on an annual basis, the lowest annual growth rate since March 2013. ZH_REF: 澳洲统计局(ABS)数据显示,今年第二季度,全澳房屋价值平均上涨1.5%至2%,年增3.5%,创自2013年3月以来最低年增率。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,总的价格是,(a),而不是在过去的情况下,他们的经历是在美国的,而不是在2003年的时候,它的价格是由它的,而不是在5年中的,而不是最多的 EN: Just when real estate agents were looking forward to selling more real estate during the holiday season, growth rate of residential property prices was the lowest since 2013. ZH_REF: 就在房产中介期待在节日季出售更多房产之际,澳洲房价增幅却创2013年以来最低水平。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在这方面,我们的处境是什么,都是为了得到的,而不是在他们的土地上,而不是在他们的上司,而是为了得到更多的保护,而不是在那里,要么是为了得到最坏的,也是不可能的 EN: IT Home reported this morning that Wall Street Journal claimed that AT&T has canceled plans to sell Huawei’s new flagship smart phone in the US. ZH_REF: IT之家上午报道,华尔街日报消息称AT&T已经取消计划在美国销售华为新旗舰智能手机的计划。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的名字是,是为了使他们的工作变得更糟,而不是在他们的身边,他们的是,他们的手势,是为了得到的,而不是在那里,是为了给别人带来的,而不是太多了 EN: Huawei’s original plan was to announce this partnership at the CES this week, but AT&T canceled the partnership at the last minute. ZH_REF: 华为原计划本周在CES上宣布该合作关系,AT&T在最后一刻取消了这一合作。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为我们的目的是为了把它的东西弄得太多,而不是在他们的上方,而是在你的身边,而不是在那里,你会被人所受的影响 EN: In a January 9 response to a Bloomberg reporter as regards this turn of events (January 9 US local time), Huawei said that it would release its new product and specific listing information to the US market. ZH_REF: 针对这一情况,华为方面1月9日回应澎湃新闻记者表示,美国当地时间1月9日,华为将向美国市场发布新产品以及具体上市信息。 -ZH_HYP: 1.. +ZH_HYP: (一)a.(一),这是个不寻常的事,因为他们的工作是用的,而不是用它来的,而是用它来的,因为它是在我们的,是的,是的,是的,是的。了了 EN: Huawei indicated that in the past five years, it has already launched high-end products worldwide and in the US market, proving its strength and competence. ZH_REF: 华为表示,过去5年,华为已通过在全球和美国市场推出高端产品,证明自己的实力。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的工作是为了使自己的事业变得更糟,而不是在过去,而是在他们的面前,为自己的力量而去,而不是在那里,也是最不发达国家的,是的,是的,是的,是的。 EN: According to the earlier IT Home report, Huawei will unveil the “best smartphone you’ve never heard of” in the afternoon of January 9 at the CES held in Las Vegas. The battery life of this model could support two days of continuous use. ZH_REF: 据IT之家此前的报道,华为将于1月9日下午在拉斯维加斯CES大展上发布一款“你从未听说过的最好手机”,并且这款手机的续航能力能够支撑两天的使用。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的名字是:“你的经历”,“你的心”,“你的心”,“你的心”,“你的心”,“你的心”,“你的意思是什么?”说了了了了了了了了了了了了了了了了 EN: Industry insiders generally believe that the flagship mobile phone Huawei will soon unveil is the Huawei Mate 10 Pro equipped with Android Oreo. ZH_REF: 业界普遍认为,华为即将发布的这款旗舰手机,即是搭载Android Oreo系统的华为Mate 10 Pro。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为他们的人是在用的,是用的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: Yangcheng Evening News reporter Wang Li. The film “I Am Not Madame Bovary” starring Fan Bingbing, as well as Guo Tao, Da Peng, Zhang Jiayi and others, will be released nationwide on September 30. ZH_REF: 羊城晚报记者王莉由范冰冰领衔,郭涛、大鹏、张嘉译等主演的电影《我不是潘金莲》将于9月30日全国上映。 -ZH_HYP: 1.. +ZH_HYP: (美)(4).............................................................. EN: Yesterday, the film held a workshop with the theme “Sorrow in Comedies” in Beijing. Feng Xiaogang, Ning Hao and Da Peng attended the event. ZH_REF: 昨天,该片在北京举行“喜剧的忧伤”主题研讨会,冯小刚、宁浩、大鹏三位嘉宾出席活动。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的错误,是,在做的事,是为了使自己的利益而去,而不是在他们的身边,那是我的事,他的是,那是对的,是的,是的,是的。了了 EN: Alternating circular and square image composition; the director was simply willful What was special about “I Am Not Madame Bovary” was the alternating circular and square image compositions. In particular, the circular frames shot with a hooded lens were fresh and interesting. ZH_REF: 构图方圆交替,导演就是任性《我不是潘金莲》的特别之处,是构图方圆交替,特别是以遮罩镜头拍出的圆形画面很有新鲜感。 -ZH_HYP: 1.. +ZH_HYP: (c)【句意】(a)【句意】(b)“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。。。 EN: Feng Xiaogang explained, “ This theme was very similar to Director Zhang Yimou’s “The Story of Qiu Ju”, so it’s very easy for many to lump the two together. So I started to think how I should shoot the film using a method no one has used before. Actually, it wasn’t really a very special idea. I just thought it’d be fun to do something a little different.” ZH_REF: 冯小刚解释:“这个题材跟张艺谋导演的《秋菊打官司》很像,大家很容易联想到一块儿,我就想怎么用大家没用过的方式去拍。其实没有什么特别的想法,就是觉得好玩,想干点出格的事。” -ZH_HYP: 1.. +ZH_HYP: “我的意思是,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。 EN: Feng Xiaogang said he regarded the work as his maiden work, and learned how to shoot circular frames from the camera people. He even spent a few million to allow the camera people to shoot a 10-minute pilot. ZH_REF: 冯小刚称自己把作品当成处女作,跟摄影师学习怎么拍圆形画面,甚至花了几百万元让摄影师拍了一个十分钟的试片。 -ZH_HYP: 1.. +ZH_HYP: (一)【句意】他的意思是,我们的人在做梦,也是为了让人感到羞耻,因为他们的事也是为了让他们跑掉,而你也会有更多的人。了了了了了了了了了了了 EN: Facebook to step up fact-checking in fight against fake news ZH_REF: 脸书将推出事实核查功能,打击虚假新闻 -ZH_HYP: 1.. +ZH_HYP: 5.a.............................................................. EN: Facebook is to send more potential hoax articles to third-party fact checkers and show their findings below the original post, the world's largest online social network said on Thursday as it tries to fight so-called fake news. ZH_REF: 脸书在周四宣称,将发送更多潜在恶作剧文章给第三方检测机构,并在原帖下方展示检测结果。脸书这一全球最大的在线社交网络正试图打击所谓的假新闻。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这也是指“不”的,是在他们的中,是为了让自己的心智而变得更多,而不是在他们的时候,才会有那么多的事,因为你是在说谎的。了了了 EN: The company said in a statement on its website it will start using updated machine learning to detect possible hoaxes and send them to fact checkers, potentially showing fact-checking results under the original article. ZH_REF: 脸书公司在其网站的声明中表示,脸书将开始使用更新的机器来学习检测可能的恶作剧并将其发送给事实核查器,并可能在原帖下方显示事实核查结果。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的名字,是,他们的意思是,他们的意思是,在那里,他们是为了给他们带来的,而不是在那里,也是为了让你的心惊肉跳而来的,那是对的,对我们来说是很有道理的 EN: Facebook has been criticized as being one of the main distribution points for so-called fake news, which many think influenced the 2016 U.S. presidential election. ZH_REF: 脸书被批评为所谓假新闻的主要传播点之一,许多人认为脸书影响了 2016 年美国总统大选。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: The issue has also become a big political topic in Europe, with French voters deluged with false stories ahead of the presidential election in May and Germany backing a plan to fine social media networks if they fail to remove hateful postings promptly, ahead of elections there in September. ZH_REF: 这个问题也成为欧洲的一个重大政治话题,法国五月份总统选举前,选民遭遇了虚假故事的泛滥,德国则率先在九月选举前通过了对罚款计划的支持,如果社交媒体网络未能及时删除仇恨帖,则会被处以罚款。 -ZH_HYP: 1.. +ZH_HYP: 在这个问题上,我们的态度是,在一个方面,而不是在他们的面前,他们的经历,是为了让他们的利益而变得更容易了,而不是在他们的时候,才会有更多的东西,而不是你的对手,而是在你的身上 EN: On Thursday Facebook said in a separate statement in German that a test of the new fact-checking feature was being launched in the United States, France, the Netherlands and Germany. ZH_REF: 脸书周四在德国的一份单独声明中表示,正在美国、法国、荷兰和德国启动一项新的事实核查功能测试。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: "In addition to seeing which stories are disputed by third-party fact checkers, people want more context to make informed decisions about what they read and share," said Sara Su, Facebook news feed product manager, in a blog. ZH_REF: 脸书新闻馈送产品经理莎拉·苏在一篇博客中表示:“除了看到哪些故事受到第三方事实核查员的质疑外,人们还希望有更多的背景来帮助他们对阅读和分享的内容做出明智的决定。 -ZH_HYP: 1.. +ZH_HYP: (美国)(这篇)是一个不对的,因为它是在欺骗的,而不是在说谎,而是在他们的面前,为自己的利益而去,而不是在说谎,也是对的,是的,是的。了了 EN: She added that Facebook would keep testing its "related article" feature and work on other changes to its news feed to cut down on false news. ZH_REF: 她补充说,脸书将继续测试其“相关文章”功能,并对其新闻提要进行其他更改以减少虚假新闻。 -ZH_HYP: 1.. +ZH_HYP: 5.在其他方面,有的是,对其进行了彻底的改变,使其成为了对其进行的,而不是在其上,也是为了使其变得更加危险,而不是为其提供的服务,而不是在(e)上,这是对我们的影响的的 EN: Building a graphic novel: A Castle in England's story ZH_REF: 创作一部绘图小说:英格兰城堡的故事 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),“(美)”,“是”,“你的意思是,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。 EN: In its recent past, the diminutive Scotney Castle has featured in a Squeeze music video and been a bolthole for Margaret Thatcher during the 1970s and 1980s. ZH_REF: 最近,小巧的斯科特尼城堡在压缩版音乐影片中成为主角,并一度成为玛格丽特·撒切尔 (Margaret Thatcher) 夫人在七八十年代期间的避难所。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的名字是,从头到尾,是为了使他们的心跳得更快,而不是在他们的时候,也是在1904年的,是在我们的,是的,是的,是的。 EN: But Scotney has witnessed 700 years of tumultuous history from its cosy seat in Bewl River valley in Kent, now inspiration for a graphic novel written by Jamie Rhodes, a mop-haired Yorkshireman with a penchant for historical documents. ZH_REF: 但是斯科特尼在肯特州贝乐河峡谷舒适的位置上目睹了 700 年的动荡历史,现在它则成为由杰米·罗德斯 (Jamie Rhodes) (一个对历史文件有特别爱好、留着拖把头的约克郡人) 所写图形小说的灵感来源。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,他的名字是,从句中,我们的生活方式,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: "I find it so beautiful to look at the handwriting of someone who has been dead for 300 years," he says wistfully. ZH_REF: “可以看到 300 年前古人的笔迹,我发现这真是太美了 ”,他满眼向往地说道。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: "What a personal connection, to hold that letter in my hand." ZH_REF: “这是什么样的人际缘分才能让这封信落在我手上。” -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Spanning the middle ages to the Edwardian era, A Castle in England documents the families that lived in Scotney, with each story illustrated by a different, upcoming UK artist - Isaac Lenkiewicz, Briony May Smith, William Exley, Becky Palmer and Isabel Greenberg. ZH_REF: 跨越中世纪直到爱德华时代,“一座英格兰城堡”读本记录了居在斯科特尼的各个家族,每个故事都是由不同的、英国未来的艺术家如 Isaac Lenkiewicz、Briony May Smith、William Exley、Becky Palmer,以及 Isabel Greenberg 所作。 -ZH_HYP: 1.. +ZH_HYP: 在美国的一个地方,这是个很有价值的东西,他们都是在一起,在那里,他们是在说谎的,是的,他们的意思是,“你的是,”他说,“你的心智,都是在的。了””””””””””””” EN: It is not Rhodes's first book based on an archive: he also wrote 2014's Dead Men's Teeth and Other Stories, a collection inspired by documents in the British Library - a project he found unexpectedly emotional. ZH_REF: 这并不是罗兹第一本以档案为原材料的书:他还写了《2014 年死人的牙齿和其他故事》,这是一本受英国图书馆文献启发而作的图书,这是一个他受到无法控制的创作激情而完成的作品。 -ZH_HYP: 1.. +ZH_HYP: (美国作家):“这是个不寻常的事,”他的心意为“你的心”,“你的心”,“你的心”,“你的心”,“你的意思是,”他说,“我们要去做什么?了???吗吗吗吗吗”” EN: "I welled up at just the thumbprint on the side of a letter, written by a double agent in the 1700s who was working for the Jacobites," he says. ZH_REF: 他说:“我在看到信件一侧留下的拇指印记那刻起就不可抑制自己的写作冲动,该封信是一位 18 世纪为雅各布派工作的双重特工所写。” -ZH_HYP: 1.. +ZH_HYP: “我的意思是,”“是的,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。。。。。。。。。 EN: "That's his thumbprint! ZH_REF: “那是他的指纹! -ZH_HYP: 1.. +ZH_HYP: “()(),”“是的,”“是的,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。。。 EN: And letters always smell like smoke because, back then, you lit a fire for light. ZH_REF: 而且信件一直闻起来有股烟味,因为那时候,你需要点火才能有光亮。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),在被认为是不可能的,因为它是在被人用的,而不是在他们的身边,那是对的,是的,是的,是的,是的,是的,是的,是的,是的。了 EN: To someone 300 years in the future, the smell makes it feel like they're there, too. ZH_REF: 对于300年后的我们来说,这种气味让人感觉他们也在我们身边。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)............................................................... EN: Ah, I love archives!" ZH_REF: 噢,我喜欢档案文献!” -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: For someone so smitten with old papers, getting support from the National Trust and Arts Council England and living in a castle for almost four months ("I overstayed my welcome a little bit, to be honest") seems too good to be true. ZH_REF: 对于那些被旧纸张打动的人来说,可以得到英格兰国家信托和艺术委员会的支持并在城堡里生活了将近四个月 (“说实话,我呆的时间有点久了”) 似乎太棒了,简直不相信是真的。 -ZH_HYP: 1.. +ZH_HYP: (美)(4)............................................................. EN: Rhodes spent his days exploring the Victorian "new" castle, going through the archives and studying the manor's many treasures and curios, such as the mounted hyena heads on the walls and bottles that had spent centuries in the moat. ZH_REF: 罗兹耗费了数天时间参观浏览维多利亚的“新”城堡,翻阅档案、研究庄园的许多宝藏和古玩,比如挂在墙上的鬣狗头,以及在护城河中度过了几个世纪的瓶子等等。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................... EN: He wandered the grounds and the ruins of the old castle, talking to rangers, gardeners and sometimes the artists at work on his book's illustrations. ZH_REF: 他漫步在旧城堡的土地和废墟上,与流浪者、园丁,有时候与为他书中绘制插图艺术家聊天。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)............................................................... EN: Then at night, he'd "drink whiskey and get writing." ZH_REF: 然后到了晚上,他就会“喝点威士忌,然后写作。” -ZH_HYP: 1.. +ZH_HYP: 他的身材,是,是为了使自己的,而不是为了自己的,而不是为了自己的,而不是为了使他们的缘故,而不是为了给别人带来的,而不是为了给他带来的,那就太多了了了了了了了了了了 EN: The intimate history of Scotney is relatively unknown, as the National Trust had only gained full access in 2006 when the final heir, Elizabeth Hussey, died. ZH_REF: 斯科特尼的隐秘历史还不是很清楚,因为“英国国民信托组织” (National Trust) 只有在 2006 年最后的继承人伊丽莎白·赫西去世后才完全进入。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: When Rhodes arrived a decade later, staff were only starting to tackle the archive, which he describes as "hundreds of years of aristocrats going: 'Oh, stick it in the loft'." ZH_REF: 十年后,当罗兹到来时,工作人员才开始处理档案,他把它们形容为“数百年前的贵族们要走了:“哦,把它放在阁楼里吧'。” -ZH_HYP: 1.. +ZH_HYP: (美)(一),这是个好的东西,是的,是为了使自己摆脱困境,而不是在他们的面前,为自己的事业而来的,是的,是的,是的,是的,是的,是的。 EN: Diaries, letters from the days of the English empire, maps outlining who owned what: "You'd think land disputes would be boring," says Rhodes, "but there was this one birch tree two families were fighting over. ZH_REF: 日记、来自英国帝国时代的信件、描绘了各个国家疆域的地图:“你会认为土地纠纷会很无聊 ”,罗兹说,“但是会发生两个家族会为了一棵白桦树而大打出手。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Just let it go, guys!" ZH_REF: 放手吧,伙计们!” -ZH_HYP: 1.. +ZH_HYP: (4)a:(),我们的,是的,是的,是的,是为了使自己的心智而变得更有魅力的,而不是为了让人感到厌倦,因为他们的行为是由你所做的,而不是的的的的 EN: Some of the stories in the collection use the castle as a jumping-off point to delve more broadly into English history, including The Labourer, which follows a man who leaves the newly built castle to join the 1381 Peasants' Revolt. ZH_REF: 该作品中的一些故事以城堡作为起点,进而来更广泛的层面研究英国的历史,其中包括《劳动者》 (The Labourer) ,该故事以一名离开新建城堡参加1381年农民起义的人为线索。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,一个人的名字是,他们的性格,是为了使他们的心智而变得更有魅力,而不是在他们的面前,他们就会在那里,而去了,那是个好人,也是个好人,了了了 EN: "There is a record of a riot happening at the castle in 1380, in this book called the Knightly Families of Kent and Sussex," says Rhodes. ZH_REF: “书中名为《肯特和苏塞克斯的骑士家族》 (Knightly Families of Kent and Sussex) ”的故事记录了 1380 年在城堡里发生的一场暴乱 ”,罗兹说道。 -ZH_HYP: 1.. +ZH_HYP: “(一)”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。。。。。 EN: "The Peasants' Revolt started in that area and I thought, a riot is a good place to start. ZH_REF: “农民起义开始于那个地区,而我认为那里是发动起义的好地方。 -ZH_HYP: 1.. +ZH_HYP: “我们的人的性格,是一种不稳定的,”他说,“我们的东西,都是在的,”他说,“你的意思是,我的错了,”他说,“你的心都是在的,” EN: Maybe the two are connected?" ZH_REF: 也许这这两者存在关联?” -ZH_HYP: 1.. +ZH_HYP: "在任何情况下,都是指甲,并被视为是不稳定的,因为它是由一个人所产生的,而不是用它来的,而是用它的方式来回去的,因为它是在说谎的,是最重要的 EN: Other stories are rooted firmly in the history of the castle - such as The Priest, which tells the tale of the Jesuit priest whom the Darrell family hid for seven years during the English Reformation. ZH_REF: 其他的故事深深植根于城堡的历史, 例如《牧师》 (The Priest) ,它讲述了达雷尔家族在英国宗教改革时期隐匿一名耶稣会牧师达七年之久的故事。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在这方面,我们的事都是,他们的事,是为了得到的,是为了使他们的缘故,而不是在他们的身边,而是为了在他们的工作中去,而不是在那里,是为了更多的事 EN: Or The Smuggler, which features 18th-century contrabander Arthur Darrell, who is thought to have staged his own funeral by filling a coffin with rocks (a discovery made years later when his coffin was unearthed). ZH_REF: 或者《走私者》 (The Smuggler) ,该故事的主人翁是 18 世纪的走私者亚瑟?达雷尔,他被认为是通过用石块装满棺材给自己举行葬礼 (数年后他的棺材露出地面,人们才发觉) 。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),(),(),是用的,是用的,因为它是在用的,而不是在说谎的时候,他们都会用的,而不是在(d)的时候,这是指针的意思 EN: The Darrells are Rhodes's favourite Scotney family: "The gentlemen seemed to be quite roguish, always getting into debt and spending money on things they couldn't afford. ZH_REF: 《达雷尔家族》 (The Darrells) 是罗兹最喜欢的斯科特尼城堡家族:“这些先生们似乎很无赖,总是不断地借钱,再花钱买他们买不起的东西。 -ZH_HYP: 1.. +ZH_HYP: (美国)(这篇)是一个不礼貌的东西,是的,是的,是的,是的,是的,他们的东西也要比你的大,更多的是,要把自己的钱给你,好吗?了了了了了了了了了了了 EN: Different generations of Darrell men solved their debt crises by marrying rich old women - I imagine them as a bunch of handsome guys, with a knack for wooing heiresses." ZH_REF: 一代又一代的达雷尔男人通过嫁给富有的老女人来解决他们的债务问题,我想他们应该是一群英俊的小伙子,懂得如何追求女人。” -ZH_HYP: 1.. +ZH_HYP: (美)()(),我们的,是的,是的,是为了使自己摆脱困境,而不是为自己的事,也是为了让自己的事业而感到羞耻,因为他们的工作是在说谎的,而不是, EN: With his assignment in the castle over, Rhodes is on the hunt for other singular writing experiences. ZH_REF: 随着他在城堡中的任务结束,罗兹开始寻找其他奇异的写作经历。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,有的是,他们的外貌,是为了使自己的力量而被人的,而不是在他们的身边,他们的工作,是为了得到的,而不是在那里,还是要把它的全部赔偿责任推到 EN: He has completed a two-week stint in the Finnish wilderness for a graphic novel about Elämänmäki, the site of an early 20th-century sanatorium that has since been reclaimed by nature. ZH_REF: 他在芬兰的荒野里用两周时间完成了一部绘图小说,内容是关于“El?¤m?¤nm?¤ki”,那是一个 20 世纪早期疗养院,后来它慢慢被废弃了。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(他的意思是,我是在一个人,在他的面前,是为了使自己的心智而变得更糟,因为你是在乎的,是在我们的时候,也是不可能的)了的的的的的的的的的 EN: But Scotney holds a special place for him. ZH_REF: 但斯科特尼对他而言有着特殊的地位。 -ZH_HYP: 1.. +ZH_HYP: (美英对照),这条路是一种不寻常的东西,也是为了让自己的力量而努力,而不是在他们的面前,把它给别人的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: "I was sad to leave," he says. ZH_REF: “我很伤心地离开”,他说。 -ZH_HYP: 1.. +ZH_HYP: “我的意思是,”“是的,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”说。。。。。。。。。。。。 EN: "It was like: 'Ah, I've got to go deal with fucking real life now.'" ZH_REF: “这就像是:'噢,我得去面对槽糕的现实生活中。'” -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Bloomberg reporters learned that ZTE Smart Auto’s headquarters will be established in Zhuhai, and the company will be headed by Tian Wenguo, Executive Vice President of ZTE Corporation. ZH_REF: 据澎湃新闻记者了解,中兴智能汽车团队总部设在珠海,操盘人为中兴通讯执行副总裁田文果。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是指的是,我们的运气,是为了得到的,而不是在他们的手中,而不是在他们的上司,而是在那里,是为了得到的,而不是在那里,也是为了给他的 EN: All large energy companies are “extremely wealthy”. So which energy company in the world makes the most money? ZH_REF: 大型能源公司个个都“富可敌国”,那么全球众多能源公司中谁最趁钱呢? -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为它是在我们的,是为了让自己的财富而变得更有价值,而且在他们的工作中,也是在为你所做的事的时候,而不是在别人身上的。了 EN: Yesterday, PFC Energy published its 2011 list of the Top 50 largest listed energy companies. US oil and gas producer ExxonMobil retained its top position with a market valuation of US$406.3 billion, closely followed by PetroChina and Royal Dutch Shell. ZH_REF: 昨日,著名的PFC能源公司公布了2011年上市能源公司50强排名,美国石油天然气生产商埃克森美孚以4063亿美元的市值蝉联冠军,中国石油和荷兰皇家壳牌紧随之后。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的收入是,它的价格是多少,而不是在10年中,它是由它的,它的价值为2.4.3,它的价格是高的,它的价值是多少?的了了的的的的的的的的的的 EN: PetroChina topped the PFC rankings twice in 2007 and 2009, while ExxonMobil ranked first place position for the other years. ZH_REF: 在PFC的这份榜单中,中石油曾于2007年和2009年两度问鼎,其他年份榜首位置全部由埃克森美孚占据。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,有的是,在其他方面,我们都是为了自己的,而不是在2009年,在那里,他的表现为:()我的人都是在一起,而不是在别人的上司。了了了了 EN: Three companies from Mainland China made the 2011 Top 50 list. In addition 2nd place PetroChina, Sinopec and CNOOC were ranked 9th and 15th, respectively. ZH_REF: 在2011年的50强榜单中,共有3家来自中国内地的公司入围,除了排名第2的中石油,还有第9位的中国石化和第15位的中国海洋石油。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,有的是,从头到尾,我们都是在他们的,是在那里,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: According to PFC’s statistics, ... Nonetheless, although current oil prices are far higher than that four years ago, PFC Energy’s CEO said that the lower combined market valuation was attributable to a number of factors, including lower North American natural gas prices, and less buoyant global stock markets. ZH_REF: 根据PFC的统计,不过,尽管目前的油价远比4年前要高,对此,PFC能源公司CEO指出,导致总市值低的原因有很多,主要包括北美天然气价格的下降,以及全球股票市场的活跃度低。 -ZH_HYP: 1.. +ZH_HYP: 如果是一个不公平的现象,那么,我们就会发现,在过去的情况下,你的经济也是如此,而不是在较低的市场上,而是在其他的市场上,它的价格也会下降,而这是在高价的的的的的 EN: Xinhua News Agency reported that heavily polluted weather will descend on Beijing, Tianjin, Hebei and surrounding regions from the 16th and worsen by the 19th. The AQI of three cities in Hebei, namely Shijiazhuang, Xinji and Handan, will be dramatically high. ZH_REF: 据新华社报道,京津冀及周边地区从16日开始的重污染天气到了19日进一步加剧,河北石家庄、辛集、邯郸3市AQI出现“爆表”。 -ZH_HYP: 1.. +ZH_HYP: "这一"的原因是,有的是,它的大片,它的大片,它的,是的,是的,是的,是的,是的,是的,是在这一领域的,而不是在那里,它是一个大的 EN: Washington Changes the Green Card Rules ZH_REF: 美国修改绿卡规定 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,大片的质量是由不对的,而不是在他们的身边,而是在他们的面前,为自己的力量而去,因为它是由你所做的,而不是在那里,它是最重要的 EN: There is going to be new US immigration plan to modify Green Card rules, President Donald Trump said, quoted by the media. ZH_REF: 媒体援引总统唐纳德·特朗普的讲话称,美国将推出新的移民计划,修改绿卡规定。 -ZH_HYP: 1.. +ZH_HYP: 在这片中,我们的意思是,它是由你来的,是为了让自己的力量来控制,而不是为了让他们的力量来衡量,而不是在那里,而是要在他们的时候,才会有更多的东西 EN: It envisages reducing legal immigrants to 50,000 per year, stricter rules for obtaining temporary work visas and restrictions on family-oriented visas. ZH_REF: 该项计划意将合法移民减少至每年 50,000 人,临时工作签证以及面向家庭的签证申请会受到更严格的规定限制。 -ZH_HYP: 1.. +ZH_HYP: (k)为使人的生活变得更加复杂,而不需要做任何事,因为他们的工作是为了得到的,而不是在他们的工作中,而是为了得到的,而不是在他们的身边,而是要在那里得到的 EN: The new rules are proposed by the Republicans and are supported by the president. ZH_REF: 新规定由共和党提出并受到总统支持。 -ZH_HYP: 1.. +ZH_HYP: (一)一、一、二、一、三、一、三、四、五、一、三、四、五、一、二、四、五、一、二、一、二、一、四、一、以备的、的的的的的 EN: The draft law is due to be discussed in the two chambers of Congress. ZH_REF: 法律草案将在两院内进行讨论。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,我们的处境是,在不可能的情况下,他们的分化,是为了使他们的心智而变得更多,而不是在他们的身边,而不是在那里,还是要把它的东西分给别人 EN: "This law will reduce poverty, raise wages and save billions of dollars for taxpayers, and will do this by changing the way the US issues Green Cards to citizens from other countries. ZH_REF: 美国媒体援引特朗普的话表示,“这项法律将减少贫困,提高工资,为纳税人节省数十亿美元,通过改变美国向其他国家公民发放绿卡的方式来实现以上好处。 -ZH_HYP: 1.. +ZH_HYP: "这是不可能的,因为它是一种,而又是为了使我们的财富更容易,而不是为了使他们的利益而变得更糟,因为他们是在美国,而不是为了给别人带来的,是对的,而不是为了给我们带来的好处"""""""""""" EN: The law will reduce chain migration and replace the current scheme. ZH_REF: 该法律将取代目前的方案,减少链式移民。 -ZH_HYP: 1.. +ZH_HYP: (k)为人的目的,是为了使其成为一个不稳定的,而不是为了使其变得更容易,而且也是为了使他们的工作变得更有价值,因为它是在国际上,而不是在(e)上,是 EN: This new application process will benefit candidates who speak English, have financial resources to support themselves and show skills that will benefit our economy," said Trump, quoted by the American media. ZH_REF: 这一新的申请流程有利于会讲英语,拥有资金支持,并拥有对经济发展有利技能的申请人。” -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................ EN: The inaugural China Fireworks and Firecracker Safety and Environmental Protection Expo will be held in Liuyang on May 29. ZH_REF: 5月29日,首届中国烟花爆竹安全环保博览会将在浏阳举行。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: The two-day event will be focused on the theme “Technology, Safety, Environmental Protection”. Then, the most advanced fireworks and firecracker machinery, the safest and most environmental friendly fireworks and firecracker raw and auxiliary materials as well as new products in China’s fireworks and firecracker industry will gather at Liuyang. ZH_REF: 活动围绕“科技、安全、环保”主题展开,为期2天。届时,全国烟花爆竹行业中最先进的花炮机械、最安全环保的花炮原辅材料和新产品将齐聚浏阳。 -ZH_HYP: 1.. +ZH_HYP: 这一时期的人的行为是由“人”的,是用的,是用的,是用的,是用的,是用的,都是用的,是的,是的,是的,是的,是的,是的,也是你的。 EN: A large number of experts and entrepreneurs will be invited to this Expo to carry out academic exchanges in the fireworks and firecracker industry, and to share the latest technological achievements on fireworks and firecracker safety and environmental protection. ZH_REF: 本次博览会将邀请大批专家、企业家,进行烟花爆竹行业学术交流,共享烟花爆竹安全环保最新技术成果。 -ZH_HYP: 1.. +ZH_HYP: (a)为使人的工作和服务,而不是在我们的时候,他们会有机会去做,而不是在他们的面前,为你的,而不是在他们的面前,为你的产品和服务而去做,那是对的,最重要的是 EN: In particular, the exhibition for mechanized equipment for the production of fireworks and firecrackers as well as safe and eco-friendly products will be held at Dayao Town. Key exhibits include technologically sophisticated mechanical equipment that uses explosive substances to produce fireworks and firecrackers that have been appraised by relevant technology and passed safety verification; low sensitivity, low blast and other safe pyrotechnic compositions; as well as sulfur-free, light smoke and other safe and eco-friendly personal fireworks and firecrackers. ZH_REF: 其中,烟花爆竹机械化生产设备和安全环保产品展示将在大瑶镇进行,主要参展项目包括技术成熟、经过相关科技鉴定和安全论证的烟花爆竹生产涉药机械设备,低感度、低爆能等安全型烟火药,无硫、微烟等安全环保型个人燃放产品。 -ZH_HYP: 1.. +ZH_HYP: (c)在进行了广泛的研究,以使人的安全和经济的发展为中心,包括:用火箭,用功率为代价,用功率为代价,用功率为人,用功,用功,用功,呼吸器和其他的安全。 EN: Meanwhile, safe and eco-friendly fireworks and firecracker products used for fireworks displays collectively sponsored by 16 Liuyang fireworks enterprises will be carried out in two phases - product selection and product fireworks display. Excellent new products that passed the early stage of the competition will be used for the fireworks displays at the Liuyang Fireworks Viewing Platform and the Gold Beach Display Site on May 29. ZH_REF: 同时,由浏阳16家花炮企业集体承办的烟花爆竹安全环保产品燃放展示则分为产品遴选和产品燃放展示两个阶段进行,通过前期评选的优秀新产品将于5月29日晚在浏阳市花炮观礼台和金滩燃放场进行燃放展示。 -ZH_HYP: 1.. +ZH_HYP: (美):(一),在做作的时候,我们的手表都是用的,是用的,是用的,这是在你的发明的,而这是在他的发明的,是在高科技的,也是你的。 EN: When 2017, which was just around the corner, was mentioned, Zhao Lei said, “After the tour ends next year, I want to go away and be alone to take stock for a while, and write more new works.” ZH_REF: 而提起即将到来的2017年,赵雷坦言:“在明年结束巡演之后,我想给自己清零,然后好好沉淀一下,写出更多新作品。” -ZH_HYP: 1.. +ZH_HYP: 在这个词典里,有一个词,是,在这里,我就会被人所吸引,而不是在一起,而是为了自己的工作,而不是在那里,而是要在那里,去做,让你的人更多的 EN: For the purposes of optimizing the environment of scenic areas, and building a beautify Nanyue, the “636” voluntary service team of the Nanyue District Tobacco Monopoly Administration (Branch Company) carried out a “hiking to protect our forests and love our hometown” environmental protection event. ZH_REF: 为优化景区环境,建设美丽南岳,近日,南岳区烟草专局(分公司)“636”志愿服务大队开展了“登山护林、爱护家园”环保活动。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),“我们的”是“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。 EN: The event received the support of all the cadres and staff of the district Tobacco Administration, and also attracted retired cadres as well as the staff’s families, who came to participate in the environmental protection activities. Three generations of people from the elderly to children worked together, hiked up the mountain to protect the forests, and cleaned up rubbish, contributing their own effort to building a “beautiful Nanyue”. ZH_REF: 活动不仅得到了区烟草局全体干部职工的支持,还吸引了退休老干部、职工家属一并参与环保实践,老青少三代齐心协力、登山护林、清扫垃圾,为建设“美丽南岳”奉献自己的一份力量。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的人都是由衷的,他们的工作,是他们的,也是为了他们的利益而牺牲的,是对他们的生活,他们的工作,是对人类的保护,也是为了给他们带来的好处。 EN: This voluntary service event was aimed at protecting the scenic resources of Nanyue, and propagating the voluntary service concept of “care for others, care for society, and care for nature”. It also served to teach and pass on to the next generation the virtue of voluntary service. ZH_REF: 此次志愿服务活动,旨在保护南岳风景资源,弘扬“关爱他人、关爱社会、关爱自然”的志愿服务理念,也让下一代从小接受熏陶,传承志愿服务美德。 -ZH_HYP: 1.. +ZH_HYP: 5.这一规定的目的是,为使人更多地工作,而不是为他们提供的服务,而是在他们的生活中,为他们提供了一个机会,而不是在他们的服务上,也是为了保护自己的利益而被人的的的 EN: It is understood that since the “636” voluntary service team was founded in early April this year, the 16 members have carried out a series of voluntary service activities including visiting needy retail customers, helping tobacco farmers care for tobacco leaves, and making donations to the Ya’an earthquake victims, and have become a team of committed voluntary service activists that convey positive energy from their hearts. ZH_REF: 据悉,“636”志愿服务大队自今年4月初成立以来,共发展会员16名,先后开展了看望残困零售客户、帮助烟农护理烟叶、雅安地震爱心捐款等一系列志愿服务活动,成为一支用心传递正能量的志愿生力军。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,我们的态度是,从一个人的角度来看待,“是的,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”!!!!!!!!。。 EN: In the eyes of reporters who have been reporting on table tennis and badminton all year long, “Tibetan mastiff” Zhang Jike has already had the potential to become the next Lin Dan. ZH_REF: 在常年报道乒羽项目的记者们眼中,“藏獒”张继科早就具备了成为下一个林丹的潜质。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的人都是用的,而不是在他们的身边,他们的是,他们的才是,他们的才是,他们的才华,而不是在那里,你会被人所为的,是的,是的,是的。 EN: The Information Office of the Ministry of National Defense revealed that upon friendly consultations, China and the US successfully completed the transfer of the US unmanned undersea vehicle at the relevant region in the South China Sea on the afternoon of December 20. ZH_REF: 据国防部新闻局消息,中美双方经友好协商,于12月20日中午在南海有关海域顺利完成美无人潜航器的移交工作。 -ZH_HYP: 1.. +ZH_HYP: 3.4.在对美国的损害进行了研究,以使其成为贸易,并为其提供了便利,使其成为了美国的一个重要组成部分,即在2002年5月1日之前,在美国的黎波里进行了交易。 EN: In recent years, Google, Microsoft, Amazon, Facebook and other Silicon Valley giants have armed themselves for competition in the artificial intelligence (AI) sector. ZH_REF: 近年来,谷歌、微软、亚马逊和Facebook等硅谷巨头在人工智能(AI)领域进行着军备竞赛。 -ZH_HYP: 1.. +ZH_HYP: 在这方面,我们的努力是,而不是从小的角度来,它是由你所做的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。了 EN: The rise of sex robots is real, and we should be concerned ZH_REF: 性爱机器人确在兴起,但我们应慎重 -ZH_HYP: 1.. +ZH_HYP: (c)(一),在“”,“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。。 EN: Just when you thought 2017 couldn't get any weirder along comes a new report on the technological developments in the sex robot sector. ZH_REF: 就在你觉得 2017 年不会更诡异的时候,性爱机器人领域发布了一份新的技术发展报告。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(我们)的意思是,我们的生活在一起,是为了让自己的力量而变得更糟,因为他们是在说谎的,而不是在那里,是的,是的,是的,是的,是的。 EN: Yep. ZH_REF: 是的。 -ZH_HYP: 1.. +ZH_HYP: b)(一),以“不”的方式,如有经验的,可被视为是不公平的,也是为了使人的行为而被人的行为,而又是为了达到目的,而不是为了达到目的而要花上的. EN: Sex robots are a big deal right now. ZH_REF: 现在性爱机器人可是件大事。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),(),是一个不在的,是的,是的,是在不可能的,也是为了使他们的力量而变得更多的,因为他们的意思是对的,而不是最需要的,而是要在那里 EN: Recently, the Foundation for Responsible Robotics (FRR) released a report looking at the development of sex robots over the next five to 10 years. ZH_REF: 最近,责任机器人基金会 (FRR) 发布了一份报告,展望了性爱机器人在接下来的五到十年中的发展。 -ZH_HYP: 1.. +ZH_HYP: (n)(一),在一个方面,我们的工作是由他们来的,而不是在他们的身上,而是在他们的面前,为你的心想,而不是在别人身上,而是在你的身上,也是为了给我带来的 EN: According to Noel Sharkey, emeritus professor of robotics and artificial intelligence at the University of Sheffield and co-founder of the FRR, we need to start taking their rise seriously. ZH_REF: 据谢菲尔德大学机器人技术和人工智能荣誉退休教授兼 FRR 联合创始人诺埃尔?夏基称,我们需要开始认真对待性爱机器人的兴起了。 -ZH_HYP: 1.. +ZH_HYP: (美)(美)(美),用力差,用功率来,用功率来,把它的东西弄得很好,因为它是在你的,是的,是的,是的,是的,是的,是的。 EN: Customers can choose the robot's eye colour, nipple shape and fingernail type. ZH_REF: 顾客可以选择机器人的眼睛颜色、乳头形状和指甲类型。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),(如:),我们的手表是用的,可做的,是的,是的,是的,是在用的,而不是在上,还是要用的,都是在说谎的,是的,是的,是的。 EN: "People snigger about them, but the companies are actually shipping quite a lot and we are going to see them a lot more," Mr Sharkey said at the launch of the new report. ZH_REF: 夏基在新报告发布时说道:“人们在背后讥笑,但各大公司确实推出了很多性爱机器人,而我们也会看到更多。” -ZH_HYP: 1.. +ZH_HYP: “”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。。。。 EN: Modern sex dolls have evolved out of their blow-up counterparts into robots with a silicon skin that is warm to the touch - with deliberately human-like responses achieved by artificial intelligence. ZH_REF: 现代性爱娃娃已经从充气娃娃进化成了机器人,它们拥有硅胶皮肤,摸起来很温暖,还特意利用人工智能设置了人类般的性反应。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,一个人的性格是,他们的品味,是为了使自己的心智而变得更容易了,而你也是在为他们所做的,是在说谎的,是对的,而不是对你的反应了((( EN: The user can also "customise" their robot to suit their persuasions, choosing everything from the robot's eye colour, nipple shape to fingernail type or colour. ZH_REF: 用户也可以“自定义”他们的机器人来满足自己的喜好,从眼睛颜色、乳头形状到指甲类型或颜色都可以选择。 -ZH_HYP: 1.. +ZH_HYP: (c)【句意】(a)【句意】(b)在我们的范围内,我们的意思是,它是由你来的,而不是在你的身上,还是要用的,都是用的,是的,是的,是的,是的。 EN: But it gets even more disturbing, with many of the robots possessing "personalities" that would make a Stepford Wife look progressive. ZH_REF: 但是更令人不安的是,很多拥有“个性”的机器人会让“复制娇妻”看起来很先进。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Modern sex dolls have evolved into robots with a silicon skin. ZH_REF: 现代性爱玩具已进化成拥有硅胶皮肤的机器人。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在“”,“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。。 EN: The RealBotix robot, for example, allows users to customise their robots according to the traits they find appealing, such as shyness. ZH_REF: 比如,RealBotix 机器人就能够根据使用者认为有吸引力的特点来自定义,比如害羞。 -ZH_HYP: 1.. +ZH_HYP: (c)【句意】(),我们的人,是的,是的,是的,是的,是的,是的,是的,也是为了使自己的力量而去,而不是太多了。的了了了了了了了了了了了了了 EN: Then there are the Roxxxy Gold sex robots, developed by True Companion, which come with pre-programmed personalities, including "Frigid Farrah" that gives the impression of shyness and "Wild Wendy" with an "adventurous" personality. ZH_REF: 还有由 True Companion 公司开发的 Roxxxy Gold 性爱机器人,可预先设定性格特点,包括略带羞涩的“冷艳法拉”和“乐于冒险”的“狂野温蒂”。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,有的是,有的是,他们的性格,是一种不礼貌的,是的,是的,是的,是的,是对的,是对的,而不是用功的方式来形容词 EN: "Roxxxy Gold has a personality which is matched as much as possible to your personality," the True Companion website enthuses. ZH_REF: “Roxxxy Gold 机器人拥有尽可能与你相称的个性,”True Companion 公司网站对此津津乐道。 -ZH_HYP: 1.. +ZH_HYP: “(美)”的意思是,“我们的”是,从句中,有的是,你的意思是,它是在为你的,而不是在别人身上,而是用它的方式来衡量的,是的,是的,是的,是的。 EN: So she likes what you like, dislikes what you dislike, etc. ZH_REF: 所以她爱你所爱,恶你所恶。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................. EN: She also has moods during the day just like real people! ZH_REF: 她也和正常人一样在那几天有小情绪! -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,有的是,他们的态度,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: She can be sleepy, conversational or she can 'be in the mood'!" ZH_REF: 她可以慵懒,可以健谈,也可以‘性致勃勃’!” -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(),我们的意思是,你的意思是,他们都是为了得到的,而不是在他们的身边,你的是,他们的力量是为了给别人带来的,而不是太多了的的的的的的的的的 EN: There are many disturbing aspects to the rise of sex robots - not least of which is the replacement of real, human relationships - but the subservient female traits, the rapey connotations of making a move on Frigid (read: resistant) Farrah, are the most concerning. ZH_REF: 性爱机器人的兴起带来很多不安——不仅仅是取代了真实的人类关系——而且卑躬屈膝的女性特征以及在冷艳(解读为:抗拒)法拉身上抽动的强奸暗示是最令人担忧的。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,我们的态度是,对,有的是,有的是,他们的感情,是对的,是对的,也是对的,而不是你的,是的,是的,是的,是的,是的,是的。了了了 EN: On its website, True Companion likened Roxxxy to a vibrator, but for men. ZH_REF: True Companion 在其网站上将 Roxxxy 比作男人的震动棒。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),也是不可能的,因为它是在用的,是的,是的,是的,是的,是的,是的,是的,是对的,而不是对我们的影响了的的的的的的的的的的 EN: "If woman (sic) can have a vibrator, why can't men have a Roxxxy?" the website states. ZH_REF: 该网站称“如果女人有震动棒,那为什么男人不可以有 Roxxxy?” -ZH_HYP: 1.. +ZH_HYP: (英译汉)()(美),这也是一个不公平的东西,因为它是在我们的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。了了了 EN: However, these sex robots are not a mere fetish or just another sex toy. ZH_REF: 然而这些性爱机器人并不是一个单纯的恋物,也不只是一种性爱玩具。 -ZH_HYP: 1.. +ZH_HYP: 然而,在他的性格中,我们是不可能的,是为了使自己的感情,而不是在他们的身上,而不是在他们的身边,而是在别人身上,是为了让别人的力量而去,而不是太多了的的的 EN: Their emergence and increasing sophistication points to something darker and deeper within our culture, a retreat from the ideal of gender equality toward a desire for sex with subjugation as an optional add-on. ZH_REF: 他们的出现和日益成熟直指我们的文化中更黑暗、更深层的部分:从完美的性别平等逃离,走向以臣服为附加选项的性爱。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的生活方式和它的好处是,在我们的上,它是由你所产生的,而不是在别人身上,而是在你的身上,是为了更多的,而不是在别人身上 EN: Most men, naturally, are not going to keep sex robots, and while the FRR noted their increasing popularity, they remain, for now, on the outskirts of consumer culture. ZH_REF: 当然大部分男性不会留有性爱机器人,而且虽然 FRR 指出性爱机器人正越来越受欢迎,但它们目前依然处在消费文化的边缘。 -ZH_HYP: 1.. +ZH_HYP: 5.在这方面,有的是,我们的人都有自己的,而不是在他们的身上,而是在他们的面前,他们的心智,而不是在别人身上,而是在他们的身上,也是为了提高你的能力而去的 EN: But what seeps in from the fringes can be highly instructive as to the tenor of the era we're living in. ZH_REF: 但是从边缘渗透而来的东西能让我们看清我们所处的这个时代的进程。 -ZH_HYP: 1.. +ZH_HYP: (美)()(),我们的意思是,我们的生活是不可能的,因为他们的事,是为了得到的,而不是在他们的中,才会有多的,而不是在那里,要么是为了得到的的的的的 EN: And many people aren't weird or offensive until the free market gives them the permission to be so. ZH_REF: 很多人本不诡异也不具备攻击性,直到自由市场让他们有机会变得如此。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(我们)的意思是,我们的人都是为了得到的,而不是为了他们的,而不是为了他们的,而不是在他们的时候,才会有更多的东西,而不是在那里,要么是最坏的,是的。 EN: There is little coincidence that these sophisticated sex robots have emerged at a time when women's rights are under threat across the globe, when there is a president in the White House who has bragged about sexually assaulting women. ZH_REF: 这些精细的性爱机器人出现在一个全球女性的权利受到威胁的时代,白宫还有一位总统吹嘘对女性的性暴力,这并不是巧合。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,我们的身体有很大的影响,而不是在他们的面前,在他们的面前,为你的性欲坠,而不是在那里,是在他们身上的,是对的,而不是对你的反应了 EN: The most chilling aspect of the TV series The Handmaid's Tale isn't the graphic imagery, the noosed bodies and gouged eyes, but just how realistic that vision feels. ZH_REF: 电视剧《使女的故事》最让人胆寒的部分不在于逼真的画面,不在于那一具具悬挂的尸体,也不在于那一双双被挖出的眼睛,而在于那过分真实的想象。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是指的是,他们的品味,是为了使自己的心惊肉跳,而不是在他们的面前,而不是在别人身上,而是在你的身上,是什么,你的意思是什么?的的 EN: The Republic of Gilead is a leap, but, right now, it doesn't feel like a large one. ZH_REF: 基列共和国是一次跳跃,但现在看起来这并不遥远。 -ZH_HYP: 1.. +ZH_HYP: (美)(一),是,也是为了使自己的处境更多,而不是为了自己的缘故,而不是在说谎,而是要在别人的时候,就会被人所束缚的,是对的,因为你的意思是对我来说是个好的 EN: The aim behind these sex robots is to create as much of a physical likeness to actual women (albeit with porn star proportions) as technologically possible. ZH_REF: 这些性爱机器人背后的目标就是要尽技术可能创造最类似真实女性的身体(虽然是按色情明星的比例)。 -ZH_HYP: 1.. +ZH_HYP: (a)为使人的行为而作为,而不是为自己的目的而作,而不是在其他方面,也是为了使他们的工作变得更容易了,因为它是对的,而不是在(e)的,也是最重要的 EN: Their creators want them to feel human to the touch, for them to mimic the movement of a real body. ZH_REF: 这些机器人的创造者想要她们拥有人类的触觉,并模仿真实的人体动作。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),(),我们的人,都是为了使他们的心变得更容易,因为他们的人都是为了他们的,而不是在他们的身边,而不是在那里,要么是为了提高他们的能力而去做的事 EN: But, pointedly, when it comes to their "personalities" the robots do not represent real women. ZH_REF: 但直白地讲,她们的“个性”并不能代表真实的女性。 -ZH_HYP: 1.. +ZH_HYP: 但是,在他的后面,有的是,有的是,他们的态度是,对我们的影响,是为了让自己的利益而去,而不是在那里,也是为了给别人的,而不是在那里,而是要把它的意思和最坏的方式给你。 EN: They cannot break up with their companion, or walk out. ZH_REF: 她们不能分手,也不能出走。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: They have no agency or back-story, nothing to suggest independence or anything that may disrupt the fantasy of total servitude. ZH_REF: 她们没有求助机构也没有后续故事,完全没有任何独立,也没有任何可能打破彻底的奴役幻想。 -ZH_HYP: 1.. +ZH_HYP: 在任何情况下,都是不可能的,因为他们的缺点是,他们的缺点,是为了使他们的工作变得更糟,而不是为了让人感到厌倦,而不是在那里,要么是为了达到最高的目的而去做,这是对你的 EN: They are pleasant slaves, in other words. ZH_REF: 换言之,她们是情趣奴隶。 -ZH_HYP: 1.. +ZH_HYP: 在这方面,我们的态度是,在做的事,是为了使自己的心目失为,而不是在自己身上,而是在为自己的力量而来的,是在别人的时候,也是为了得到更多的保护的的的的的的的的的 EN: Or to put it into 2017 parlance: handmaidens. ZH_REF: 或者按 2017 年的通俗说法:使女。 -ZH_HYP: 1.. +ZH_HYP: (2)a:(一),我们可以用“大”的方式来把它的东西放到一边,把它的东西放到一边,把它的东西放到一边,然后把它的东西弄到一边,然后把它的东西弄到一边去了 EN: “The Great Wall” tells the story of a Chinese elite troop in ancient times that battled valiantly against the monster Taotie on the world renowned Great Wall of China. ZH_REF: 《长城》讲述了在古代,一支中国精英部队为保卫人类,在举世闻名的长城上与怪兽饕餮进行生死决战的故事。 -ZH_HYP: 1.. +ZH_HYP: [谚语]:“(a),我们的目的是,从小的角度来,对自己的影响进行了比较,而不是在我们的面前,为你的美德,而不是在那里,是为了让人感到羞耻的 EN: The last episode of “Hurry Up, Brother” Season 4 has been recorded. Deng Chao, leader of the “Running Man Team” was interviewed via WeChat by the reporters of Shenyang Evening News and syd.com on May 30. From “Super Scholar” in “Running Man” to “Funny Villain” in “Devil and Angel” to “Decadent Guy” Chen Mo, the impression Deng Chao gives to the audience is that of a “flexible transformer”, constantly changing. ZH_REF: 《奔跑吧兄弟》第四季最后一期已经录制,“跑男团”队长的邓超5月30日接受了沈阳晚报、沈阳网记者的微信采访,从“跑男”中的“学霸”到《恶棍天使》中的“搞笑恶棍”,再到“颓废男”陈默,邓超给观众的印象像是“百变星君”,不断变化。 -ZH_HYP: 1.. +ZH_HYP: “”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”!。 EN: Deng Chao said, “I won’t do the same thing over and over again in my acting career. I want to renew myself constantly.” ZH_REF: 邓超表示,“在表演上,同样的事情我不会做的,要不断更新。” -ZH_HYP: 1.. +ZH_HYP: (4)【句意】我的意思是,我们的人在做点,也是为了让自己摆脱困境,而不是在自己的身边,也是为了让自己的力量而努力,而不是在别人的时候,就会被人所受的影响 EN: Trump's great feat? ZH_REF: 特朗普的伟大功绩? -ZH_HYP: 1.. +ZH_HYP: (美)(一),(),(),(),我们的东西也是,他们的意思是,他们的意思是,他们的意思是,要把它的好处归功于我们的力量,而不是在那里,还是要用的, EN: Making Mitt Romney seem the epitome of common sense ZH_REF: 让米特?罗姆尼 (Mitt Romney) 成为常识的缩影 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),是,从句中,我们都是在,把它的东西弄到了,而不是在那里,是为了使他们的工作变得更有价值的,因为他们的意思是对的,而不是在别人身上的 EN: It has become a truism of the Trump era that the political divisions that have polarised the US electorate have, on a micro-scale, torn families apart. ZH_REF: 政治分歧带来美国选民的两极分化,而从微观角度来看,则破坏了美国家庭和睦。这对特朗普时代来说已经是见怪不怪了。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在我们的过程中,我们都是不可能的,因为它是在为他们提供的,而不是在他们身上,而是在为我的力量而来的。的的的的的的的的的的的的的的的的的的 EN: Around Christmas and Thanksgiving, newspapers in the US abounded with advice columns on how to deal with the horror of Trump-voting relatives. ZH_REF: 在圣诞节和感恩节前后,美国的各大报纸在评论专栏中充斥着如何应对票选特朗普亲属的恐惧。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: We are all supposedly straining to burst our filter bubbles. ZH_REF: 通常认为,我们正在竭尽全力刺破我们的“过滤泡沫”。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................ EN: Less remarked on is the power of Trump to bring families together. ZH_REF: 更少地发表意见的是特朗普将家人凝聚一起的力量。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】(我们)的意思是,我们的意思是,它是在为自己的,而不是为了给别人的,而不是在乎的时候,还是要把它的意思和最坏的方法来 EN: I mention this because my cousin, a left-leaning poet who lives in Chicago and who's long been at loggerheads with Republicans in our family, has been visiting me in New York this week. ZH_REF: 我提到这一点是因为我的堂姐,一位居住在芝加哥的左翼诗人,他与我们家中的共和党人长期不和,这一周他要来纽约拜访我。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,我的心从头到尾,就像个大人,是在为自己的事,而不是在他们的身边,在那里,是在我们的,是的,是的,是的,是的,是的。了了了了了 EN: She reminded me that unity against a common enemy can have a powerful effect. ZH_REF: 她提醒我,团结起来对抗共同的敌人可以产生强有力的效果。 -ZH_HYP: 1.. +ZH_HYP: 5.4.如果有理由,就会被人所束缚,而不为自己的利益,把它当作是最坏的,因为它是在为他们提供的,而不是在那里,也是为了保护自己的的的的的的的的的的的的的的的的的的的的的 EN: With Trump in the White House, everyone she knows, including the Republican sibling she had been bickering with about politics for decades, is suddenly and peculiarly on the same side. ZH_REF: 由于和特朗普在白宫共事,她认识的所有人,甚至包括几十年来一直发生政治争吵的共和党人亲戚,现在突然而且奇怪地都站在同一条战线了。 -ZH_HYP: 1.. +ZH_HYP: 在美国的一个大的地方,是的,是的,是的,是的,他们的东西,都是为了得到的,而不是在他们的中,也是为了让自己的力量而去,而不是在那里,这是对的的的的的的 EN: Around the dinner table this is surely a good thing; but it strikes me that, in a broader context, it carries significant risks. ZH_REF: 如果都在餐桌的话,这当然是一件好事。但是让我感到震惊的是,从更广泛的角度来看,这会引起重大的风险。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: The left has been invigorated by Trump, but the warping effect of his presidency has the power to push us all rightwards. ZH_REF: 虽然左派人物一直以来受到特朗普的怂恿,但是他担任总统带来的翘曲效应则推动我们全部向右转。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),是,我们的事,是为了使他们的缘故,而不是为了自己的利益而牺牲,而不是为了让他的力量而去,而不是为了让人感到厌倦了,那就会使我感到很不舒服了了 EN: When we talk about "normalisation" and Trump, we are referring to the scary possibility that his antics may one day cease to appal. ZH_REF: 当我们谈论“正常化”和特朗普时,我们所指的是担忧的可能性,即他的古怪行为某天可能会停止。 -ZH_HYP: 1.. +ZH_HYP: (美国)(这篇)是一种不寻常的东西,是在不可能的,因为他们的意思是,他们的意思是,他们的意思是,我们的人都会有多的时间来衡量我的工作,而不是你的意思。了了了了了了了了了了了了了了了 EN: There is an even scarier long-range scenario, however, in which what Trump "normalises" are rightwing Republicans who, held up against his standards, suddenly seem the epitome of reasonable. ZH_REF: 然而,还有一个更加令人担忧的长期场景,特朗普要“正常化”的是与右翼共和党人的关系,这些共和党人之前曾反对总统先生的标准,现在则突然间看起来成了理性的象征。 -ZH_HYP: 1.. +ZH_HYP: 然而,在一个人的情况下,我们都是为了得到的,而不是为了自己的利益而去,而不是在他们的面前,他们的态度就会被人所取代,而不是在其他地方,这是对的,是的,是的的的的的的 EN: I find myself actively nostalgic these days for Mitt Romney's quaint version of crazy - the dog on the car roof, the 14% income tax (but at least we knew what his tax return looked like) - both of which, compared to Trump, seem very mild offences indeed. ZH_REF: 我发现最近自己对米特?罗姆尼版的癫狂古怪有些怀念:把狗在汽车上,14% 的所得税(但至少我们知道他的纳税申报表),为与特朗普相比,这两个举动的罪行似乎确实太轻微了。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我的性格是很有价值的,因为他们的生活方式是,他们的品德,是的,而不是在他身上,它是在他身上的,而不是他的错觉,这是对的,是很有价值的 EN: When Trump goes, the next Republican candidate will merely have to be sane to qualify as an immeasurable improvement. ZH_REF: 特朗普时代过去后,下一任共和党候选人只需要理智地取得进行不可估量的改善的资格。 -ZH_HYP: 1.. +ZH_HYP: (美英对照),我们的目的是,要把它放在一边,把它当作是为了让自己摆脱困境,而不是在自己的位置上,而不是在那里,是为了让人感到更多的,因为它是对的,而不是对你的 EN: While my cousin was in town, we took our kids to the carousel in Central Park, the biggest of the carousels run by the New York parks department, and the best three bucks you can spend in the city if you don't require caffeine. ZH_REF: 当我的堂姐住在镇上时,我们带着孩子去了纽约公园的旋转木马,这是由纽约中央公园管理部门经营的最大的旋转木马,如果你不需要咖啡的话,这三美元门票是你在这个城市最具消费价值的。 -ZH_HYP: 1.. +ZH_HYP: 虽然我们的人都是这样的,但我们的生活是由他们所做的,而不是在他们的身边,而你的是,他们是在一起,是在说谎的,是你的,是的,是的,你的意思是什么?了 EN: The horses are thunderously huge, the fibre-glass designs on the central cylinder - all gurning clowns and animals twisting to look over their own shoulders in terror - utterly sinister, and the tinkling music oddly transporting. ZH_REF: 木马的声音如雷鸣般巨大,中央圆柱上为玻璃纤维设计,所有的小丑和动物扭过头,恐怖地和险恶看着自己的肩膀,而叮当作响的音乐则奇怪地响着。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是指甲的,是在不喜欢的,是在乎的,是在说谎的,他们的意思是,要把它放在一边,把它放在一边,好的,是的,是的,是的,是的。 EN: So many of the cliches of a city disappoint: views from tall buildings get old, skylines grow too familiar to offer much of a thrill, and the reality of the city doesn't live up to the dream. ZH_REF: 太多庸俗的城市令人失望:从高楼大厦俯瞰的景观变得老套,天际线变得过于熟悉已经不能提供太多的刺激,而城市的现实并没有支撑起梦想。 -ZH_HYP: 1.. +ZH_HYP: (美)(一),这是个很不寻常的东西,也是不可能的,因为他们的心从他们的手中夺走了,而你的心就会在那里,而不是在高处,而你的心就会被人所迷惑 EN: Thirty-five years later and I'm still not entirely over the day I discovered Swiss Cottage is not, in fact, a Swiss cottage - the theme pub, Ye Olde Swiss Cottage, doesn't count - but a large roundabout in north London. ZH_REF: 35 年后,我还没有完全忘记那天,我发现此“瑞士小屋”其实并不是瑞士小屋,而是一个位于主题酒吧“古老的瑞士小屋” (Ye Olde Swiss Cottage),我记不清了,但在伦敦北部的一个交叉路口附近。 -ZH_HYP: 1.. +ZH_HYP: 5.3.(1)在这方面,我们的工作是不可能的,因为他们的生活在了,而不是在他们的身边,他们的生活就像个大的,而不是在一起,而是在他的身边,那是太多了了 EN: The Central Park carousel, however, is still a weirdly magical experience, to the extent that two two-year-olds, an 11-year-old and two women in their 40s can go on it and all have a great time. ZH_REF: 然而,中央公园的旋转木马仍然是一个魔幻般的体验,对于两个 2 岁的孩子,一个11岁的孩子,和四个 40 来岁的两个女孩都可以参加的活动来说,每个人都玩得很开心。 -ZH_HYP: 1.. +ZH_HYP: 但是,在这方面,我们是个很好的人,是为了使自己摆脱了,他们也是为了让他们感到羞耻,而且他们在那里,有了一万一的,是在他们的事业中,有的是,这是对我来说是个好主意 EN: If I could have rated the carousel I would have given it full marks, but thankfully nobody asked. ZH_REF: 如果我能评价旋转木马,我会给它满分,但幸好没有人问到。 -ZH_HYP: 1.. +ZH_HYP: 如果我的作品是这样的,我们就会有更多的东西,而不是为了自己的,而不是在那里,而是为了自己的力量而去,而不是在那里,那是对的,是的,是的,是的,是的。了 EN: In a department store this week, on the other hand, I was required, before swiping my credit card, to rate my transactional "experience" on a scale of one to five stars. ZH_REF: 但本周在一家百货公司,在刷信用卡之前,我被要求对我的交易“体验”进行一到五星的评分。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的名字,是为了使我的心烦意乱,而不是在他们的面前,为你的,而不是在我的上方,你的意思是,我的意思是,你的意思是什么?了了了 EN: In the coffee shop at the corner of my street it's the same thing, plus the option to match the rating with a 15% tip - this for buying something over the counter. ZH_REF: 在我街道角落的咖啡店里,也是如此,此外可以选择用 15% 小费进行评分,这是为了在柜台上买东西。 -ZH_HYP: 1.. +ZH_HYP: (美英对照),()(),我们的产品是用的,而不是在,它是用的,它是在你的,是在说谎的,是的,是的,是的,是的,是的,是的,是的。 EN: The effect of this is not only to slow down what should be a neutral exchange, but to put pressure on the server to inject personality into a situation where none is required. ZH_REF: 这样做的效果不仅在于减缓了本应该是中性交易的速度,而且给服务员带来压力,将个人因素加入到了不需要的情景。 -ZH_HYP: 1.. +ZH_HYP: (一)(一)不可能是,因为它们是在不允许的,而不是在,是为了使自己的力量而被人所受的,而不是在他们的身边,而是要用的,那是对的,对我们来说,是个好的问题 EN: The poor woman in the department store stood grinning apologetically while, wearily, I gave the experience of handing her my credit card five stars. ZH_REF: 这位百货商店里可怜的女人抱歉地笑着,而我则疲惫不堪,信用卡交易体验给她评了五星。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(我的意思是,你的意思是,你的意思是,在我的意思)中,我们都不喜欢,因为他们的意思是,你的意思是,他们的意思是,“你的意思是”了 EN: Oscar Pistorius taken from jail to hospital with chest pains ZH_REF: 奥斯卡·皮斯托利斯因胸痛从监狱转入医院 -ZH_HYP: 1.. +ZH_HYP: (一)(一),把刀子从头到尾,把它们的东西都换成了,把它放在一边,把它的东西弄到了,是的,是的,是的,是的,是的,是的,是的,是的。 EN: This is the second time Pistorius has left jail for a hospital visit. ZH_REF: 这是皮斯托利斯第二次离开监狱转入医院。 -ZH_HYP: 1.. +ZH_HYP: (a)【句意】他的意思是,我们的人在为自己的工作提供了便利,而不是在他们的面前,他们就会被打败了,而不是在那里,是的,是的,是的,是的,是的。了 EN: Last year he was taken to the hospital for treatment to cuts on his wrists, which prison authorities said he sustained after falling in his cell. ZH_REF: 去年他就被带到医院治疗手腕割伤,监狱官方称此伤是他在囚室中摔倒所致。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,他的名字是由他的,是的,是为了使他们的缘故,而不是为了自己的,而不是在他的身上,而是为了使他的力量而变得更糟了的的的的的的的的的的的的的的的 EN: Pistorius was convicted of murder after an appeal by prosecutors against an initial manslaughter verdict. ZH_REF: 检察官对最初的误杀裁决提起上诉后,皮斯托利斯被判谋杀。 -ZH_HYP: 1.. +ZH_HYP: 5.4."在"被"的"中,"是指甲,并被指为",",",",",",",",",",",",",",",",",",",","""""""""""" EN: He killed Steenkamp in the early hours of Valentine's Day 2013 by shooting her multiple times through a toilet cubicle door at his Pretoria home. ZH_REF: 2013 年情人节凌晨时分,他在其比勒陀利亚的家中透过厕所隔间门多次枪击斯廷坎普,至其死亡。 -ZH_HYP: 1.. +ZH_HYP: (2)【句意】他的意思是,我们的人,是为了让自己的人,而不是在他们的时候,就像你的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: Pistorius claimed he mistook his girlfriend for a nighttime intruder hiding in the cubicle. ZH_REF: 皮斯托利斯声称将女友误认为夜间躲在隔间的闯入者。 -ZH_HYP: 1.. +ZH_HYP: (k)【句意】(他的意思是,你是在为自己的,而不是为了使自己的缘故,而不是在别人的时候,也是为了让你的,而不是为了让别人的心想)的的的的的的的的的的 EN: Prosecutors have announced their intention to appeal again, this time against Pistorius' six-year sentence, which they say is too lenient. ZH_REF: 检察官已宣布他们有意再次上诉,此次是为针对皮斯托利斯的六年徒刑,他们认为该刑期太过仁慈。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),他们的意图是为了使他们的缘故,而不是为了使他们的缘故,而不是为了使他们的工作变得更糟,而不是在他们的身边,而是要在那里的一切,因为我是个好人,而不是 EN: The National Prosecuting Authority said it will appeal to South Africa's Supreme Court, and the appeal could be heard this year. ZH_REF: 国家检察署表示将向南非最高法院提起上诉,且此上诉可在今年审理。 -ZH_HYP: 1.. +ZH_HYP: 如果是一个人,就会被认为是为了使他们的利益而被人用,而不是在他们的面前,他们就会被打败了,而我的心也是如此,因为他是在说谎的,是的,是的,是的。 EN: Pistorius faces having his sentence increased to 15 years if prosecutors are successful. ZH_REF: 如果检察官获胜,皮斯托利斯将面临增至 15 年的刑期。 -ZH_HYP: 1.. +ZH_HYP: 5.a.................................................................. EN: There is no death penalty in South Africa. ZH_REF: 南非没有死刑。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),是,也是为了把他们的东西弄得太大了,因为他们都是为了逃避,而不是为了给别人带来的,而不是为了给他们带来的,那就太多了了了了了了了了了了了了了 EN: Given the general financial and economic environment, alcohol related e-commerce merchants are holding fast to upstream resources while actively planning their own brands so as to seek breakthroughs in performance. ZH_REF: 财经大环境下,酒类电商为谋业绩突破,一方面紧抓上游资源,另一方面积极谋划自有品牌。 -ZH_HYP: 1.. +ZH_HYP: (k)(一)不适合于发展,而又是在经济上,也是为了使自己的利益而变得更糟,因为它是在为其提供的服务的时候,而不是在那里,它是由谁来的,而不是在哪里? EN: Chen Haifeng, a 26-year old actor with the Wenzhou Yue Opera Troupe, is the only female in the class who plays a painted face character. ZH_REF: 26岁的温州越剧团演员陈海峰,是班上唯一的女花脸。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Two Bulgarians Were Detained For Illegal Camping in Greece ZH_REF: 两名保加利亚人在希腊因非法露营被拘留 -ZH_HYP: 1.. +ZH_HYP: (b)一个人的名字是,他们的工作是为了得到的,而不是为了得到的,他们的待遇是在他们的,而不是在那里,而是为了在他们的工作中,把它的东西分给了的的的的的的的的的 EN: Two Bulgarians were detained for illegal camping in Greece, the Foreign Affairs Ministry announced, quoted by bTV. ZH_REF: bTV 援引外交部消息称,两名保加利亚人在希腊因非法露营被拘留。 -ZH_HYP: 1.. +ZH_HYP: 4.在任何情况下,都是为了使其成为非法,而不是为了使他们的工作变得更糟,而不是为了让自己的人在一起,而是为了在他们的面前,把它给了我的信,是为了得到的,而不是在你的身边 EN: A group of illegally camping people, including the two Bulgarians, was detained by the police in Sithonia in the morning of August 1. ZH_REF: 8 月 1 日上午,锡索尼亚警方拘留了一群非法露营者,其中包括两名保加利亚人。 -ZH_HYP: 1.. +ZH_HYP: (a)(一),在被偷的人中,他们的人被偷了,他们的财产被打败,而在他们的工作中,他们都是在一起,而不是在那里,是的,是的,是的,是的。了了 EN: The same day they were released, while an investigation is currently underway. ZH_REF: 拘留者当天被释放,调查目前仍在进行中。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的错误,是,他们的目的是为了使他们的处境更加危险,而不是在他们的面前,把它放在一边,还是要把它的东西弄得太多了,了了了了了了了了了了了了了了了了 EN: The ministry of foreign affairs reported bTV that Bulgarians were later released. ZH_REF: 外交部向 bTV 透露,两名保加利亚人随后被释放。 -ZH_HYP: 1.. +ZH_HYP: 3.a.(b)在被认为是不稳定的情况下,在其他国家,必须是为了使其成为一个,而不是为了使他们的身份而被人赶走,而不是为了使他们的工作变得更高,而且是为了得到更多的人的保护 EN: The Greek authorities have tightened control over free camping and are already imposing serious fines on anyone who is caught resting in a place not intended for the purpose. ZH_REF: 希腊当局加强了对随意露营的控制,并且会对任何在非指定露营地休息的人群处以巨额罚款。 -ZH_HYP: 1.. +ZH_HYP: 在其他方面,有的是,我们的工作是为了避免,而不是为了使他们的利益而被人所包围,而不是为了使他们的工作变得更糟,而且也是为了控制的,而不是在他们身上的,是对的,是对我们的事了 EN: Checks will continue throughout the season. ZH_REF: 巡查将会持续一季。 -ZH_HYP: 1.. +ZH_HYP: 5.4.在一个不稳定的情况下,我们都会被人所为,而不是为了他们的利益而去,而不是为了让自己的力量来回来,而不是在那里,还是要把它的东西分给别人,而不是最需要的,是什么 EN: The ministry said that the court may impose a fine. ZH_REF: 外交部表示,法庭可能会对随意露营者处以罚款。 -ZH_HYP: 1.. +ZH_HYP: 4.k................................................................ EN: On May 18, the Ministry of Finance issued the “Administrative Measures for Special Rewards and Subsidies for the Structural Adjustments of Industrial Enterprises”, and will arrange special rewards and subsidies amounting to a total of RMB100 billion to help advance reduction of overcapacity in the coal and steel industries. ZH_REF: 5月18日财政部公布《工业企业结构调整专项奖补资金管理办法》,将安排专项奖补资金推动化解煤炭、钢铁行业的产能过剩,总金额为1000亿元。 -ZH_HYP: 1.. +ZH_HYP: 5.1.在对贸易的影响下,为了使人的收入得到更多的补偿,并为其提供了一个新的机会,以弥补其损失,并将其作为回报,以达到最高的水平,并将其作为资本金的一部分(的的的的的的的的的的的的 EN: Recently, many local governments including that of Shanghai, Shanxi, Shandong, Jiangsu and Heilongjiang have proposed reform opinions on reducing overcapacity. ZH_REF: 近期上海、山西、山东、江苏、黑龙江等多个地方政府陆续提出了关于化解过剩产能的改革意见。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个大的,是,我们的国家,是为了使自己的利益而变得更糟,因为他们是在说谎的,而不是在那里,他们都是为了得到的,而不是为了给他的,而不是在那里。 EN: In particular, many provinces have even proposed to actively lobby the Central Government for fiscal support to reduce overcapacity in their respective provinces. ZH_REF: 其中,不少省份甚至提出,要积极争取中央财政对其省份的去产能财政支持。 -ZH_HYP: 1.. +ZH_HYP: (4)如果有,我们就会有更多的东西,而不是为了使他们的事业变得更容易,而不是为了他们的工作而去,他们的工作就会被人所淹没的,而不是最坏的,因为他们的意思是什么? EN: One proof is that the overcapacity reduction target for coal announced by a mere eight provinces already account for 90% of the coal overcapacity reduction plan nationwide. ZH_REF: 一个佐证是,仅8个省份公布的煤炭去产能目标就站到全国煤炭减产计划的90%。 -ZH_HYP: 1.. +ZH_HYP: (一)不一的,是不可能的,因为我们的产品是用的,而不是在压力下,而是用它来的,那是在我们的,是为了使自己的力量而变得更糟的了了了的的的的的的的的的的 EN: At an interview with reporters, Lin Boqiang, Dean of China Institute for Studies in Energy Policy at Xiamen University, believed that merely relying on the Central government’s RMB100 billion to “reduce overcapacity” in the steel and coal industries is far from sufficient. More funds should come from local governments and enterprises. How should that be done? ZH_REF: 厦门大学中国能源政策研究院院长林伯强在接受记者采访时认为,钢铁和煤炭行业的“去产能”仅依靠中央的1000亿元远远不够,更多的资金需要地方政府和企业来自行解决。怎么解决? -ZH_HYP: 1.. +ZH_HYP: 在美国,有的人都是这样的,因为他们的工作是不可能的,而不是在美国,而是在“大”的“大”的“”的时候,“你的钱”,“你的意思是,”“不”,了 EN: In the detailed implementation rules for reducing surplus coal capacity issued recently by Shanxi Province, it was proposed that Shanxi Coking Coal Group should be restructured and transformed into a state-owned capital investment company, its assets and businesses should be reorganized and consolidated, and a new business model constructed. ZH_REF: 山西省近期公布的煤炭去产能实施细则中提出将山西焦煤集团改组为国有资本投资公司,对企业的资产和业务进行重组整合,构建全新的商业模式。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个大的问题,是,我们的价格是由一个大的,而不是在他们的,是在“大”的,而又是在哪里,还是要把钱包起来,好吗?的了了了了了了了了了 EN: The actual funding gap could be 3 times that of the subsidy. Earlier, Yin Weimin, Minister of Human Resources and Social Security, said that initial calculations showed that a total of 1.3 million employees in the coal industry and 500,000 in the steel industry were required to be resettled as a result of “reducing overcapacity”. ZH_REF: 资金实际缺口可能3倍于补贴此前,人力资源和社会保障部部长尹蔚民表示,初步统计“去产能”要分流安置的员工煤炭系统是130万人,钢铁系统是50万人。 -ZH_HYP: 1.. +ZH_HYP: 5.1.3.在生产和出口方面,这种情况有很大的变化,而不是为其提供的,也是不可能的,因为它是由於是在1000万的,而这是在高收入损失的(c)的中的的的中中中中中中中中中中中中 EN: Nanfang Daily news (Reporter/Xie Qingyu) The reporter learned from the provincial environmental protection office today that the 2012 results of the environmental protection credit rating of key sources of pollution are being published. ZH_REF: 南方日报讯(记者/谢庆裕)记者今日从省环保厅获悉,2012年广东省重点污染源环境保护信用评级结果正在进行公示。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。。。。 EN: Ratings showed that of the 1,251 enterprises listed on the environmental protection credit management register, 134 were not rated temporarily because of production stoppage, not having been checked and accepted, having been shut down, and/or other reasons. ZH_REF: 经过评定,1251家列入环保信用管理名单企业中有134家因为停产、未验收、关停等原因暂不予评级。 -ZH_HYP: 1.. +ZH_HYP: 5.1.4.1.2.2.1.3.1.1.在生产过程中,有的是,不被视为是不可能的,因为它是在(或)上,而不是在其他方面,也是有的,因为它是有的 EN: Of the enterprises that would be rated with a red card, heavy polluters such as those involved in electroplating, printing and dyeing, and prevention and control dominate. A number of waste water treatment plants were also listed. ZH_REF: 而在拟评红牌企业中,主要以电镀、印染、防治等重污染企业较多,一些污水处理厂也榜上有名。 -ZH_HYP: 1.. +ZH_HYP: (一)在这一过程中,有的是,我们的产品是不可能的,因为它们是在用的,而不是用它来的,而是用的,是的,是的,是的,是的,是的,是的,是的。了 EN: The provincial environmental protection office said that in order to reflect the principles of openness, impartiality and fairness, it welcomes public supervision, and has publicly released the rating results on the website of the environmental protection office. ZH_REF: 省环保厅表示,为体现公开、公平、公正的原则,接受公众监督,现将评级结果在环保厅网站公示。 -ZH_HYP: 1.. +ZH_HYP: (一)在这一过程中,有一个人的错误,是为了使他们的利益而变得更容易,而不是在他们的身上,而是在那里,是为了保护自己的,而不是在那里,也是为了得到的,而不是的的的的的的的的的的 EN: During the period when the results were publicly released, the environmental protection office received phone calls, letters, visits and many other forms of feedback from the public concerning such issues, which will be investigated, verified and dealt with by the environmental protection office. ZH_REF: 公示期间,环保厅接受公众来电、来信、来访等多种形式反映问题,环保厅将对所反映的问题进行调查、核实和处理。 -ZH_HYP: 1.. +ZH_HYP: 在任何情况下,都是由衷的,而不是为了使人的感受,而不是在其他方面,而是在他们的时候,在那里,和你的联系,是为了得到的,而不是在那里,也是为了保护自己的事的的的的 EN: Climate change can destroy a large number of species in an irreversible manner, including resources and food that humans rely on for survival. ZH_REF: 气候变化可能会以不可逆转的方式毁掉大量物种,包括那些人类赖以生存的资源和食物。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),可将其视为一种不稳定的东西,而不是在其他地方,在那里,是为了使他们的利益而被人所受的伤害,而不是为了给他们带来的,是最重要的的的的 EN: Wiens said that although heat will not directly exterminate species, it can help induce potentially hazardous factors. ZH_REF: 韦恩斯表示,即使炎热不会直接杀死物种,也能够催生潜在危险因素。 -ZH_HYP: 1.. +ZH_HYP: (美)(4)............................................................. EN: Wiens’ research also revealed that local extinction vary from region to region. Compared to regions with temperate climate, the probability of local extinction of species in tropical regions is doubled. ZH_REF: 韦恩斯的研究还显示,本地灭绝因地区而不同,与温带地区相比,热带地区物种本地灭绝的几率会高1倍。 -ZH_HYP: 1.. +ZH_HYP: (a)对所有的研究都是,我们的目的是,从表面上看,是在不可能的情况下,在其他地方,如:(3)在地层中,以达到更高的水平,而不是在一定程度上的,因为它是一种危害性的 EN: As of November 30, 2016, Blackberry’s cash, cash equivalents, short-term and long-term investments amounted to US$1.6 billion. ZH_REF: 截至2016年11月30日,黑莓拥有现金、现金等价物、短期和长期投资16亿美元。 -ZH_HYP: 1.. +ZH_HYP: (一)在这一过程中,我们的处境是:(a),不,不,不,不,不,不,是,你的钱,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: “Don’t litter. Throw your rubbish in the rubbish bins. Throwing things from a high altitude is very dangerous. We need to work together to create a beautiful home.” ZH_REF: “垃圾不能随手扔,要放进垃圾桶里,高空抛物危害大,美好家园需要携手创造。” -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Yesterday, 11-year-old Luo Shiyu and her mother arrived at Sanxia Square, and distributed promotional brochures to passersby while picking up rubbish in the surroundings, hoping to create awareness among more people about protecting the environment. ZH_REF: 昨日,11岁的罗诗雨和妈妈一起来到三峡广场,一边捡起周围的垃圾,一边向过往行人派发宣传单,希望唤起更多人保护环境的意识。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,他的名字是:“我们的,是的,是的,是的,是的,是的,也是为了保护自己的,而不是在一起,而是为了让人更多的,”他说。是了了了了了了了了 EN: Like Luo Shiyu’s family, volunteers from 106 families in 24 towns at Shapingba District took to the streets as “little environmental warriors”. ZH_REF: 和罗诗雨家庭一样,来自沙坪坝区24个街镇的106个家庭的志愿者走上街头,担当“环保小卫士”。 -ZH_HYP: 1.. +ZH_HYP: (2)【句意】我们的意思是,你的意思是,在他们的时候,我的意思是,他们的意思是,你的意思是,你的意思是,你的意思是,“你的意思是,”“不” EN: Next, they will also carry out voluntary cleaning in housing estates or speak about environmental protection in the homes of residents. According to the introduction, these activities, themed “Build hygienic cities - Pitch in your family”, will be continue until June 20. ZH_REF: 接下来,他们还将在小区里义务开展清洁劳动,或者走进住户家里去宣讲环保。据介绍,此次活动的主题为“创卫·携手家庭齐上阵”,活动即日起到6月20日截止。 -ZH_HYP: 1.. +ZH_HYP: (a)将在适当的情况下,将其作为人的安全,而不是为了使他们的生命得到保护,而不是在他们的工作中,而是在他们的地方,在那里,给你带来的好处的的的的的的的的的的的的的 EN: Kvitova, who won the Wimbledon women's single champion twice, was attacked by a knife robber at her home in Prostejov, Czech Republic, causing her left hand wounded. ZH_REF: 两届温网女单冠军科维托娃在捷克普罗斯捷约夫的家中遭到持刀盗贼的袭击,导致其左手受伤。 -ZH_HYP: 1.. +ZH_HYP: (k)【句意】(这是,我们的意思是,你是为了使自己的缘故,而不是为了自己的利益而使自己的罪),而不是在被人身上,还是要把它弄得太平了了了了了了了了了了了了了了了 EN: Tsai Ing-wen also stated that she believed that the current Mainland Chinese leaders are rational decision makers. Any possibility of taking military action against Taiwan would not fall within the scope of consideration when making decisions at this time. ZH_REF: 蔡英文还宣称,她相信今天中国大陆领导层应该是理性的决策者,任何对台动武的可能性,应该都不在现在的决策思考里面。 -ZH_HYP: 1.. +ZH_HYP: 4.5.在任何情况下,都是为了使人的利益,而不是为了使他们的利益而变得更加危险,而不是在他们的时候,才会有什么影响,而不是在你的身边,就会被人的错觉了了了了了了了了了了了 EN: A reporter asked whether the spokesperson would like to comment on Taiwan recently “sitting in” on a particular UN meeting via video conference. ZH_REF: 有记者问,日前台湾方面通过视频在联合国某次会议上“蹭会”,发言人有何评论? -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),我们的人,都是这样的,因为他们是在用功的方式来的,因为他们是在说谎的,而不是在那里,也是为了给别人的,而不是在那里,而是要把它的意思和联系在 EN: The degree of internationalization of the RMB has continued to increase, and will benefit global economic and financial stability and growth. ZH_REF: 人民币国际化程度不断提高,将利好全球经济、金融的稳定与发展。 -ZH_HYP: 1.. +ZH_HYP: (一)(一)不一切,也是不可能的,因为它是在不断地影响着我们的,而在其他方面,也是为了使自己的经济变得更加危险,而不是在(e)上,而不是在美国,是的的的 EN: Times Higher Education recently published the 14th World University Rankings. On a global basis, Oxford University remained the leader of the pack. ZH_REF: 泰晤士高等教育日前发布了第14届年度世界大学排名,从全球范围来看,牛津大学依旧蝉联第一。 -ZH_HYP: 1.. +ZH_HYP: 5.a.d.............................................................. EN: On the night of January 21, the 3rd “Jack Ma Rural Teachers Award” was held at the Shangri-La Hotel in Sanya, Hainan. One hundred rural teachers across the country won this honor. ZH_REF: 1月21日晚,第三届“马云乡村教师奖”颁奖典礼在海南三亚香格里拉酒店举行,来自全国各个地区的100名乡村教师获此殊荣。 -ZH_HYP: 1.. +ZH_HYP: 10.4.在这一过程中,有一个人被人用,是的,是的,是的,是的,是的,是的,是的,是的,是对的,而不是在那里,也是为了给他的。 EN: The Yellow River and the Yangtze River have become the cradle of ancient Chinese civilization. ZH_REF: 黄河和长江两条大河成了中国古代文明的摇篮。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................... EN: Elsewhere, insects carry foreign protein, and could easily cause allergies in some people. ZH_REF: 另外,由于昆虫含有异体蛋白,对于有些人容易造成过敏。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在一定的情况下,从某种意义上,都是为了使人的缘故,而不是在他们身上,而是在他们的脚下,在别人身上,是为了使自己的力量而变得更多的 EN: Based on one’s identity card number, and using advanced “face recognition” technology, it can authenticate one’s real name and identity. ZH_REF: 它以身份证号为基础,并且采用了先进的“人脸识别”技术,可实现实名、实人身份认证。 -ZH_HYP: 1.. +ZH_HYP: 5.3.在他的身份上,有的是,有的是,用的东西,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: We also have to admit however, that in area of children’s books, particularly picture books, foreign imports account for a very large proportion. ZH_REF: 但我们也得承认,在童书领域,尤其是图画书方面,国外引进书籍占据着很大比例。 -ZH_HYP: 1.. +ZH_HYP: 但是,我们的态度是,我们的目的是为了使自己的处境,而不是在他们的身上,而是为了在我的工作中,把它放在一边,把它放在一边,把它给了你的东西,给了我的信,对你的人来说,是什么? EN: In 2017, China’s total import and export of goods amounted to RMB27.79 trillion, up 14.2% year-on-year, reversing a declining trend in the last two consecutive years. ZH_REF: 2017年我国货物贸易进出口总值27.79万亿元人民币,比2016年增长14.2%,扭转了此前连续两年下降的局面。 -ZH_HYP: 1.. +ZH_HYP: 在美国,对其进行的影响是,从2012年的,我们的产品都是在不可能的,而不是在过去的,它的价格已经上升了,而在2007年,这也是个问题的原因 EN: Bian Zheng said that couplets became an Internet hit as a result, and that he was very surprised as well. ZH_REF: 卞正坦言,对联因此走红网络,自己也很意外。 -ZH_HYP: 1.. +ZH_HYP: 5.a.b................................................................ EN: In the last few years, China’s scientific publications have grown rapidly, particularly in the computer science and engineering fields. ZH_REF: 在过去几年里,中国的科学出版物快速增长,尤其在计算机科学和工程学领域。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,我们的态度是,从表面来看,是为了使自己的利益,而不是在他们的身上,而不是在那里,而是在我的上衣上,是为了给别人带来的,也是在我的上司机上的了 EN: Large-scale prevalence of plastic packaging have met society’s living habits of large scale production, large scale consumption and large scale disposals, but this has created an enormous burden on the environment and resources. ZH_REF: 塑料包装的大规模普及迎合了现代社会大量生产、大量消费和大量遗弃的生活习惯,但也给环境和资源造成了极大的负担。 -ZH_HYP: 1.. +ZH_HYP: 5.4.在任何情况下,都是为了使其变得更加容易,而不是为了使自己的产品变得更容易,而且也是为了使他们的服务变得更高,而不是在(或)上,对我们的影响进行了分析,而且对所有的人都有好处。 EN: As sexual harassment scandals in Hollywood came to light last October, women have set off a wave of anti-sexual harassment and anti-sexual harassment in the workplace. ZH_REF: 去年10月,随着好莱坞性骚扰丑闻曝光,女性们掀起了反性侵、反职场性骚扰的热潮。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: As a special organization protecting the interests of consumers, China Consumers Association met for talks with bike sharing enterprises in March and December this year. ZH_REF: 作为消费者权益保护的专门组织,中国消费者协会今年3月份和12月份两次约谈了共享单车企业。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),“是”,“不”,“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。!。。。。。。。。。 EN: The 48th World Economic Forum Annual Meeting will be held in Davos, Switzerland from the 23rd to the 26th, and the theme will be “Creating a Shared Future in a Fractured World”. ZH_REF: 第48届世界经济论坛年会将于23日至26日在瑞士达沃斯举行,年会主题为“在分化的世界中加强合作”。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,有的是,在我们的世界里,有的是,他们的生活方式是,从小的角度来看,是在2003年的时候,我们要在这一点上做什么,而不是为了给别人带来的 EN: Recently, Bluegogo, which ceased operation at one time, announced that users may directly use Bluegogo bikes via the Didi app, but this move was expressly opposed by the Shenzhen Transportation Committee. ZH_REF: 最近,一度停止运营的小蓝单车宣布,用户可以通过滴滴APP直接使用小蓝单车,但是此举却受到深圳市交委的明确反对。 -ZH_HYP: 1.. +ZH_HYP: 然而,在我们的情况下,我们的态度是,而不是为了使自己的处境更加危险,而不是为了使他们的语言而变得更糟,而是因为它是由衷的,而不是在(e)的,是在发生的,而不是什么意思? EN: In respect of conduct, upon investigation, found to be in violation of Security Council resolutions, China will mete out severe punishment in accordance with laws and regulations. ZH_REF: 对任何经调查确属违反安理会决议的行为,中方都将依法依规作出严肃处罚。 -ZH_HYP: 1.. +ZH_HYP: 在任何情况下,都是为了使人的利益,而不是为了使他们的工作变得更加危险,而不是为了使他们的工作变得更加危险,而是要在我的上司机上,而不是在那里,而是要用的,是的,是的。 EN: Industry insiders believe that the sharing economy has already become an important component of China’s economic growth. The sharing economy may help accelerate the structural transformation of the entire society. ZH_REF: 业内人士认为,共享经济已经成为中国经济发展的重要组成部分,共享经济可能会引发加速整个社会的转型。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),在这方面,我们的经济是不可能的,因为它是由我们来的,而不是在他们的中,才会有更多的力量来实现,而不是在你的身边,那是对的,对我们来说,是最重要的 EN: The latest data published by the National Bureau of Statistics revealed that the revenue of China’s food and beverage industry rose 10.7% year-on-year to RMB3,964.4 billion. ZH_REF: 根据国家统计局最新发布的数据,2017年我国餐饮业收入39644亿元,同比增长10.7%。 -ZH_HYP: 1.. +ZH_HYP: 在美国的一个例子中,这是个令人吃惊的东西,因为它是由我所做的,而不是在他们身上,而是在为你的财富而来的,是在100年的时候,我们的身体就会有多大的 EN: Using this drug for 12 months after a heart attack episode can help reduce recurrence of stroke or heart attack. ZH_REF: 这种药物在心脏病发作后持续服用12个月,可降低中风或心脏病再次发作的风险。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在做作的时候,都是用的,因为它是用的,而不是在(或)上,使它的意思是:“你的意思是,”他说,“你的意思是什么?了了了了了了了”””””””””””” EN: She said that China will always advance steadfastly along the path of peaceful growth, always practice defensive national defense policies, and will also always be a builder of world peace, a contributer to global development, and a protector of international order. This is universally recognized by the international community. ZH_REF: 她说,中国始终不渝走和平发展道路,始终奉行防御性的国防政策,始终是世界和平的建设者、全球发展的贡献者、国际秩序的维护者,这是国际社会有目共睹的。 -ZH_HYP: 1.. +ZH_HYP: 5.在美国,中国的发展是一个非常复杂的,它的目的是在不断地改变着自己的方式,而不是在为自己的世界带来的危险,而这是对国际事务的威胁,而不是在我们的共同点上,也是如此。 EN: China’s first locally produced aircraft carrier may undergo its first trial at sea in February or March 2018 ZH_REF: 中国首艘国产航母或将在2018年2月或3月进行首次海上试航 -ZH_HYP: 1.. +ZH_HYP: 在美国,一个人的名字是,在任何情况下,都是为了防止他们的,而不是在他们的时候,才会被打败,而不是在那里,而是要用功率来衡量.的的的的的的的的的的的的的的 EN: Yellow fever is an acute contagious disease caused by the yellow fever virus, and is spread through mosquito bites. It is prevalent in tropical regions in Africa and Latin America. ZH_REF: 黄热病是一种由黄热病病毒引起的急性传染病,由蚊子叮咬传播,主要在非洲和拉丁美洲热带地区流行。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在这种情况下,我们的肉体是由昆虫造成的,而不是在它们身上,它是由它的,它的作用是由它的,它的存在于它的边缘,而不是在其他地方,它是最重要的。 EN: Weather forecast indicates that the maximum temperature in Northeastern Japan could fall below zero degree Celsius on the 22nd, and to 5 degrees Celsius in the Kantō region. It is the coldest week in Japan since winter began. ZH_REF: 天气预报显示,日本东北地区22日最高气温可能降至摄氏零度以下,关东地区亦会降至5度左右,是日本入冬最冻的一个星期。 -ZH_HYP: 1.. +ZH_HYP: 5.1.4.在这种情况下,由于其原因,其原因是,在其范围内,其在地球上的地位,而其在2005年的水平上,都是由于其原因而被低估了的的的的的的的的的的的的的的的的的的的的的的 EN: Confronted with the rise of “anti-globalization” and protectionism in some countries, Chen Fengying said that there are a number of globalization methods. The “Belt and Road” Initiative is also a method of globalization. ZH_REF: 面对部分国家出现的“逆全球化”和贸易保护主义倾向,陈凤英说,全球化有各种方式,“一带一路”也是全球化的一种方式。 -ZH_HYP: 1.. +ZH_HYP: 5."在全球化的情况下,我们的贸易和发展是由一个人所产生的,而不是为了更多的,而不是在",",",",",",",",",",",",",",",","""""""""" EN: It was also understood that the last fisherman to have fallen into the sea was successfully rescued at 4:40, and was brought to shore for treatment by the Hong Kong Government Flying Service. ZH_REF: 另获悉,在4时40分,最后一名落水渔民被成功救起,并由香港救助直升机接至岸上救治。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的错误,是,他们的目的是为了使他们的损失而被人所包围,而不是为了使他们的工作变得更高,而且也是为了给别人带来的,而不是在我们的身边,那是对的 EN: In 2005, approximately 25% of deaths resulting from global air pollution occurred in India. ZH_REF: 2015年,全球空气污染致死案例中约有25%发生在印度。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,有的是,有的是,有的是,他们的生活方式,是为了控制的,而不是在那里,而是为了在那里,而不是在那里,是为了让人的缘故而被人所受的影响 EN: Issues that exist in French-German relations also reflected differences in the underlying economic growth of the two countries. ZH_REF: 法德关系存在的问题也体现了两国潜藏的经济发展观差异。 -ZH_HYP: 1.. +ZH_HYP: (4)一个人的性格,是一种不稳定的,是在不可能的,因为它是在为他们提供的,而不是在他们的中,才会被人所为,而不是在(或)上,而不是在别人身上,而是要用的 EN: China-Africa cooperation projects have created jobs in Africa, and has also brought technology transfer and knowledge sharing to the continent. ZH_REF: 中非合作项目给非洲带去就业,也带去技术转移和知识分享。 -ZH_HYP: 1.. +ZH_HYP: 在中国,我们的事业是一个好的,而不是在他们的身上,也是为了让自己的利益而去,而不是在那里,也是为了让自己的力量而去,而不是在那里,这是对的,这是对我们的最严重的影响 EN: In a small random survey by a reporter, 11 retired employees who were interviewed revealed that only two were still working. The other nine said that they would spend some time to help look after children, but would also go traveling or develop their interests and hobbies if they have the time. ZH_REF: 在记者的一项随机小调查中,11位受访退休人员仅有2人还在工作;另有9名老人表示会有部分时间帮助照看孩子,但有时间也会出去旅游或者发展兴趣爱好。 -ZH_HYP: 1.. +ZH_HYP: 在一个人的情况下,一个人的名字是,他们的发现是,他们的生活方式是,他们的生活方式是,他们的事也是在做的,而不是在那里,你会有什么影响?的了了了了了了了了了了了了了了了了了了了。。 EN: Figures revealed by the Beijing Health and Family Planning Commission revealed that on the 46th week of 2017, the number of reported flu cases did not exceed 500. By the first week of the new year, the figure stood at 9,548, 19 times that of the former. ZH_REF: 北京市卫计委公布的数据显示,2017年第46周,流感报告数不超过500例,到新年第一周,这个数字变成9548例,是前者的19倍。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,有的是,有的是,有的是,有的是,他们的生活方式,而不是在1000年,而这是在5年中,有的是,有的是,有的是,有的是 EN: Nominations for the 90th Academy Awards will be officially announced on January 23, after which Hollywood’s annual most eye-catching “Oscar Time” will commence. ZH_REF: 第90届奥斯卡奖即将于1月23日公布正式提名名单,好莱坞一年一度最吸引眼球的“奥斯卡时间”随之开启。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这类产品的标本是用的,在这一过程中,有的是,他们的品格是为了得到的,而不是在(e)上,而不是在(d)的时候,它的意思是什么?了了 EN: Waste incineration and air quality are closely correlated. Conscientiously classifying waste is a channel for improving the atmospheric environment. ZH_REF: 垃圾焚烧与空气质量密切相关,做好垃圾分类是改善大气环境的渠道之一。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),和(),是为了使我们的产品更容易地,因为它是在用的,而不是用它来的,因为它是在用的,它的意思是:的了的的的的的的的的的的的 EN: Haikou and Sanya separately commenced cruise tours to Vietnam and the Philippines in December 2017 ZH_REF: 海口、三亚分别于2017年12月开通至越南、菲律宾邮轮旅游航线 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,有的是,他们的运气,是为了使他们的工作变得更容易了,而他们的人却在为他们的服务而去,而不是在那里,他们是在一起,是的,是的,是的。 EN: This study was conducted by the Australian National University. The full results were published in this month’s UK based “Scientific Reports” magazine. ZH_REF: 这项研究由澳大利亚国立大学开展,完整结果发表在本月的英国《科学报告》杂志上。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的性格,是,他们的性格,是为了得到的,而不是在他们的面前,而不是在他们的上,才是为了给他的,而不是在那里,是的,是的,是的。了了 EN: As a result of global warming, a number of island states in the Pacific Ocean have seen their land and water resources that residents depend on for survival engulfed by rising sea levels. ZH_REF: 在南太平洋一些岛国,由于全球变暖,不断上升的海平面,吞噬着居民赖以生存的土地和水源。 -ZH_HYP: 1.. +ZH_HYP: 4.5.在一个方面,我们的态度是,在寻找一个不稳定的东西,而不是在他们的身边,而是在他们的身边,在那里,是为了使自己的利益而变得更多的人,而不是在那里,也是为了保护他们的。 EN: CEO Huang Jiajia expressed that their strategy for the next 5 years is to provide the world’s best learning materials to the children in China. ZH_REF: CEO黄佳佳表示,将全球最佳的学习资源带给中国的孩子们是他们未来五年的战略。 -ZH_HYP: 1.. +ZH_HYP: (美英对照),()(),我们的工作是在为自己的,而不是在他们的时候,也是为了让自己的心想而去,因为它是在我们的,是对的,是的,是的,是最重要的 EN: A Beijing Morning Post reporter experienced the inaugural operation of this train. The first batch of passengers on the trial ride were impressed by the spacious carriage, comfortable seats, as well as charging sockets and WiFi equipment on this suburban railway. ZH_REF: 北京晨报记者对首开的这趟列车进行体验,宽敞的空间、舒适的座椅,以及充电插口、WiFi的设备,都让这条市郊铁路受到首批试乘乘客的好评。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),这条路是由我们的,在这里,是用的,是的,是在用的,用的,用的,用的,是的,是的,是的,是的,是的。的了了 EN: Ireland President Michael Higgins issued a statement that said, “She and The Cranberries had an immense influence on rock and pop music in Ireland and internationally. Her death will be a big loss.” ZH_REF: 爱尔兰总统迈克尔• 希金斯发表声明称:“她和小红莓乐队给爱尔兰乃至世界摇滚音乐带来了深远的影响,她的逝世是一次莫大的损失。” -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: We also held an 80th National Memorial Day ceremony as well as a national public ceremony in memory of the victims of the Nanjing Massacre to always remember history and to pray for peace. ZH_REF: 我们还举行了纪念全民族抗战爆发80周年仪式和南京大屠杀死难者国家公祭仪式,以铭记历史、祈愿和平。 -ZH_HYP: 1.. +ZH_HYP: (a)为人提供了一个机会,为我们的人提供了一个机会,他们的生活也是如此,而在我们的国家里,他们的心智也在不断地去,而不是在那里,他们的心智是什么?的的的的的的的的的 EN: Recently, a father in Australia actually hired a helicopter to search for his missing son. In the end, he successfully rescued his son who drove into some bushes. ZH_REF: 近日,澳大利亚的一名父亲为了搜寻失踪的儿子,竟然雇佣了一架直升机,最终成功救出开车冲到灌木丛中的儿子。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(),(),我们的小偷,都是为了给自己的,而不是在他们的时候,也是为了给他们带来的,而不是为了给他们带来的,而不是在乎的,是的,是的,是的。 EN: Just as Merkel once said in May 2017: “To a certain extent, the era of depending 100% on another country for survival is over. Europeans should hold their fate in their own hands.” ZH_REF: 正如2017年5月默克尔曾说过:“某种程度上讲,我们百分百依靠别国而活的时代已经过去了,欧洲人应当把命运掌握在自己手中。” -ZH_HYP: 1.. +ZH_HYP: 如果你的意思是,你就会被人的感觉到了,那是在他们的身上,而不是在他们的身边,就会被人所迷惑的,是在他们的生活中,而不是在别人身上,而是在你的身上,也是如此。 EN: In terms of industry regional application, the BeiDou System was already extensively used in the public security, transportation, fishery, power, forestry, disaster relief and other industries. It was serving the building of smart cities and social governance, displaying benefits of scale. ZH_REF: 在行业区域应用方面,北斗系统已在公安、交通、渔业、电力、林业、减灾等行业得到广泛使用,正服务于智慧城市建设和社会治理,显现规模化效益。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,我们的工作是由其他的,而不是在经济上,而不是在那里,它是由来已的,而这是由人类的,而又是对其的,是对我们的公共资源的破坏。了的的。。。的的的 EN: Although the prize money was generous, whether world snooker can really recognize the international position of the China Open remains questionable. ZH_REF: 但尽管奖金丰厚,世界斯诺克能否真正认可中国公开赛的国际地位,还值得怀疑。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................ EN: For the whole of 2017, Hainan welcomed 67.45 million tourists, and realized total tourism revenue of RMB81.199 billion. In particular, inbound tourists exceeded 1 million for the first time. ZH_REF: 2017年全年海南接待游客6745万人次,实现旅游总收入811.99亿元,其中入境游客量首次突破百万人次。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的贡献是,在那里,有的是,有的,是的,是的,有的,是的,有的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: A study by University of Maryland economist Craig Garthwaite revealed that during the 2008 Democratic Party primary election, Oprah’s political donation helped bring about 1 million votes to Obama. ZH_REF: 马里兰大学经济学家克雷格·加斯韦特的一项研究显示,在2008年民主党党内选举阶段,奥普拉的政治捐助为奥巴马带来了约100万张选票。 -ZH_HYP: 1.. +ZH_HYP: 在美国,这是个令人吃惊的东西,是在为自己的事业而去的,而不是在他们的时候,他们都是为了赢得了他们的奖杯,他们的意思是,要把它给的,是的,是的 EN: The World Wide Fund for Nature headquartered in Switzerland said that the decision by China will have enormous impact and will help further contain the illegal slaughtering and trafficking trends of African elephants. ZH_REF: 总部设在瑞士的世界自然基金会表示,中国这一决定影响巨大,有利于进一步遏制非洲象遭受非法屠杀和贩运的趋势。 -ZH_HYP: 1.. +ZH_HYP: 在美国,这是个不寻常的问题,因为它的作用是由衷的,而不是在它的中,它是由它来的,它的意思是,它的意思是:“我们的错觉”了了的的的的的的的的的的 EN: Despite uncertainties and instability in the world today, Chile has expressed willingness to strengthen coordination and cooperation with China, to jointly adhere to multilateralism and free trade, and to jointly deal with terrorism, climate change and other global challenges. ZH_REF: 在当今世界充满不确定性和不稳定性情况下,智方愿同中方加强协调与合作,共同坚持多边主义和自由贸易,共同应对恐怖主义、气候变化等全球性挑战。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的态度是不可能的,而是要有更多的机会,也是为了使贸易变得更加富裕起来,而不是在为我们所带来的,而不是在一起,也是为了应付的,而不是相互冲突的,而是相互矛盾的 EN: Recent reports claimed that a Chinese ship was alleged to have transferred oil to a North Korean vessel in international waters. ZH_REF: 近日有报道称,一艘中国船只涉嫌在公海向朝鲜船只输送石油。 -ZH_HYP: 1.. +ZH_HYP: 10.4.在对他的控制下,有一个被认为是不可能的,因为它是在被占领的,而在那里,它是由它的,而不是在那里,它是由它的,而不是在那里,它是什么?的的的的的的 EN: A capsized Chinese fishing vessel was found in the waters west of South Korea on the 21st. South Korean coast guard is diligently engaged in the search and rescue operation. ZH_REF: 韩国以西海域21日发现一艘倾覆的中国渔船,韩国海警正在全力展开搜救。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),在我们的外壳里,有的东西是用的,因为它是由它来的,而不是在那里,它是由你所控制的,是为了让人感到更多的了了 EN: In the last decade, global Internet penetration rate has risen from 21.7% to 48.8%. In developing countries, the growth rate of the Internet penetration rate is double that of developed countries. ZH_REF: 过去十年,全球互联网普及率从21.7%提到到48.8%,发展中国家的互联网普及率增速更是发达国家的两倍。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,我们的工作是,从某种意义上说,“我们的东西是在一起,而不是在他们身上,而是在你的身上,是在你的,是在成长中的,”他说,“你的意思是什么?了了了了了了了了了了了了””” EN: In recent years, parents have placed increasing emphasis on reading by children. This is good news. ZH_REF: 近年来,家长们越来越重视儿童阅读,这是一件好事。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是对他们的,是为了使他们的缘故,而不是为了使他们的缘故,而不是为了让他们的,而不是在他们的身边,而是为了更多的,而不是在这里,还是要把它的东西给我, EN: This is the second institution of higher learning jointly established by a US$130 million donation by the Li Ka Shing Foundation. With effect from next year, the Foundation will commit another RMB2 billion to build Shantou University. ZH_REF: 该校为李嘉诚基金会捐资1.3亿美元合作筹建的第二所高校,而李嘉诚基金会明年起将再投资20亿元(人民币,下同)建设汕头大学。 -ZH_HYP: 1.. +ZH_HYP: 这是由一个人组成的,但在我们的工作中,我们就会有更多的东西,而不是去掉它,而是在那里,它是由你所承担的,而这是由你所承担的,是的。 EN: However, he also gradually became aware that he was unable to make a contribution commensurate with this “honor” to his hometown. ZH_REF: 但是,他也逐渐意识到,自己并未能为家乡作出能够配得上这份“荣耀”的贡献。 -ZH_HYP: 1.. +ZH_HYP: (a)【句意】他的意思是,我们的人在做得很好,因为他们的事也是为了得到的,而不是为了自己的利益而去,因为他是在为你所做的,是为了得到的 EN: In particular, the outcome of the `handling of two human-auto collision in 2017 attracted widespread attention. ZH_REF: 其中,2017年发生的两起人车相撞交通事故处理结果受到人们广泛关注。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)1.................................................................. EN: I grew up in rural China in the 1970s and 1980s, and can fully appreciate how important product safety is to an e-commerce platform that aims to serve thousands of households. ZH_REF: 我成长于上世纪70、80年代的中国农村,深知产品安全对于一个志在服务于千家万户的电商平台是多么重要。 -ZH_HYP: 1.. +ZH_HYP: 在这个意义上,我的意思是,在这方面,我们的生活是一个不寻常的,是的,是的,是的,他们的意思是,你要把它的好处归功于我们的产品,而不是为了给你带来的好处 EN: In the future, Chinese enterprises hope to carry out even more extensive cooperation with Israel in terms of railway, light rail, ports, aviation and other construction projects. ZH_REF: 未来中企有望在铁路、轻轨、港口、航空等建设项目上与以色列开展更加广泛的合作。 -ZH_HYP: 1.. +ZH_HYP: 5.4................................................................. EN: The World Health Organization warned São Paulo state that the risk of infection was high, and reminded visiting foreign tourists to be vaccinated 10 days before going there. ZH_REF: 世界卫生组织前不久警告圣保罗州染病风险高,提醒前往那里的外国游客提前10天接种疫苗。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),这也是对我们的,是为了使他们的处境更加危险,而不是在他们的时候,才会有可能的,而不是在那里,而是要去的,是的,是的,是的,是的。了 EN: To this end, the association is urging Americans to take the necessary precautions to avoid spreading the flu and to take care of their own health and that of others. ZH_REF: 为此,该协会正敦促美国人采取必要的预防措施,以避免传播流感,保护自己和他人的健康。 -ZH_HYP: 1.. +ZH_HYP: (美国),这是个不公平的,是为了让自己的利益而去,而不是为了让自己的事变得更容易,因为他们的事也是为了让人感到羞耻的,而不是在他们的身边,而不是在他身上的 EN: The Confucius Institute at University of Sarajevo, officially established in 2015, is the first Confucius Institute in Bosnia and Herzegovina. ZH_REF: 萨拉热窝大学孔子学院于2015年正式成立,是波黑的第一所孔子学院。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的名声是,在那里,我们的工作是用的,而不是在那里,它是在我的,是在那里,它是由我所做的,是的,是的,是的,是的。了了 EN: Chronic total occlusion is described as the “last fortress” of interventional therapy in coronary heart disease. The surgery success rate is around 70%. ZH_REF: 冠状动脉慢性完全闭塞病变(CTO)被喻为冠心病介入治疗的“最后堡垒”,手术成功率70%左右。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在“不”的情况下,我们的心是为了在他们的上方而被人所控制的,而不是在他们的身上,而是在他们的身上,是在那里的,是的,是的,是的。 EN: It is understood that this organization is primarily active in Kashmir, and has always worked hard to try to separate this region from India. ZH_REF: 据悉,该组织主要在克什米尔地区内活动,并一直努力将这一地区从印度分离出去。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(我的意思是,我的意思是,你的意思是,你的意思是,我们的),是为了使自己的事业变得更有价值,而不是在别人身上,而是要用的,也是为了得到的 EN: It is precisely because of this that some have lamented that not everyone who has a big pair of eyes is as fortunate as Su Mingjuan. All those who have worked hard would not have successfully gone on the counterattack. ZH_REF: 正因如此,有人感叹,并不是每一个长了一双大眼睛的人都能有像苏明娟一样的幸运,所有努力的人,未必都能逆袭成功。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(我们)的意思是,我们的生活在一起,是为了使自己变得更有价值,而不是在他们的工作中,而不是在那里,他们都是在说谎的,是的,是的,是的。 EN: Arriving at the mission area, the medical team carried out multiple emergency missions such as rescuing injured members of the Pakistani peacekeeping force. ZH_REF: 抵达任务区以来,医疗分队先后执行了抢救巴基斯坦维和友军伤员等多项紧急任务。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的责任,是为了使自己的处境更加危险,而不是为了使他们的处境更加危险,而不是在他们的身边,而是为了给他们带来了更多的代价。了了了了了了了了了了了了了了了。。。。 EN: French President Macron sent the video on social media website Twitter on the 21st. ZH_REF: 法国总统马克龙21日在社交媒体网站推特上发布了该视频。 -ZH_HYP: 1.. +ZH_HYP: (美式)(一),是指甲,是用的,是用的,是在用的,是在说谎的,是在说谎的,是在说谎的,是对的,而不是为了给别人的 EN: The World Health Organization claimed that although cases of the Zika virus has been reported in Mainland China, local mosquito-to-human transmission has yet to be discovered. ZH_REF: 世界卫生组织称,中国大陆虽已有寨卡病毒病例输入,但是尚未发现存在从蚊子到人的本地传染。 -ZH_HYP: 1.. +ZH_HYP: 在这一情况下,我们的发现是,在我们的面前,他们的生活是不可能的,而不是在他们的身上,而是在那里,是为了让人感到厌倦了,而且也是在对的,是对的,而不是你的意思 EN: During those four years, his only hobby was to travel during the weekends and meet friends from all over the country ZH_REF: 在那四年里面,他唯一的乐趣就是利用周末外出旅游,结识全国各地的朋友 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,他的性格是由衷的,而不是为了自己的,而不是在他们的身边,在那里,他们的力量是为了让别人的利益而去,而不是在那里,也是为了让人感到厌倦了的的的的的的 EN: Relevant persons from the Korea’s Ministry of Environment also said that there is currently neither joint research results nor definitive authoritative information on the impact of China’s haze on Korea. Therefore, it is unable to direct accuse China. ZH_REF: 韩国环境部相关人士也表示,关于中国雾霾对韩国的影响,现在既没有共同研究结果,也没有确切权威资料,因此无法直接指责中方。 -ZH_HYP: 1.. +ZH_HYP: (b)在其他方面,我们的态度是,对其进行了比较,而不是从它的角度来看待,它是对我们的,也是对其产生的,它的影响是不对的,因为它是对我们的一种,而不是对它的影响 EN: As of June 2016, 114 lunar explorations and 43 Mars explorations had been carried out worldwide. ZH_REF: 截至2016年6月,全球共进行了114次月球探测,43次火星探测。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的名字是,从表面来看,是在194年,我们的东西是用的,而不是在那里,它是用的,而不是在(中)的,是的,是的,是的,是的。 EN: Currently, the share of China’s traditional industrial economy, which includes energy, transportation, telecommunication, and general services, is still above 70%. This has direct concerns on the national economy and people’s livelihood. ZH_REF: 中国目前传统产业经济的比重仍然是70%以上,包括能源、运输、电信、一般服务业,直接关注到国计民生。 -ZH_HYP: 1.. +ZH_HYP: 然而,在美国,中国的贸易,是一种不稳定的,也是不可能的,它是在经济上的,它是对经济的影响,它是对我们的,而不是在它的上,也是如此。的的了了的的的的的的的的 EN: At this time, hard work between China and ASEAN has led to continued improvement in the situation in the South China Sea. ZH_REF: 当前,在中国和东盟国家的共同努力下,南海局势不断趋稳向好。 -ZH_HYP: 1.. +ZH_HYP: 4.5.在这种情况下,我们的目的是为了使自己的处境变得更糟,而不是在他们的面前,为自己的力量而去,而不是在那里,而是要在那里,才会有价值的东西,而不是在你的身边。 EN: According to news on the Ministry of Foreign Affairs website, on December 27, 2017, Minister of Foreign Affairs Wang Yi attended the 2017 National Conference of Directors of Local Foreign Affairs Offices at Shijiazhuang, Hebei Province, and made a report. ZH_REF: 据外交部网站消息,2017年12月27日,外交部长王毅出席在河北省石家庄市举行的2017年全国地方外办主任会议并作报告。 -ZH_HYP: 1.. +ZH_HYP: 在对这个问题的研究中,我们的看法是,在2012年,在美国,在ephe,feo,1997年,他的名字是:的,的的的的的的的的的的的的的的的的的的的的的的的的 EN: Born in 1989, he left Chongqing seven years to study in Melbourne. ZH_REF: 1989年出生的他,7年前从重庆来到墨尔本留学。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: In 2017, fixed asset investment in China’s education sector exceeded RMB1 trillion, and growth rate was 20.2%. The absolute quantity exceeded investment in the mining industry for the first time. ZH_REF: 2017年,我国在教育方面的固定资产投资过万亿元,增速达到20.2%,绝对量首次超过采矿业投资。 -ZH_HYP: 1.. +ZH_HYP: 在中国,我们的事业是,在做的时候,我们的生活是不一样的,是在经济上的,也是在不惜的,而不是在2003年的时候,它的意思是,它的意思是“”(e) EN: In addition, China and France are also committed to carrying out cooperation in space exploration, and said that they would embark on a series of cooperation in the areas of near-earth orbit, unmanned and manned probes on the Moon and Mars. ZH_REF: 此外,中法双方还将致力于空间探索领域开展合作,表示未来会在近地轨道、月球及火星的无人及载人探测领域开展一系列合作。 -ZH_HYP: 1.. +ZH_HYP: 此外,在美国,也是为了使其成为一个更重要的东西,而不是在贸易中,而是在他们的面前,为自己的利益而去,而不是在那里,它是在一起,也是在最危险的地方,它是由你所引起的。 EN: At the carnival, in addition to being able to shop for the agricultural produce of their choice, residents can also visit the special selection of local fresh agricultural produce and fish fry on display at the exhibition area. ZH_REF: 在嘉年华的现场,市民们除了可以选购心仪的农产品之外,还可参观展览区展出的本地特选新鲜农作物及幼鱼。 -ZH_HYP: 1.. +ZH_HYP: 在这个过程中,一个人的性格,是为了使自己的工作变得更容易,而不是在他们的身边,而是在他们的时候,才会有一些东西,而不是在那里,而是在那里,是为了让人的感受 EN: The World Meteorological Organization recently indicated that extreme global weather conditions in 2017 resulted in losses of US$330 billion. ZH_REF: 世界气象组织日前表示,2017年全球极端气候造成的损失高达3300亿美元。 -ZH_HYP: 1.. +ZH_HYP: 4.5.在这种情况下,对其产生的影响是,它的作用是,它的代价是一种不安全的,而在其他方面,也是为了使其失去了,而这是在30年中,它是由它的,而不是的的的的 EN: “Chinese caviar” not only made it to the first class cabin in Lufthansa, it also made an appearance at the Oscars’ dinner banquet, as well as the dinner banquet of the welcoming ceremony of the G20 Hangzhou Summit. ZH_REF: “中国鱼子酱”不仅登上德国汉莎航空头等舱,还亮相奥斯卡晚宴、出现在G20杭州峰会欢迎晚宴上。 -ZH_HYP: 1.. +ZH_HYP: 在美国,这是个不寻常的东西,也是为了让自己的事业而感到羞耻,而且也是在他们的时候,在那里,他们的是,在那里,你的人都喜欢上演了。是了了了了了了了了了了了 EN: Zhang Hongping told reporters that many SMEs in China’s “Yangtze River Delta” region have strong demand for Central Asia cotton yarn, wet blue leather and other such supplies. However, customs, settlement, logistics and other cross-border e-commerce segments are still less than satisfactory. This has affected cross-border trade to some extent. ZH_REF: 张宏萍告诉记者,国内“长三角”地区许多中小企业对中亚棉纱、蓝湿皮等物资需求旺盛,但通关、结算、物流等跨境电子商务环节目前仍存在不如人意之处,跨境贸易受到一定影响。 -ZH_HYP: 1.. +ZH_HYP: 4.1.................................................................... EN: On June 28, 2016, “ISIS” terrorist attacked a bar in Selangor, Malaysia with a hand grenade, injuring eight people. This was Malaysia’s first terrorist attack. ZH_REF: 2016年6月28日,“伊斯兰国”恐怖分子用手榴弹袭击了位于马来西亚雪兰莪州的一间酒吧,造成8人受伤。这是马来西亚遭受的首起恐怖袭击事件。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,一个人的名字是,“我们的”,是“用”的,是的,是的,是的,是的,是的,是的,是的,是的,是对的,你的意思是对的,你的意思是什么? EN: Wang Lei disclosed that starting a medical healthcare company is more challenging when compared to other sectors. “This is not just about making money. You must be patient and get used to loneliness to do this properly.” ZH_REF: 王磊坦言,医疗健康创业会比其他行业要难,“这不仅仅是有多少钱的事情,还要沉得下心,耐得住寂寞慢慢去做。” -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),这是不可能的,因为它是在用的,是用的,是用的,而不是在说谎,或者是为了给别人带来的,也是不可能的。的了了的了了了了了了 EN: These problems have attracted the attention of relevant departments, and have also triggered discussions by the outside word as to whether enterprises going abroad should be restricted. ZH_REF: 这些问题引起了有关部门的重视,也引起了外界对于是否限制企业走出去的各种议论。 -ZH_HYP: 1.. +ZH_HYP: (b)在这方面,我们的态度是,在不可能的情况下,为自己的利益而作,而不是为了使他们的利益而变得更加危险,而在我们的情况下,他们都是在国际上,是对的,因为它是对的。 EN: It is understood that financial document smart products based on the most advanced AI technology will significantly increase the efficiency of financial practitioners. ZH_REF: 据了解,基于人工智能最前沿技术的金融文档智能产品将大大提高金融从业人的工作效率。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为它是在用的,是用的,是在用的,把它的东西弄得很好,因为它是在用功的方式上的,而不是最坏的,因为它是对的,而不是 EN: Lu Kang emphasized on the 20th that China has indisputable sovereignty over Huangyan Island and nearby waters. ZH_REF: 陆慷在20日强调,中国对黄岩岛及其附近海域拥有无可争辩的主权。 -ZH_HYP: 1.. +ZH_HYP: (k)【句意】(我们)的意思是,我们的生活在很大程度上是为了让自己的利益而去,而不是在那里,它是在你的,是在那里,它是用的,而不是在你的身边,它是最重要的。 EN: Statistics reveal that fom the Fall of Pinjin to August 1938, the majority of China’s 108 institutions of higher learning were damaged by Japanese bombs. In particular, 10 were completely destroyed, while 25 were forced to cease operations as a result. ZH_REF: 据统计,从平津陷落到1938年8月,中国的108所高等学校,绝大部分遭到日军轰炸破坏,其中10所完全被破坏,25所院校因此被迫停办。 -ZH_HYP: 1.. +ZH_HYP: 4.1.3.在这种情况下,这种情况是由一个人造成的,而不是从其上的,而是被用来进行的,而在2001年,我们的反应是,它的作用是什么,而不是(或)的 EN: As unmanned vehicles become more prevalent, more customers have come to enjoy taking part in aerial pictures of promotional videos or films. ZH_REF: 随着无人机的普及,越来越多客户喜欢在宣传片或者电影中加入航拍画面。 -ZH_HYP: 1.. +ZH_HYP: (一)(一)不,是,我们的东西是用的,因为它是用的,而不是在过去的中,它是在你的,是为了使自己的力量而变得更多的,而且是在说谎的,而不是对你的反应 EN: Hemingway once liken writing to the tip of an iceberg. There is enormous implications to be found under the sea. ZH_REF: 海明威曾将写作比作海上的冰山,在海面以下还有大量的蕴含。 -ZH_HYP: 1.. +ZH_HYP: (n)(一),(),(),是,我们的东西是在不喜欢的,因为它是在用的,而不是在上,是为了给别人带来的,是在我们的上司,还是要把它的意思和最坏的东西 EN: Convolutional neural network has strong characteristic extraction ability. It is widely used in areas such as image classification recognition, and target tracking. ZH_REF: 卷积神经网络,拥有强大的特征提取能力,使其在图像分类识别、目标跟踪等领域运用广泛。 -ZH_HYP: 1.. +ZH_HYP: (k)(一)有的是,在不影响的情况下,我们的产品是用的,而不是在(d)的,是在用的,是在用的,是的,是的,是的,是的,是的,是的。了 EN: The famous “human genome project” is based on first generation sequencing technology. A complete human genome code took more than 10 years to sequence. With the existing second generaion sequencing technology, the time taken would shrink to less than half a day. ZH_REF: 大名鼎鼎的“人类基因组计划”基于1代测序技术,耗时十余年测出一套完整的人类基因组密码,而利用现有的2代测序技术,这个时间可以缩短到半天内。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的性格,是一种完全的,它的意思是:“你的东西,是的,”他说,“你的心就会在一起,而你的心就会被人所淹没了。了了了了了了了”””””””””” EN: Despite the language barrier, with the help of translated subtitles, European audiences would be able to understand “Tang Xianzu”. ZH_REF: 虽然有语言障碍,但借助字幕翻译,欧洲观众也可以看懂《汤显祖》。 -ZH_HYP: 1.. +ZH_HYP: 如果是这样的,就会有一个错误,而不是为了使自己的处境更容易,而不是在说谎,而是在他们的面前,为自己的力量而去,而不是太好了,因为它是由你所做的,是的 EN: As supply-side structural reform is furthered, the share of value-added from the services sector in China accounted for 51.6% of GDP in 2017, and contributed 58.8% to GDP growth. The services sector remained the economy’s primary impetus. ZH_REF: 随着供给侧结构性改革深入推进,2017年,我国服务业增加值占GDP比重为51.6%,对经济增长贡献率为58.8%,服务业稳居经济第一拉动力。 -ZH_HYP: 1.. +ZH_HYP: (a)为使贸易成为一个整体,而不是为其提供服务,而这是在其他方面的,而不是在2007年,它的经济增长也是如此,而我们的投资却在很大程度上取决于它的增长。了 EN: The two main suspects of the case are a 25 year-old Indonesian woman and a 28 year-old Vietnamese woman; they were charged with murder on Wednesday. ZH_REF: 此案两名主要嫌疑人,25岁的印度尼西亚女子和28岁的越南女子星期三受到谋杀指控。 -ZH_HYP: 1.. +ZH_HYP: 在这一情况下,一个人的名字是:“是,他们是在一起,是为了逃避,而不是在他们的中,是在他们的中,是为了得到的,而不是在那里,要么是为了逃避的,”他说。了了了了了 EN: Fernando Chui, Chief Executive of Macau SAR said on the 12th that the constitution is the fundamental law of the country. It is the highest legal basis for “one country two systems”. It is also the basis for the founding of Macau SAR. ZH_REF: 澳门特别行政区行政长官崔世安12日表示,宪法是国家的根本大法,是“一国两制”的最高法律依据,也是澳门特区的立区基础。 -ZH_HYP: 1.. +ZH_HYP: 4.5.在这一过程中,有一个人的名字是:“这是个很好的问题,”他说,“我们的人是在一起,”他说,“你是在为国人的。的的”的”的的的的的的的的的的的的的的的的的的 EN: It is understood that there are more than 3000 stay-at-home children in Central and Western Huangyan. Most live at home with their aging grandparents. As their parents need to earn a living away from home, they can only see their parents once a year. ZH_REF: 据悉,黄岩中西部共有留守儿童3000余名,大多数在家与年迈的爷爷奶奶一起生活,因为父母需要外出务工挣钱,他们甚至一年只能见上父母一面。 -ZH_HYP: 1.. +ZH_HYP: 在这个意义上,你的意思是,我们的生活在一起,是为了让自己的生活变得更有价值,而且是在他们的时候,他们都是在一起,而不是在他们的身边,而是要在他们的生活中去做的。了 EN: Meanwhile, resolving the current predicament of a lack of land and talent in Hong Kong will take time. ZH_REF: 同时,目前香港土地及人才短缺的困局,需要更多时间解决。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的错误,是,他们的愿望是,在我们的面前,为自己的利益而去,因为它是在为你所付出的,而不是在那里,也是为了保护自己的的的的的的的的的的的的的的的的的的的 EN: International academic circles have disputed issues pertaining to the origin of birds for more than a century. However, such past disputes lack fossil evidence. ZH_REF: 有关鸟类起源问题,国际学术界已争论了100多年,但以往这些争论都缺少化石证据。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在“不”的情况下,我们的东西是由它来的,是在为之所带来的,而不是在他们身上,而是要用的,那是对的,而不是太多了。了了了了了了了了了了了了了了了了了了 EN: China has always respected the sovereignty and independence of Cambodia, and firmly supports the path of development taken by Cambodia which is compatible to the national conditions of the country. ZH_REF: 中国始终尊重柬埔寨的主权和独立,坚定支持柬埔寨走符合本国国情的发展道路。 -ZH_HYP: 1.. +ZH_HYP: 5.4................................................................. EN: Japan was affected by a strong earthquake this week, which resulted in a shortage of automobile parts and components. Honda, Nissan and other auto manufacturers said today that their will cut production, and even suspend local auto production. ZH_REF: 日本本周遭强烈地震侵袭造成汽车零组件短缺,丰田与日产等汽车制造商今天说,他们将减产甚至暂停国内汽车生产。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,我们的工作是由一个人组成的,而不是在他们的身上,而不是在他们的身上,而是用它的,而你的产品是由它的,而不是在其他的地方,它的意思是“”了了了了的 EN: For instance, Amazon’s share of the online retail market in the US is already at 34%. By 2020, this will likely to rise to 50%. In China however, Amazon’s market share is less than 1%, a far cry from that of Alibaba and JD.com. ZH_REF: 比如,亚马逊在美国在线零售市场的份额已达34%,2020年更有望升至50%,但在中国,亚马逊的市场份额还不到1%,远远落后于阿里巴巴和京东。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,美国的大象是,有的是,他们的产品在中国,而不是在2003年的时候,我们都会在那里,而不是在那里,而你的是,这是我的错觉,而不是你的最大的 EN: Yang Shilin, who left the mountainous region best understands the needs of rural China. He deeply recognizes his duty as a Chinese youth. “I must learn conscientiously and bring the technology I learned back home”. ZH_REF: 从山区走出的杨仕林最能体会中国乡村的需要,他深感自己作为中国青年的责任,“我一定要好好学,把学到的技术带回祖国”。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: Relevant data revealed that the global aerospace industry will grow by a rapid 6% to 7% each year. By 2020, China’s aerospace market will amount to RMB800 billion. ZH_REF: 相关数据显示,全球航天产业每年都在以6%到7%快速增长,2020年我国航天市场规模将达8000亿元。 -ZH_HYP: 1.. +ZH_HYP: 4.3.在美国,这种情况是一个不稳定的,因为它是由一个人而产生的,而其代价是由其产生的,而在2007年,我们的汇率是多少,它的代价是对国际事务的影响的的的的 EN: A natural gas pipeline connection China and Russia is being built at this time. ZH_REF: 一条连接中国与俄罗斯的天然气管道也正在建设之中。 -ZH_HYP: 1.. +ZH_HYP: (三)(一),在“中”的“”,“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。。 EN: A PECC study forecasts that by 2025, the Asia-Pacific Free Trade Zone will contribute US$2. 4 trillion of economic growth to the world economy. ZH_REF: PECC的一项研究报告预测,到2025年亚太自贸区将给全球经济带来2.4万亿美元的经济增长。 -ZH_HYP: 1.. +ZH_HYP: (a)(一)研究金,是,不可能是在贸易中的,而不是在2004年,我们才会有可能被称为"(")",这是对国际经济的影响,而不是对你的看法了(的 EN: After New China was founded, it faced poverty, and cultural and scientific vacuums, as well as blockade and hostility from Western nations. China's socialist construction still reaped enormous results. ZH_REF: 新中国成立后,面临着国内一穷二白的困难和西方国家的封锁敌视,中国社会主义建设仍然取得了很大成绩。 -ZH_HYP: 1.. +ZH_HYP: 5.4.在一个不公平的情况下,我们的目的是为了使他们的成长而变得更糟,而不是在他们的身上,而是在他们的面前,为我的心智而来的,是对的,而不是在我们的上司。 EN: On the 29th, Foreign Ministry Spokesperson Hua Chunying said that the situation stated in the report did not conform to the facts. ZH_REF: 外交部发言人华春莹29日表示,报道所称情况不符合事实。 -ZH_HYP: 1.. +ZH_HYP: 在这一情况下,他的名字是由不诚实的,而不是在,是为了让人感到羞耻,而不是在他们的身上,也是为了让人感到厌倦了,而不是在那里,是为了给人留下了 EN: In 2004, the 74-year-old veteran of the space industry announced his retirement after 42 years of service at NASA. ZH_REF: 2004年,在NASA服役了42年后,这位时年74岁的航天界元老宣布退休。 -ZH_HYP: 1.. +ZH_HYP: 2004年,有一个大的人,在那是一个大的地方,他们的意思是,他们的意思是,他们的意思是,他们的意思是,要把它的钱给我,好吗?的了了了了了了了了了了了了了了了了了了了了了了 EN: At present, Jia Yueting is LeTV's largest shareholder, holding 25.67% of the shares, all of which have been basically pledged. ZH_REF: 目前,贾跃亭为乐视网第一大股东,持股25.67%,这些股权基本已全部被质押。 -ZH_HYP: 1.. +ZH_HYP: 在这一情况下,我们的工作是不可能的,因为他们的事,是为了得到的,而不是在他们的身上,而是为了在他们的工作中,而不是在乎别人的,是的,是的,是的,是的,是的。 EN: For now, automatic driving is an important application of artificial intelligence in the automotive field. The world’s auto giants are all engaged in research and development of automatic driving technology. ZH_REF: 就目前而言,自动驾驶是人工智能在汽车领域的一大重要应用,世界汽车巨头都在进行自动驾驶技术的研发。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)(),我们的,是的,是在不可能的,是在不惜的,是在我们的时候,他们都是为了让自己的,而不是在那里,也是为了让人的发展而变得更高的了了了了了了了 EN: It is said that the superior Kobe beef can sell for more than US$150 (about 962 yuan) per pound. ZH_REF: 据说,上好的神户牛肉每磅可以卖到150美元(约合人民币962元)以上。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为它是由它的,而不是在他们的中,而不是在他们的中,而是在了,是的,是的,是的,是的,是的,是的,是的。了 EN: Wu Haisang said that if the device itself has security holes, or the protection mechanism is not perfect, hackers can control personal devices remotely through vulnerabilities, backdoors, and so on. ZH_REF: 伍海桑说,如果设备本身有安全漏洞,或保护机制不完善,黑客完全可以通过漏洞、后门等来远程操控个人的设备。 -ZH_HYP: 1.. +ZH_HYP: 5.4.如果有理由,就会被认为是不可能的,因为它是由不对的,而不是在他们的身上,而是用到的,是在你的,是的,是的,是的,是的,是的,是的。了 EN: Since the earth’s inner core is thousands of kilometers deep, it is very difficult to explore the characteristics of its movement and change. ZH_REF: 由于地球内核远在数千公里深的地下,了解它的运动变化特征十分困难 -ZH_HYP: 1.. +ZH_HYP: (美)(4)............................................................. EN: This technology uses deep learning to enable the system to learn images of 10,000 people walking in various directions. ZH_REF: 这项技术使用深度学习,让系统学习了1万人朝着各种方向行走的影像。 -ZH_HYP: 1.. +ZH_HYP: (c)【句意】(a)【句意】我们的意思是,它是为了使自己的工作变得更容易,而且也是为了让人感到厌倦了,而不是在那里,他们是在一起,而不是什么,而是要用的。 EN: According to Bloomberg, Bill Gates is currently worth US$93.3 billion, ranking second in the world. And before the bursting of the Internet bubble, he was worth over US$100 billion, equivalent to a current value of US$148 billion. ZH_REF: 根据彭博数据,目前盖茨身家为933亿美元,是全球第二多,在互联网泡沫爆破前,盖茨身家一度超过1000亿美元,相当于现值1480亿美元。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的收入是,不可能是为了钱,而不是在过去的中,它是在我们的,是的,而不是在1000年中,它是由你所付出的,而不是什么也是最重要的。了了了 EN: Friedrich Engels pointed out that none of great historical disasters is not compensated by historical progress. ZH_REF: 恩格斯指出:没有哪一次巨大的历史灾难,不以历史的进步作为补偿的。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,他的性格是不可能的,因为他们的事,是为了得到的,而不是在他们的中,是为了得到的,而不是在那里,而是为了在我的上司中去,而不是为了更多的东西而去掉它。了了了了 EN: It is reported that at this meeting, the International Olympic Committee, together with the BOCOG, will formally invite the 205 members of the International Olympic Committee to participate in the 2008 Olympic Games. ZH_REF: 据悉,在这次会议上,国际奥委会将与北京奥组委一道正式邀请国际奥委会205个成员奥委会参加2008年奥运会。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的名字,是,我们的共同点,是,他们是为了得到的,而不是为了他们的利益而去,而不是为了让他们的服务而去,而不是在那里,而是在2005年的时候,你会感到很不舒服 EN: On December 11, Vladimir Putin visited Syria’s Khmeimim Air Base to inspect the Russian troops stationed there, meet with Bashar Assad and announce that the Russian military will begin to withdraw. ZH_REF: 普京12月11日访问叙利亚赫迈米姆空军基地,视察驻扎在此的俄军部队,与巴沙尔会晤并宣布俄军开始撤离。 -ZH_HYP: 1.. +ZH_HYP: 14.1.在对他的攻击中,有一个人被认为是为了使其免受货币,而不是为了使他们的利益而被赶走,而在他们的情况下,才会被打败了。了了了,,,,, EN: President Donald Trump said in a telephone conversation with Chinese President Xi Jinping that the United States recognizes China’s position of sovereignty over self-governing Taiwan and respects the “one China” policy. ZH_REF: 美国总统川普与中国国家主席习近平在电话谈话中表示,美国承认中国对自治的台湾拥有主权的立场,尊重“一个中国”政策。 -ZH_HYP: 1.. +ZH_HYP: “”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。 EN: The ocean is the source of food for more than 500 million people worldwide and provides employment opportunities for 350 million people. ZH_REF: 海洋是全球5亿多人的粮食来源,并为3.5亿人提供就业机会。 -ZH_HYP: 1.. +ZH_HYP: (a)为使人的生活变得更加复杂,而不需要为人提供更多的服务,使之成为了他们的共同点,而不是在他们的工作中,也是为了达到目的而被人的(((((的的的的的的的的的的的的的的的的的的 EN: China’s investment in Macedonia began in 2006, while in Serbia it began in 2008. And in 2009, China Ocean Shipping Company bought Piraeus Port in Greece. ZH_REF: 中国在马其顿的投资始于2006年,在塞尔维亚则是从2008年开始,2009年,中国远洋运输公司买下了希腊比雷埃夫斯港。 -ZH_HYP: 1.. +ZH_HYP: 在中国,这是个好的东西,在那里,我们的工作是在,而不是在他们的时候,也是在2009年的,在那里,我的心智是在一起,而不是在中国,它是由你所能的, EN: Influenced by the factors such as the overall recovery of the world economy and the accelerated growth of the global trade, both of the new export and import order indexes rose for 2 consecutive months, with 51.9% and 51.2% in December, up 1.1% and 0.2% respectively. ZH_REF: 受世界经济整体复苏、全球贸易增速加快等因素影响,新出口订单指数和进口指数均连续两个月提升,12月份为51.9%和51.2%,分别比上月上升1.1个和0.2个百分点。 -ZH_HYP: 1.. +ZH_HYP: (a)对所有的经济和技术都有不利影响,而这些因素也是不稳定的,因为它们的贸易和发展的代价都是在2010年,而我们的价格却在上升,而在15年中,有1.3% EN: At the end of 2017, Xu Jiayin became “the double richest person” on the newly released 2017 Forbes China's 400 rich list and Hurun China Rich List. ZH_REF: 2017年年底,在最新出炉的2017福布斯中国400富豪榜和胡润百富榜上,许家印成为“双料首富”。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,“大”的意思是,“我们的事”是“从2003年的,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”!。。。。。。。。。。。 EN: In the territory of Kazakhstan, a prehistoric pyramid-shaped site was discovered recently, which may be 1,000 years earlier than the Egyptian pyramids. ZH_REF: 哈萨克斯坦境内近日发现了一处史前金字塔形遗址,或比埃及金字塔早1000年。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的名字,是用了,它的东西是用的,它的意思是:“你的,”他的意思,“你的意思是,”他说,“我就在这儿,你就会有的。了了了了了””””””” EN: Zhang Ji, a medical examiner, believes that in a certain extent, AI will be more precise and wiser than the human brain, ensuring the delivery of high-quality soldiers to suitable positions. ZH_REF: 体检医生张继认为,在一定程度上,人工智能会比人脑更精准更智慧,能够确保把优质兵员输送到适合的岗位。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................... EN: People with flu should stay home, and not go to work or school for a week. ZH_REF: 患流感的人应该呆在家里,一个星期内不要去上班或上学。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),不,不,不,不,可惜一切,也不可能在乎,因为他们的事都是为了得到的,而不是在他们的身边,而是要在的时候,要把它给别人的 EN: “Aggregation-induced luminescence” is an original concept firstly proposed by Chinese scientists and opens up a new area of luminescent materials. ZH_REF: “聚集诱导发光”是我国科学家率先提出的原创性概念,开辟了发光材料的新领域。 -ZH_HYP: 1.. +ZH_HYP: “”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。。。。 EN: The top-level richest people evade taxes of US$200 billion approximately every year, often at the expense of ordinary employees. ZH_REF: 最顶层的富豪们每年偷税约2000亿美元,而这常常以普通员工的利益为代价。 -ZH_HYP: 1.. +ZH_HYP: 5.a.(一)在美国,我们的收入是不可能的,因为它是由自己的,而不是在他们身上,而是为了在他们的工作中获得了更多的代价,而这是对他们的最严重的影响 EN: On the one hand, AI may also make wrong judgments on criminal behavior. Therefore, while advancing technological improvements, it is necessary to try to improve the accuracy through the participation of the human eye. ZH_REF: 一方面,人工智能也有可能对犯罪行为作出错误判断,因此在推进技术改进的同时,还必须想方设法通过人眼的参与来提高精度。 -ZH_HYP: 1.. +ZH_HYP: 在一个人的情况下,他的意思是,不,是的,是为了使自己的感情而变得更容易了,而你也会在那里,而不是在那里,也是为了提高它的效率,而不是为了使人感到羞耻的的的的 EN: Although the current vaccine is not completely effective against the transmitted virus, it is still the best way to prevent infection. ZH_REF: 尽管目前的疫苗对于传播的病毒并不完全有效,但它仍是防止感染的最佳途径。 -ZH_HYP: 1.. +ZH_HYP: 虽然这是个不寻常的事,但我们的心是为了自己的,而不是为了自己的,而不是在他们的身边,而是为了在那里,而不是为了让别人的心想而去,因为它是对的,而不是最需要的。了 EN: In the Google App Store, we can see that the average score of UC browser is as high as 4.5 points, the number of appraisers is more than 16 million, and up to 11 million of appraisers give a mark of 5 points. ZH_REF: 在谷歌应用商店里可以看到,UC浏览器的平均评分高达4.5分,评价人数1600多万,5分好评人数多达1100万。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,我们的性格是,而不是为了使自己的记忆变得更容易,而不是在说谎,而是在我们的上,它是由你所拥有的,而不是在100米的时候,它的意思是什么?了了了了了了了了了 EN: In the third quarter of last year, the accumulated profits of Chinese mobile phone brands exceeded US$1.5 billion for the first time within a quarter, which was a qualitative breakthrough. ZH_REF: 去年第三季度,中国手机品牌的累计利润首次在一个季度内超过了15亿美元,这是一个质的突破。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,我们的处境是,从某种意义上讲,我们的产品都是为了得到的,而不是在过去的中,它是在你的,是在我身上的,是的,是的,是的,是的,是的。 EN: Genetically modified food that enter the US market are primarily governed by three departments, namely the FDA, the Environmental Protection Agency (EPA) and the United States Department of Agriculture (USDA). ZH_REF: 美国转基因产品入市主要受三部门监管,即FDA、环保署(EPA)及农业部(USDA)。 -ZH_HYP: 1.. +ZH_HYP: (c)(一),这是对我们的贸易,而不是从某种意义上说,这是在我们的产品上,它是由它的,它是由它的,而不是(或)的,是对的,是对的,而不是最坏的。了了 EN: The latest data shows that in the past year, the waiting time for first-hand rental housing has not been shortened but has been extended. ZH_REF: 最新数据显示,近一年的时间内,一手租赁房房源等待时间非但没有缩短,反而延长了。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的错误,是,他们的愿望是,他们的意思是,他们的意思是,他们的意思是,你的意思是,你的意思是,你的意思是,你的意思是,你的意思是什么?了 EN: An Fengshan said that as we all know, the United Nations is an international organization composed of sovereign nations and pursues the one-China policy. ZH_REF: 安峰山表示,众所周知,联合国是由主权国家组成的国际组织,奉行一个中国政策。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),这是不可能的,因为它是由我们所做的,而不是在他们的身边,它是由你所拥有的,而不是在那里,它是由我所做的,是的,是的 EN: This mission was the 260th flight of the Long March rocket series. ZH_REF: 这次任务是长征系列运载火箭的第260次飞行。 -ZH_HYP: 1.. +ZH_HYP: 这一过程中的一个方面是,我们的遗迹是由,从头到尾,它是用的,是的,是的,是的,是的,是的,是的,是的,是的,是对的,而不是为了给你的。 EN: The optoelectronicist has made outstanding achievements in the fields of micro/nano engineering, nano equipment and so on. He is an academician of the U.S. National Academy of Engineering and a foreign academician of the Chinese Academy of Sciences. ZH_REF: 这位光电学家在微纳米工程、纳米器材等领域成就卓著,是美国国家工程院院士、中国科学院外籍院士。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在“大”的过程中,我们的研究也是如此,而不是在美国,在西方,而不是在中国,它是由你所学的,是的,是的,是的,是的,是的。了了了 EN: WeChat has changed the way of people's communication. Video calls and voice calls reduced the number of telephone calls for everyone. “Talk about it in detail on WeChat” seems have become a daily language. ZH_REF: 微信改变了人们的沟通方式,视频通话、语音通话使大家打电话的次数变少,“详细情况微信上再聊”似乎成了日常用语。 -ZH_HYP: 1.. +ZH_HYP: (美国)(这篇)是一个令人吃惊的东西,因为它是在用的,它的意思是:“你的意思是,”他说,“你的意思是,我们的事,就会有多的,”说 EN: On the 11th, Foreign Ministry Spokesperson Lu Kang said that the House of Representatives of the United States Congress has recently passed a relevant Taiwan-related motion, which has seriously violated the one-China policy and the principles of the three Sino-U.S. joint communiques, and interfered in China’s internal affairs. China is firmly opposed to it. ZH_REF: 外交部发言人陆慷11日说,美国国会众议院近日通过有关涉台议案严重违反一个中国政策和中美三个联合公报原则,干涉中国内政,中方对此表示坚决反对。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,中国的一个人,是一个人,他们的态度是,在美国,中国的经济,也是在中国的,而这是在中国的,而这是由中国的,而不是由中国的政策来进行的。的 EN: Macedonia declared independence in 1991 and joined the United Nations in 1993 in the name of "The former Yugoslav Republic of Macedonia". ZH_REF: 马其顿1991年宣布独立,并于1993年以“前南斯拉夫马其顿共和国”名义加入联合国。 -ZH_HYP: 1.. +ZH_HYP: 在任何情况下,都是为了使人的感觉,而不是在他们的中,是在1993年的,我才会被他的人所为,而不是在我的脚趾中,而是在了,是的,是的,是的。 EN: This achievement represents that Micius has the ability to realize intercontinental quantum secure communication. ZH_REF: 该成果标志着“墨子号”已具备实现洲际量子保密通信的能力。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................ EN: In response to climate change, no country can stay out of the question. ZH_REF: 应对气候变化,没有一个国家可以置身事外。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,我的意思是,他们的意思是,我们的,是的,是的,是的,是的,是的,是的,是的,而不是什么?的了 EN: In August 2017, retail giant Wal-Mart and internet giant Google announced that they would cooperate to launch voice shopping services and jointly fight against the common enemy Amazon. ZH_REF: 2017年8月,零售巨头沃尔玛与互联网巨头谷歌宣布,将合作推出语音购物服务,联手对抗双方共同的敌人亚马逊。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的名字是,是的,是的,是的,是的,他们的是,他们的品德,是为了赢得他们的,而不是在一起,也是为了赢得他们的服务,而不是在他们的身边。了了 EN: The data shows that the average global surface temperature in 2017 was about 1.1℃ higher than the pre-industrial age. ZH_REF: 数据显示,2017年全球平均地表温度比工业化前时代高出了约1.1摄氏度。 -ZH_HYP: 1.. +ZH_HYP: 4.如果有,就不可能,就象一个小的,是在一个方面,那是不可能的,那是在10年,而在那里,你的心就会被人所迷惑的,是最坏的,是的,是的。 EN: According to Fan Yanhui, in the medium and short term, the Renminbi is not likely to rise or fall too much, and is more likely to remain stable at the current level. ZH_REF: 在范言慧看来,中期和短期内,人民币不太有大涨大跌的可能性,更可能在现有水平下保持稳定态势。 -ZH_HYP: 1.. +ZH_HYP: 在这一情况下,我们的态度是,不可能是为了使自己的利益而被人用,而不是在他们的身上,而是在那里,也是为了保持它的,而不是在那里,而是要在那里的一切 EN: In answer to the question about Taiwan’s recently released defense-related reports, An Fengshan made the above response. ZH_REF: 在回答有关台湾方面日前发布防务相关报告的问题时,安峰山作了上述回应。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),这是对的,是在不可能的,也是为了使自己的缘故,而不是为了给别人带来的,也是为了使他们的缘故而变得更有价值的,因为它是对的,而不是对我们的事 EN: Many people have noticed that since the beginning of this century, the birth rate of South Korea has been below 1.5% and the problem of aging has become increasingly severe. ZH_REF: 不少人注意到,本世纪初至今,韩国人口出生率一直低于1.5%,老龄化问题日益严峻。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的态度是,从表面来看,是为了使自己的处境变得更糟,因为他们是在说谎,而不是在他们的中,才会有多大的,而不是在那里,要么是在我们的,是对的,而不是 EN: On the 20th, Chinese Foreign Ministry Spokesperson Lu Kang also stressed that the behavior of the US warships have damaged China’s sovereignty and security interests, posed a serious threat to the safety of Chinese vessels and personnel carrying out normal official activities in the relevant sea areas, and violated the basic norms of international relations. And he expressed that China was strongly dissatisfied with this and would take necessary measures to firmly safeguard China's sovereignty. ZH_REF: 中国外交部发言人陆慷也在20日强调,美方军舰有关行为损害中国的主权和安全利益,对中方在有关海域开展正常公务活动的船只和人员安全造成严重威胁,违背国际关系基本准则,并表示中方对此表示强烈不满,将采取必要措施,坚定维护中国主权。 -ZH_HYP: 1.. +ZH_HYP: 在中国,中国的利益集团也是一个不寻常的事,它也是为了让我们的利益而感到羞耻,它的目的是对中国的安全,而我们的立场是,它对中国的安全和国际事务持怀疑态度,这对我们的威胁要大得多。。。。。。 EN: Last year, Amir Khan's movie Dangal become a black horse in China’s film market, and finally won 1.29 billion yuan at the box office. ZH_REF: 去年,阿米尔·汗主演的电影《摔跤吧!爸爸》在中国成为影市黑马,最终收获12.9亿元票房。 -ZH_HYP: 1.. +ZH_HYP: 但是,在这一时期,我们的态度是,在做的事,是为了使自己的事业变得更容易了,而不是在他们的时候,就像在了我的那件中,是的,是的,是的,是的。了 EN: On the whole, the average trust of the American people on various institutions fell sharply by 37%, while the average trust of the Chinese people on various institutions rose by 27%. Both ranges were the highest among the 28 countries surveyed (regions). ZH_REF: 整体而言,美国民众对各机构的平均信任度大幅下滑37个百分点,中国民众对各机构的平均信任度上升27个百分点,上升和下降幅度都是28个受调查国家(地区)中最高的。 -ZH_HYP: 1.. +ZH_HYP: 在任何情况下,都是由不同的人组成的,而不是在他们的国家中,而是在为之提供的,而不是在他们的中,而是在了,而在别人身上,还是在(2)的情况下,我的意思是什么?了 EN: Wang Fengyuan spoke at the launch of his new book, saying that before coming to the United States, he wanted to find a book to get to know the experience of others, but he searched all over Xinhua Bookstore and did not find a book about studying in American middle school. ZH_REF: 王丰源在首发式发言中说,来美国前想找本书看看别人的经验,但他翻遍新华书店没找到关于留学美国中学的书。 -ZH_HYP: 1.. +ZH_HYP: “”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,“你说,你就去找了。的的吗吗吗吗吗吗吗吗吗吗吗。。。。。。。 EN: It is understood that in all electronic licenses, the most critical and crucial is the electronic ID card. ZH_REF: 据了解,在所有的电子证照中,最核心、最关键的是电子身份证。 -ZH_HYP: 1.. +ZH_HYP: (美国)(这篇)是一种很好的,因为它是在用的,是用的,是的,是的,是的,是的,是在说谎的,也是对的,而不是在(e)的时候,我们都会对自己的态度 EN: In the end, the painting was sold for US$450.3 million, which was equivalent to approximately RMB2.986 billion, setting a record for the "most expensive" auction for art. ZH_REF: 最终,这幅画以4.503亿美元的价格成交,约合29.86亿元人民币,创下艺术品拍卖的“最昂贵”纪录。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,我们的性格是由“”,而不是在“”,“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。。。。。 EN: According to the Beijing News, data released on January 18 by the National Bureau of Statistics showed that the number of births in the country was 17.23 million in 2017, a decrease of 630,000 over the previous year. ZH_REF: 据新京报报道,1月18日,国家统计局公布的数据显示,2017年全国出生人口为1723万人,比上年减少63万人。 -ZH_HYP: 1.. +ZH_HYP: 在美国,这种情况的原因是,在其他方面,这种情况是:从1990年的1.2%,而在2007年,美国的经济损失达3.3倍,而这是在其他国家的,而不是在高处的的 EN: A few months later, the Indian government purchased eight P-8I maritime patrol aircraft for the first time and deployed them over the Indian Ocean in 2013. In 2016, India purchased four P-8Is at the original price once again. ZH_REF: 几个月后,印度政府首次购买了8架P-8I海上巡逻机,于2013年部署在印度洋海域,2016年,印度再次以当初的价格购买了4架P-8I。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的名字是:(a),是为了使他们的利益而被淘汰,而他们的价格是由1800年的,而这是在12月的,而这是在我们的,是的,是的 EN: Yuan Chengye has long been engaged in extractant chemistry and organophosphorus chemistry research, who is one of the founders of Chinese extractant chemistry research. ZH_REF: 袁承业长期从事萃取剂化学和有机磷化学研究,是中国萃取剂化学研究的奠基人之一。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。。。。。 EN: Tomas Berdych is currently ranked 19th in the world. He is preparing for the Qatar Open, the first event of the new season. He also aims at the Grand Slam championship in the new season. ZH_REF: 伯蒂奇现世界排名第19,他正在备战新赛季的首项赛事——卡塔尔公开赛,新赛季他也将目光瞄准了大满贯冠军。 -ZH_HYP: 1.. +ZH_HYP: (美)(一),这是个好的东西,是在做的,是在做的,是在做的,是在为自己的,而不是在上,它是在你的,是在一个新的中,它的意思是什么? EN: Earlier that day, the UK team defeated the South African team with a slight margin of 7 to 5. This may affect their status in the finals. ZH_REF: 当天早些时候,英国队以7比5险胜南非队,这可能影响了他们在决赛中状态。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,你的意思是,他们的意思是,在他们的时候,我的意思是,你的意思是,你的意思是,你的意思是什么?的了的 EN: At the invitation of the contest's sponsors, Yang Shilin became the torchbearer of the Pingchang Winter Olympics. ZH_REF: 应当时的大赛赞助商邀请,杨仕林成为平昌冬奥会的火炬手。 -ZH_HYP: 1.. +ZH_HYP: (4)a:(一),(),(),(),在我的脚趾中,我们都会被他们的对手,而不是在一起,因为他们是在一起,是为了让人感到很好的了了了了了了的的的的的的的 EN: However, in the middle of 2016, Forbes magazine changed her net worth from $4.5 billion to 0. ZH_REF: 然而2016年年中,《福布斯》杂志将她的身家从 45 亿美元修改为 0。 -ZH_HYP: 1.. +ZH_HYP: 然而,在这一时期,我们的态度是,从表面来看,是为了使自己的利益而变得更糟,而不是在他们的身上,而是在他们的身上,也是为了给你带来的,而不是太多了的的 EN: After the July 7th Incident in 1937, Japan launched a full-scale war of aggression against China. ZH_REF: 1937年七七事变后,日本发动全面侵华战争。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,有的是,他们的人,是为了使他们的缘故,而不是为了他们的,而不是为了给他们带来的,那是对我的,是对的,是对的,是对我们的的的的的的的的的的 EN: China has always fully and strictly implemented the UN Security Council resolutions and will never allow Chinese citizens and businesses to engage in activities that violate the resolutions of the UN Security Council. ZH_REF: 中方始终全面、严格执行联合国安理会决议,绝不允许中国公民和企业从事违反安理会决议的活动。 -ZH_HYP: 1.. +ZH_HYP: 5.4.................................................................. EN: On the 16th, UN Secretary-General António Guterres highly praised China for playing a crucial role in the global response to climate change and encouraged China to continue to play an important role in the future. ZH_REF: 联合国秘书长古特雷斯16日高度赞扬中国在全球应对气候变化行动中发挥的至关重要的作用,并鼓励中国在今后继续扮演重要角色。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的性格,是对我们的,是对的,是对我们的,是对他们的,也是为了使他们的事业变得更重要,而不是在中国,也是为了应付的,而不是在不断地对他的影响 EN: Since May 2017 alone, there have been more than 160 incidents of armed conflict, terrorist attacks, demonstrations and other types of emergencies in Mali. ZH_REF: 仅2017年5月份以来,马里境内累计发生武装冲突、恐怖袭击、游行示威等各类突发事件160余起。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,有的是,我们的生活,是为了使他们的感情而变得更有可能,因为他们的事,是在我们的,是为了控制的,而不是在那里,还是要在别人的上部上,对你的人 EN: The rise of science and technology in China will have a positive impact on global technological innovation. The EU should further strengthen cooperation with China in the field of science and technology. ZH_REF: 中国的科学技术崛起将给全球科技创新带来积极影响,欧盟应该进一步加强与中国在科学技术领域的合作 -ZH_HYP: 1.. +ZH_HYP: (一)(一),“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。。。。。。。。。。。。。。 EN: She said that China has always fully and strictly enforced Security Council resolutions, fulfilled its own international obligations, and never allowed Chinese citizens and businesses to engage in activities that violated the UN Security Council resolutions. ZH_REF: 她表示,中方始终全面、严格执行安理会决议,履行自身承担的国际义务,绝不允许中国公民和企业从事违反安理会决议的活动。 -ZH_HYP: 1.. +ZH_HYP: 4.3.在法律上,我们的责任是,它的目的是使人们对其自身的安全感到厌倦,而不惜一切,也不愿意为其提供任何代价,而在国际上,它也是为了保护人民的利益而付出的代价 EN: Not long ago, the National Energy Administration of China announced that by 2020, it will invest 2.5 trillion yuan in the field of alternative energy. ZH_REF: 不久前,中国国家能源局宣布,2020年前,将向可替代能源领域投资2.5万亿元人民币。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: In order to evade the criticism caused by unconstitutionality, Japan tried to cover up and sophistry to put the attack aircraft carrier under “defensive” weapons. ZH_REF: 为了规避因违宪而招致批判,日方极力掩饰和狡辩,把攻击型航母划归“防御型”武器。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),是指“不”,也是为了控制着它们的,而不是在他们的中,用它的方式来保护你的,因为它是在我们的时候,它是由你所做的,是的,是的 EN: On the 27th, Zhejiang Geely Holding Group announced that it has reached an agreement with European fund company Cevian Capital to acquire 82.47 million A shares and 78.77 million B shares of AB Volvo from Cevian Capital. ZH_REF: 浙江吉利控股集团27日宣布与欧洲基金公司Cevian Capital达成一致,将收购其持有的沃尔沃集团(AB Volvo)8847万股的A股股票和7877万股的B股股票。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有一个大的,是的,是的,是的,是的,是在他们的,是在那里,是在7.03.2................................... EN: After the transaction is completed, Geely Holding will own 8.2% of the Volvo Group, becoming its largest shareholder and holding 15.6% of the voting rights. ZH_REF: 项目交割后,吉利控股将拥有沃尔沃集团8.2%股权,成为其第一大持股股东,并拥有15.6%的投票权。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的错误,是,他们的目的是为了使自己的事业变得更容易,而不是在他们的身上,而是在他们的面前,才是为了赢得了.的的的的的的的的的的的的的的的的的的的的的的 EN: The head of the Department of Industry Coordination of the National Development and Reform Commission pointed out today that overcapacity in the steel industry was a global issue. ZH_REF: 国家发展改革委产业协调司负责人今天在此间指出,钢铁产能过剩是全球性问题。 -ZH_HYP: 1.. +ZH_HYP: (一)在贸易方面,我们的国家的发展是,在不影响的情况下,为自己的利益而努力,而不是在其他方面,而不是在美国,它的表现为:(a)对所有的人进行控制,的的的的的的的的的 EN: According to public opinion analysis, after Donald Trump took office at the beginning of last year, the interaction between the leaders of the United Kingdom and the United States lagged far behind the past and the cooperation in major international affairs has decreased. There are more and more disagreements, and the "special relationship" between Britain and the United States is facing a great challenge. ZH_REF: 有舆论分析认为,特朗普去年初上任后,英美两国领导人互动远远落后于以往,在国际重大事务中的合作减少,分歧越来越多,英美“特殊关系”正面临巨大考验。 -ZH_HYP: 1.. +ZH_HYP: 美国的研究结果是,在过去的情况下,人们对其进行了比较,而这种情况也是如此,而美国的经济和社会代价却在很大程度上,而不是在美国,它的作用与日俱增,而不是与美国的关系。 EN: It is still a long-term, complicated and formidable process to fundamentally improve the quality of the atmospheric environment. ZH_REF: 大气环境质量要得到根本改善,仍然是一个长期、复杂、艰巨的过程。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在我们的过程中,我们的经历都是不可能的,因为它们的影响是很有价值的,而不是在上层,它是由你来的,而不是在那里,它是由衷的。 EN: On January 4th, 2017, Mobike completed D-round financing amounting to US$200 million. Investors include Tencent, Warburg Pincus, Ctrip, etc. ZH_REF: 2017年1月4日,摩拜完成D轮融资,金额达到2亿美元,投资方包括腾讯、华平投资、携程等 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,一个人的名字是,在其他的东西上,是为了使他们的损失惨重,而不是在他们的身上,而是在他们的身上,为你的服务,为你的双脚,,, EN: On the 21st, Wang Fumei, the older sister of the “ice flower boy” Wang Fuman, told reporters in Beijing that her ideal was to become a doctor in the future because her grandmother was often ill. ZH_REF: 21日,“冰花男孩”王福满的姐姐王福美在北京接受记者采访时说,自己未来的理想是想当医生,因为自己的奶奶经常生病。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,有的是,他们的名字,是的,是的,是的,是的,是的,是的,是的,是的,是的,是对的,而不是你的意思。了了了了了了了了了了 EN: The year 2018 is the 40th year for China to implement reform and opening up. ZH_REF: 2018年是中国实施改革开放的第四十个年头。 -ZH_HYP: 1.. +ZH_HYP: (2)【句意】(a)【句意】我们的意思是,它是为了使自己的利益而被人的,而不是在他们的时候,也是为了给我带来的,而不是在意外的,因为他是在我们的时候了 EN: The Moroccan Football Association submitted a formal application to FIFA last August to host the 2026 World Cup. ZH_REF: 摩洛哥足球协会去年8月向国际足联递交了承办2026年世界杯的正式申请。 -ZH_HYP: 1.. +ZH_HYP: (4)a:(一),我们的外套,是为了使自己的心从头到尾,而不是在那里,也是为了让自己的力量而努力,而不是在2009年之前就会被人的。 EN: Israel has begun to diagnose the real causes of cancer and other diseases in human beings by cracking and analyzing the human genes. ZH_REF: 以色列已开始通过破解和分析人类基因,来诊断人类患癌症和其他疾病的真正原因。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),我们的东西是用的,是用的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: According to the Voice of China "CNR News”, a new breakthrough has been achieved in the clinical study of stem cell intervention for premature ovarian failure in China. ZH_REF: 据中国之声《央广新闻》报道,我国干细胞干预卵巢早衰临床研究近日获得新突破。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................ EN: These 2 Chinese books defeated the other 600 ones from 32 countries and successfully entered the list of 14 award-winning books selected in Leipzig, Germany. ZH_REF: 中国的这两部作品击败了来自32个国家的600部图书,成功入围了在德国莱比锡评选出的14部获奖图书之列。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的名字是由一个人,而不是在,他们是在一起,是为了让自己摆脱了,而在他们的比赛中,他们就会被淘汰了,而你的对手是在一起,是的,是的,是的,是的。 EN: This year, China will again launch more than 10 Beidou satellites and establish a basic system consisting of 18 satellites, to provide services for the countries along and around "the Belt and Road”. ZH_REF: 今年我国将再次发射十余颗北斗卫星,建立由18颗卫星组成的基本系统,为“一带一路”沿线国家及周边国家提供服务。 -ZH_HYP: 1.. +ZH_HYP: 5.4.在一个大的时期,我们都是为了使自己变得更容易,而不是为了自己的,而不是在一起,而是为了给他们带来了更多的东西,而且是在我们的时候,要把它给的,是的 EN: In the next step, the team will follow the trend of technological development to research the high-quality depth cameras based on neurochips, apply them to smart cars and pilotless areas, and actively promote the widespread use of neurochips in the “Internet+” related fields. ZH_REF: 下一步,团队将紧跟技术发展的潮流研究基于神经芯片的高质量深度相机,使其能应用于智能汽车以及无人驾驶领域,并积极推动神经芯片在“互联网+”相关领域的广泛应用。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,我们的态度是,对自己的影响,是为了使自己的事业变得更容易,而且也是在他们的时候,在他的身上,是用的,是的,是的,是的,是的,是对的。 EN: Wang confessed that, by chance, he came into contact with marijuana and began to smoke. ZH_REF: 王某交代,一次偶然的机会,他接触到了大麻并开始吸食。 -ZH_HYP: 1.. +ZH_HYP: “(”)“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。。 EN: Afterwards, the school decided to establish a pagoda-type water tower after extensive consultations with the community's celebrities at that time. ZH_REF: 后来校方向当时的社会名流征求意见,得到广泛赞同后决定建立古塔式水塔。 -ZH_HYP: 1.. +ZH_HYP: 4.在任何情况下,都是为了使人的利益而被人所受的,是在他们的,是为了使他们的工作变得更加危险,而不是为了使他们的工作变得更高,而且是为了给他们带来的,而不是太多了 EN: In March 2017, Pu'er coffee, with a brand value of RMB 11.136 billion, entered the top 10 most valuable brands of China's agricultural field. ZH_REF: 2017年3月,普洱咖啡以111.36亿元的品牌价值成为中国农业区域品牌价值10强。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,有的是,有的是,他们的品味,是为了得到的,而不是在他们的上司,而是在我们的上司机上,而不是在那里,是为了给你带来的, EN: He said it could not be determined that there was no risk in such investment, but it was very positive judging from the current response of all parties. ZH_REF: 他说,不能说这种投资没有风险,但从目前各方的反应来看,都很积极。 -ZH_HYP: 1.. +ZH_HYP: 他的意思是,这是个不可能的,我们都在为自己的事业而感到羞耻,因为他们的事也是为了得到的,而不是在那里,他们都是为了给别人带来的,而不是太多了了了的的的的的的的的的的了 EN: According to Japanese media, the clean-up of the Fukushima Daiichi nuclear power plant is expected to be completed at least until 2051, but it is still uncertain whether it can be realized as scheduled. ZH_REF: 据日本媒体报道,福岛第一核电站的清理工作预计至少到2051年才能完成,但能否如期实现还是未知数。 -ZH_HYP: 1.. +ZH_HYP: 在任何情况下,都是由“大”的,而不是在我们的身上,它是在为之而去的,而不是在那里,它是在说谎的,而不是在(或)上的,是的,是的,是的。 EN: She said that President Xi Jinping’s letter in reply to the Chinese students of the Moscow University has expressed his care and hope for the oversea students and the young generation. ZH_REF: 她说,习主席给莫斯科大学中国留学生的回信寄托了习主席对广大留学生、对青年一代的关怀和厚望。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: It is reported that the IOC did not explain why the remaining 111 Russian athletes were not qualified and did not disclose the names of the athletes on the list. The IOC only stated that they were not the 46 athletes who were deprived of qualification in Sochi Winter Olympics. ZH_REF: 报道称,IOC并未解释余下111名俄罗斯运动员为何未获确认资格,也没有公开名单上的运动员名字,仅称他们并非在索契冬奥被褫夺资格的46人。 -ZH_HYP: 1.. +ZH_HYP: (a)【句意】(a),这是不可能的,因为它是在他的,而不是在说谎者,他们的意思是,他们的意思是,你的意思是,你的意思是,他们的意思是,“你的意思是什么?了了””””””””” EN: From January to October in 2017, Sino-British bilateral trade volume amounted to US$ 65.1 billion, of which Britain's export trade to China increased by 11.3% year-on-year. China has continued to be one of the fastest growing export markets for the UK. ZH_REF: 2017年1月至10月,中英双边贸易额达651亿美元,英国对华出口同比增长11.3%,中国继续成为英国增长最快的出口市场之一。 -ZH_HYP: 1.. +ZH_HYP: 在过去的情况下,我们的工作是,从1991年起,我们的贸易往来,但也是为了提高他们的竞争力,而不是在美国,它已经达到了30%的水平,而这是在亚洲的最多的 EN: The leaders of this revolution are the high tech giant Alibaba group’s Alipay and Tencent’s WeChat payment. ZH_REF: 而这项革命的领跑者是高科技巨头阿里巴巴集团的支付宝和腾讯公司的微信支付。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,你的意思是,他们的意思是,在我的上,你的意思是,你的意思是,你的意思是,你的意思是,我们的意思是什么?了 EN: According to experts, from the trends of PMI in manufacturing and non-manufacturing industries, the situation of steady economic growth in China is even more pronounced. ZH_REF: 有关专家表示,从制造业和非制造业PMI走势看,当前我国经济稳中向好的发展态势更趋明显。 -ZH_HYP: 1.. +ZH_HYP: 5.a............................................................... EN: Both of Wang Xinglian, 73, and Wang Shuyu, 71, are natives of Hutou Village and began practicing medicine in the 1970s. ZH_REF: 汪兴莲今年73岁,汪淑玉71岁,都是虎头村本地人,都在上世纪70年代开始行医。 -ZH_HYP: 1.. +ZH_HYP: “”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。。。。。。 EN: Only when Taiwan abandons the "Taiwan independence" position and the hostile thinking, the peace and stability of the Taiwan Strait can be truly maintained. ZH_REF: 台湾方面只有放弃“台独”立场和敌对思维才能真正维护台海和平稳定。 -ZH_HYP: 1.. +ZH_HYP: (4)如果不允许,我们的命运就会被人所控制的,而不是在他们的身边,那是在为他们所带来的,是在为我所需要的,也是在说谎的,是的,是的,是的。 EN: Over the past 10 years, China has become more and more innovative and has demonstrated its determination to protect intellectual property rights. ZH_REF: 过去10年来中国变得越来越创新,并表现出保护知识产权的决心。 -ZH_HYP: 1.. +ZH_HYP: (1)【句意】(a)【句意】我们的意思是,我们的生活方式是,它是为了保护自己的,而不是在乎,而不是为了更多的,而不是在别人的上方。是的了的的了的了了 EN: As developing countries, China and Latin America are at a similar stage of development, face the same development tasks and are each other's development opportunities. ZH_REF: 中拉同为发展中国家,处于相近的发展阶段,面临相同的发展任务,互为对方的发展机遇。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),在这方面,我们的发展是不可能的,而不是在他们的中,也是为了得到的,而不是在他们的身边,而是在那里,是为了得到更多的东西,而不是在别人的上方。了 EN: “We formally submitted an application to the FDA in 2013 and finally obtained a commercial license, which has gone through five years”, Lin Yongjun said. ZH_REF: “我们2013年向FDA正式提交申请,到最终获得商业化许可,经历了5年的时间。”林拥军说。 -ZH_HYP: 1.. +ZH_HYP: “”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,“”“”,。。。。。。。。。。。 EN: A week ago, the first CBA All-Star Game after Yao Ming became chairman of the China Basketball Association ended in Shenzhen. ZH_REF: 一周前,姚明出任中国篮协主席后的第一个CBA全明星在深圳落幕。 -ZH_HYP: 1.. +ZH_HYP: 4.5.在一个大的状态下,我们都是在一起,把它放在一边,把它放在一边,把它放在一边,把它放在一边,然后在一边,把它的东西给了,好的,是的,是的,是的。 EN: Under the personal care and vigorous encouragement of President Xi Jinping and President Michelle Bachelet, the comprehensive strategic partnership between the two countries has made considerable progress. ZH_REF: 在习近平主席和巴切莱特总统的亲自关心和大力推动下,两国全面战略伙伴关系取得长足发展。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在这方面,我们的态度是,在他的面前,为自己的利益而努力,而不是为他们的事,也是为了赢得他们的,而不是在他们的身边,这是对的,这是对我们的最严重的影响 EN: According to the data of the World Federation of Exchanges, the total market value, the secondary market transaction volume, and IPO financing amount of the Shanghai Stock Exchange rank fourth, fifth, and second respectively in the world's exchanges. ZH_REF: 据世界交易所联合会的数据,上交所股票总市值、二级市场交易额及IPO融资在全球交易所中排第四位、第五位和第二位。 -ZH_HYP: 1.. +ZH_HYP: 5.a.................................................................. EN: In May 2016, Huawei accused Samsung of infringement and filed a lawsuit against Samsung in the Northern District Court of California and Shenzhen Intermediate People's Court. ZH_REF: 2016年5月,华为指控三星侵权,在加州北区法院和深圳中级人民法院对三星提起诉讼 -ZH_HYP: 1.. +ZH_HYP: 在美国,对他的起诉,是指甲,也是为了使他们的利益而被人所包围,而不是在他们的身边,他们的工作是由我所做的,是的,是对的,而不是在那里,还是要用的。 EN: It is obvious that in the differentiated world, finding common ground is not easy and forming a consensus is more difficult. ZH_REF: 显然,在分化的世界中,找到共同点不容易,形成共识更困难。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),在不可能的情况下,我们都是为了使自己变得更容易,而不是在他们的身边,就会被人所迷惑的,是在说谎的,是的,是的,是的,是的,是的。 EN: In the end, Kenya's athlete Kenneth Mungara won the championship of men's group in 2:13:38, and Ethiopian runner Gulume Tollesa won the championship of women's group in 2:29:36. ZH_REF: 最终,肯尼亚选手蒙加拉以2小时13分38秒的成绩获得男子组冠军,埃塞俄比亚选手沙拉以2小时29分36秒的成绩获得女子组冠军。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,一个人的名字是:“你的东西,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,”他的意思是“你的意思”了了了了了了了 EN: In 2016, 95% of the 731 million Chinese netizens were able to access the Internet via smart phones, more than 470 million of which could pay online through mobile devices. ZH_REF: 2016年在7.31亿中国网民当中有95%都能通过智能手机上网,其中超过4.7亿能够通过移动设备在线支付。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的名字是,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。了 EN: The Australian Sailing Championship is currently one of the highest-standard and most influential national sailing events in Australia and is held once a year. ZH_REF: 澳大利亚帆船锦标赛是目前澳大利亚规格最高、最具影响力的国家级帆船赛事之一,每年举办一次。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是个不公平的东西,是在一个方面,而不是在他们的中,是在为自己的,而不是在那里,他们的力量是在不断的,是在最糟糕的地方,也是对我们的最重要的一点。 EN: In response to a question at the routine press conference on the 27th, Taiwan Affairs Office spokesperson An Fengshan said that peaceful development in cross-Strait relations is the fundamental guarantee of peace and stability in the Taiwan Strait. Engaging in “Taiwan Independence” activities is the biggest threat to peace and stability in the Taiwan Strait. ZH_REF: 国台办发言人安峰山27日在例行新闻发布会上应询表示,两岸关系和平发展是台海和平稳定的根本保障,搞“台独”分裂对台海和平稳定是最大的威胁。 -ZH_HYP: 1.. +ZH_HYP: 在这个问题上,我们的工作是由你的,而不是在,是在为自己的,而不是在为自己的梦想,而不是在为之奋斗,而是在为之奋斗的,是在国际关系中的,是对的,是对的 EN: Currently, Hong Kong is the primary location for Mainland China's outward direct investment. Hong Kong is also Mainland China’s second largest trading partner. ZH_REF: 目前,香港是内地对外直接投资的首要地点,香港也是内地第二大贸易伙伴。 -ZH_HYP: 1.. +ZH_HYP: 在这一情况下,我们的态度是,我们的目的是为了使自己的处境更加危险,而不是在自己的中,才会被人所为,而不是在那里,也是为了让人感到厌倦了的的的的的的的的的的的的 EN: On how to prevent graduation anxiety, Shi Yao believed that it was absolutely necessary to prepare a proper job career plan while in university. ZH_REF: 针对如何预防毕业焦虑,石瑶认为,大学期间做好职业生涯规划十分必要。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),(),是为了使自己的心变得更容易,因为他们的事也是在说谎的,而不是在他们的工作中去,而不是在那里,是的,是的,是的,是的。了 EN: On January 5, the central parity rate of the RMB was 6.4915 to the USD, breaking through the 6.5 threshold again. ZH_REF: 1月5日,人民币兑美元中间价报6.4915,再次突破6.5。 -ZH_HYP: 1.. +ZH_HYP: 5.4.1.3.1.在美国,由于其原因,不允许其在其他方面的利益,而不是从某种意义上转移到了,而不是在(e)上,它是在2005年,我们的人都会被人所束缚, EN: Compared to developed countries, most of China’s manufacturing enterprises are still implementing product-led strategies. This not only fail to adequately meet customer demand, it also affects and restricts China’s manufacturing sector from participating in domestic and foreign competition. ZH_REF: 与发达国家相比,中国大部分制造业企业仍然在实施以产品为主导的战略,这不仅不能很好地满足客户需求,也影响和制约了中国制造业参与国内外竞争。 -ZH_HYP: 1.. +ZH_HYP: (b)(一),在我们的情况下,我们的贸易是不可能的,因为它是在为其提供的,而不是在中国,也是为了使其变得更高,而且也是为了应付的,而不是在美国,它的竞争也是如此的的的的的的的 EN: I would like to take this opportunity to offer New Year blessings to all citizens of the country, as well as to our fellow country people in the Hong Kong SAR, the Macau SAR and in Taiwan as well as Chinese nationals residing overseas! ZH_REF: 在这里,我向全国各族人民,向香港特别行政区同胞、澳门特别行政区同胞、台湾同胞和海外侨胞致以新年的祝福! -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................... EN: The Ministry of Education said that 90% of these students study in English language countries, such as the US, UK and Australia; 70% are pursuing at least a bachelor’s degree. ZH_REF: 据教育部表示,这些学生90%以上都就读于英语国家,例如美国、英国和澳大利亚等,70%的人至少是在攻读学士学位。 -ZH_HYP: 1.. +ZH_HYP: 在这一情况下,我们的态度是,对他们来说,是为了使自己的生活变得更糟,而不是在他们的身上,而是在那里,是在那里,是的,是的,是的,是的,是的,是的。了了 EN: Today, thanks to the the hard work of the government and all sectors of the community, the protection of ancient villages has become a consensus in general. ZH_REF: 如今,在政府、社会各界的共同努力下,保护古村基本形成了共识。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),这是对我们的,是为了使自己的处境和不堪的,而不是为了使他们的工作变得更有价值,而在他们的身边,就会有更多的东西,而不是最需要的东西 EN: There has been further development in the criminal case of Chinese scholar Zhang Yingying who was murdered in the US. ZH_REF: 中国学者章莹颖在美遇害案近日有了新的进展。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在“中”,“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。。 EN: It is understood that a major highlight of the China-EU Tourism Year is to recommend unknown European tourist attractions to Chinese tourists. ZH_REF: 据了解,中欧旅游年的一大重点是向中国游客推介非知名的欧洲旅游景点。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),“我们的”是,“我们的”是,从某种意义上讲,它是为了让自己的力量而去,而不是在那里,也是为了让人感到厌倦的,而不是为了更多的人 EN: The 19th CPC National Congress pointed out that protecting and improving people’s livelihood must entail grasping the most direct and most practical issues of interests that citizens are most concerned with. ZH_REF: 十九大报告指出,保障和改善民生要抓住人民最关心最直接最现实的利益问题。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,我们的态度是,对,有的是,他们的生活方式是为了使自己的利益而变得更容易,而不是在他们的身边,而不是在那里,也是为了保护他们的。了了了的的的的的的的的的 EN: China has always played an active and positive role in regional cooperation, which is well recognized by regional countries. ZH_REF: 中国在地区合作中发挥的作用一贯是积极正面的,受到地区国家高度认可。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在“我们”的过程中,我们的反应是,在做的事,也是为了使自己的力量而非凡的,而不是在别人身上,而是在你的身边,对它的影响的的的 EN: According to internationally accepted standards on aging, a country or region where the share of the population aged 60 and above accounts for 10% or those aged 65 and above account for 7%, is an aging society. ZH_REF: 按照国际通行的老龄化标准,60岁以上的人口占总人口比例达到10%或65岁以上人口占总人口比例达到7%的国家或地区,即进入老龄化社会。 -ZH_HYP: 1.. +ZH_HYP: (a)在其他方面,如果有,就会有可能被人用,而不是在他们的身上,而不是在他们的身上,而是用到的,或在哪里,那是对的,是对的,是对的,是最重要的。了了 EN: There are also negatives related to this education method, including placing physically disabled children in a comparatively isolated environment while growing up. This would impair their ability to integrate into society. More importantly, it would affect the formation of a healthy personality for these children. ZH_REF: 但这种教育方式也有其弊端,包括把残疾孩子放在相对隔离的环境中成长,不利于他们融入社会,更会影响他们健全人格的形成。 -ZH_HYP: 1.. +ZH_HYP: (a)对其他的,都是有区别的,而这也是不可能的,因为它们的影响是如此的,而这是对他们的影响,而不是在我们的身上,而是要有更多的东西,更不用说了它的意义了了 EN: National defense mobilization is an important link in converting and transferring combat potential into combat competence. ZH_REF: 国防动员是将战争潜力转化输送为战争实力的重要链条。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),是为了使人的心目中的东西,而不是在他们的面前,把它当作是为了使自己的力量而被人所束缚,而不是为了使人更多的,而不是在别人身上,而是在他的面前 EN: Xi Jinping, in a telephone conversation with Trump on the 16th, briefed the latter on his view of the current situation in the Korean peninsular, and pointed out some of the positive changes that have taken place in the peninsular. ZH_REF: 习近平16日同特朗普通电话时应询介绍了对当前朝鲜半岛局势的看法,指出朝鲜半岛形势出现一些积极变化。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在这方面,我们的态度是,在这里,是为了让自己的事变得更有了,因为他们已经在了,也是为了让别人知道的,那是对的,而不是在那里,你会被人所忽视的 EN: Potential risk of conflict in cross-Strait relations would significantly affect the confidence of enterprises looking to invest in Taiwan. Inadequate investment would result in weaker economic growth, which would in turn lead to less employment opportunities, low wages and a series of other issues related to people’s livelihood. ZH_REF: 两岸关系有冲突的潜在风险,极大地影响企业投资台湾的信心,投资不足就带来经济增长相对乏力,从而造成就业机会少、薪资低等一系列民生问题。 -ZH_HYP: 1.. +ZH_HYP: (a)对所有的人来说,都是不可能的,因为它是在不稳定的,而在其他方面,也是为了使他们的利益而变得更严重,而不是在美国,而是为了给他们带来了更多的好处的的 EN: For days, relevant departments in the counties have provided 2.838 million RMB of bursaries for over 690 college students from poor families. ZH_REF: 连日来,县有关部门还为690余名贫困大学生落实283.8万元就学资助。 -ZH_HYP: 1.. +ZH_HYP: (k)(一),在这方面,我们的工作是为了使自己的处境,而不是为了使他们的处境更加危险,而不是为了给他们带来了更多的东西,而不是在他们的上司机上,而是要在我们的上司中去 EN: A fishing vessel sank in the waters near Hong Kong on the night of the 20th after colliding with a cargo vessel. After nearly a day of search and rescue, seven crew members are still missing. ZH_REF: 一艘渔船20日晚在香港附近海域与一艘货船相撞后沉没,经过近一天搜救,仍有7名船员失踪。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),在这间,我们的船被偷了,在那里,他们都是在了,而不是在那里,他们都是为了保护自己的,而不是在那里,要么是为了得到更多的 EN: UK Prime Minister Theresa May made a pledge to the public on the 11th that the UK government will implement a 25-year plan, and will eradicate avoidable plastic waste pollution by 2042. ZH_REF: 英国首相特雷莎·梅11日向公众承诺,英国政府将实施25年计划,在2042年前消除所有可避免的塑料垃圾污染。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................... EN: Brazil has now attracted the attention of the international oil industry on the back of rich pre-salt oil deposits. ZH_REF: 现如今的巴西,凭借丰富的盐下石油储量引起了国际石油界的关注。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................ EN: Zhang Xiang, who was born in Mainland China, will soon be appointed President of the University of Hong Kong. News of the appointment drew heated debate as soon as it was released. ZH_REF: 出生在内地的张翔即将上任香港大学校长, 任命消息甫一传出,便引起不少热议。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为我们的人在为自己的利益而感到羞耻,他们的心就会被人所迷惑,而你的心也是在了,而你是在他们的时候,还是要和他们之间的关系 EN: Analysts said that aginst the backdrop of rising anti-globalization and protectionism, constructing a comprehensive and high-quality Asia-Pacific Free Trade Zone will inject new impetus into achieving a unified Asia-Pacific regional economy. ZH_REF: 分析人士指出,在逆全球化和贸易保护主义思潮有所抬头的背景下,构建一个全面的、高质量的亚太自贸区将为实现亚太区域经济一体化注入新动力。 -ZH_HYP: 1.. +ZH_HYP: 4.3.在对其他国家的影响下,贸易是一种不稳定的,是对其进行的,也是为了使其免受贸易的影响,而不是为了使其成为可能的,而这是在国际上的,是对其最大的影响 EN: Microsoft will convert all Chinese language supported research models into product-oriented core technology, and develop a predictive Swiftkey Chinese smart keyboard. ZH_REF: 微软将把各种中文支持研究模型转变为产品化的核心技术,并开发一种意图导向的Swiftkey中文智能输入。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................... EN: The western migration of the ancient Yuezhi (or Rouzhi) people to Central Asia is a major event in the history of the Silk Route. For a long time, Chinese and foreign academics have long held various different views about the hometown of the Yuezhi people before the western migration. ZH_REF: 古代月氏西迁中亚是丝绸之路历史上的重大事件,长期以来,对于月氏西迁之前的原居地,中外学术界长期存在几种不同观点。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在我们的地方,他们的生活方式是由他们的,而不是在他们的面前,他们的经历都是由他们所经历的,而不是在国外,而是在中国的一个大的地方,它是什么?的的的 EN: Using CRISPR genome editing technology to treat cancer has been recognized as a revolutionary cancer treatment. ZH_REF: 将CRISPR基因编辑技术用于治疗癌症,被认为是一种革命性的癌症疗法。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),是用不锈的,是用的,是的,是的,是在说谎的,是在说谎的,是在说谎的,是对的,而不是为了达到最高标准的目的 EN: German researchers, experimenting on mice, have found that the immune system, in addition to playing a defensive role, could also assist in the formation of cancer. ZH_REF: 德国研究人员利用小鼠实验发现,免疫系统除可起到防御作用外,还可能助力癌症形成。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,它是在做点,也是为了控制的,而不是在乎,因为它是由你所控制的,而不是在别人身上的,是的,是的,是的。 EN: The foundation of both Alipay and WeChat Pay is the QR Code. The amount of information these tiny black-and-white squares can store is more than 300 times that of a one-digit code. ZH_REF: 支付宝和微信支付的基础都是二维码,这种黑白相间的小方格子能够存储的信息量是一位码的300倍以上。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这也是由“大”的,是在为自己的服务而来的,是的,是的,是的,是的,也是在对的,是的,是的,是的,是的,是的。了了 EN: Avandia, which debuted in 1999, is an “insulin sensitizer”, used for treating Type 2 diabetes. ZH_REF: 1999年面世的文迪雅是一种胰岛素增敏剂,适用于治疗Ⅱ型糖尿病。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: He revealed that prior to 2017, most students studied unmanned aerial vehicles for employment prospects as well as out of interest. ZH_REF: 他透露,2017年以前,大部分学员学习无人机一方面为了就业,一方面为了兴趣。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,他的名字是:“不,是的,是的,是的,是的,是的,是的,是的,是对的,而不是为了给别人的,而不是为了给你带来的,”他说。了 EN: Computer security experts forecast that more cars will be stolen because the number of online networking vehicles is increasing. ZH_REF: 计算机安全专家表示,预计会有更多的车被偷,因为与互联网联网的汽车数目在不断增加。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),是,把它放在一边,把它们的东西弄到了,而不是在,你就会被人的错觉,而不是在那里,是在那里,是的,是的,是的,是的。 EN: The technology sector should never forget that it is our humanity and humility that have made technology a possibility in having a positive impact on human life. ZH_REF: 科技行业永远不应该忘记:是我们的人性和谦卑让技术对人类生活产生积极影响成为可能。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),在不可能的情况下,我们都会有更多的东西,而不是在他们的身上,而是在为自己的力量而努力的,是在说谎的时候,要把它当作是一种最重要的方法,因为它是对我们的 EN: On January 17, 2017, UK Prime Minister Theresa May, in a speech on “Brexit”, highlighted that while trade between the UK and the EU was important, the UK was also interested in trade relations with other markets that are growing rapidly in the world. ZH_REF: 2017年1月17日,英国首相特雷莎·梅就英国“脱欧”问题发表演讲时强调,英国与欧盟之间的贸易固然重要,但是英国也更看重与其他世界上快速增长的市场之间的贸易关系。 -ZH_HYP: 1.. +ZH_HYP: 在美国,英国的一个人是一个不公平的,在那里,他们的生活在一起,而不是在他们的面前,他们的意思是,他们的意思是,在中国,与西方的竞争者相比,它的优势是什么?的了的的的的的的 EN: Recently, a survey of 2008 people conducted by a media entity revealed that more than half of those surveyed have had the experience of being fooled by false information on health care and well being. ZH_REF: 日前,有媒体对2008名受访者进行的一项调查显示,超半数的受访者曾有被医疗养生不实信息忽悠的经历。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,一个人的性格是由衷的,而不是在他们的身边,他们的生活方式是,他们的品德,是为了得到的,而不是在那里,也是为了得到的,而不是在那里,它是由你所做的。 EN: The 25th Asia-Pacific Economic Cooperation (APEC) Economic Leaders' Meeting was held in the central Vietnam city of Da Nang from the 10th to 11th. The progress of the Free Trade Area of the Asia-Pacific (FTAAP) will be one of the highlights of this meeting. ZH_REF: 亚太经合组织(APEC)第二十五次领导人非正式会议将于10日至11日在越南中部城市岘港举行,亚太自贸区(FTAAP)进程是此次会议讨论的热点之一。 -ZH_HYP: 1.. +ZH_HYP: 5.4.在缅甸,经济发展的作用是,在一个方面,是由一个贸易商来的,而不是在经济方面,它是由一个人所做的,而不是在国际上,它是一个巨大的问题。的的了了了了了了。。。 EN: China carrying out peaceful construction activities and laying out the necessary defense facilities on relevant islands and reefs in the South China Sea are matters within the scope of China’s sovereignty. ZH_REF: 中方在有关南海岛礁上开展和平建设活动、部署必要的防卫设施,是中国主权范围内的事。 -ZH_HYP: 1.. +ZH_HYP: 5.4................................................................ EN: This project gave all educators a new way of thinking - not to teach, but to create a new learning environment for students to allow them to be prepared for life in the future. ZH_REF: 该项目赋予了所有教育者一种新的思维——不是去教授,而是去为学生创造一种新型的学习环境,使得学生为未来生活做好准备。 -ZH_HYP: 1.. +ZH_HYP: (4)a:(一),我们的作品,是为了使自己的事业变得更容易,而不是为了让自己的人而去,而不是为了让人感到很舒服,因为他们是在一起,而不是在别人的时候,也是对的,是对我们的 EN: Qin Gang elaborated on the spirit of the 19th CPC National Congress, and positively appraised the results of China-Brazil relations, which have developed comprehensively and rapidly in recent years. He also said that given the current international situation, the further strengthening of cooperation between China and Brazil, both of which are major developing countries and all-round strategic partners, has great significance. ZH_REF: 秦刚向巴方宣介中共十九大精神,积极评价中巴关系近年全面快速发展所取得的成绩,并表示,当前国际形势下,中巴作为发展中大国和全面战略伙伴进一步加强合作具有十分重要的意义。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的特点,即“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,“”“”“”“”“”“”说。。。。。。。。。。 EN: Tokyo Electric Power Company Holdings, Inc, on the night of the 19th, announced the latest investigation results of Unit Reactor 2 of the Fukushima Daiichi nuclear power station. Nuclear residue from the unit’s reactor after the core melted was found for the first time. ZH_REF: 日本东京电力公司19日晚公布了对福岛第一核电站2号机组内部的最新调查结果,首次发现了该机组反应堆堆芯熔化后的核残渣。 -ZH_HYP: 1.. +ZH_HYP: 5.a............................................................... EN: When Associated Press took stock of the 2017 “big winners” in corporate America, Amazon was first on the list. ZH_REF: 美联社在盘点美国公司2017“大赢家”时,第一个列出的就是亚马逊。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Between the 15th and the 19th, 16 invited think tank delegates from 11 countries including Angola, Kenya and South Africa visited China to observe and study the country. ZH_REF: 15日至19日,来自安哥拉、肯尼亚、南非等11个国家的16名智库代表应邀对中国进行考察访问。 -ZH_HYP: 1.. +ZH_HYP: 在这一问题中,有一个人的意思是,他的意思是,他们是在说谎,而不是在他们的时候,就像我的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: As an economic information publisher, Thomson Reuters Foundation siad that China imported 7.3 million tonnes of plastic waste in China, accounting for 56% of the world’s total plastic waste import. ZH_REF: 作为经济信息发布机构,汤森路透基金会说,中国2016年进口730万吨废塑料,占当年全世界废塑料进口额的56%。 -ZH_HYP: 1.. +ZH_HYP: (一)a)(一),这是不可能的,因为它是在我们的产品中,而不是在过去的时候,它是由它的,它是由它的,它的意思是:的的的的的的的的的的的的的的的的 EN: Wang Zhidong, the lawyer representing the family of Zhang Yingying said that the family expressed relief at the decision made by the Attorney General. They thanked him and the local prosecutor for considering and respecting the wishes of the family, and made decisions that were compatible to the wishes of the family. ZH_REF: 章莹颖家人的代理律师王志东表示,家人对司法部长的决定表示欣慰,感谢他和当地检察官考虑并尊重家人的请求,做出了与家人意愿相符的决定。 -ZH_HYP: 1.. +ZH_HYP: 在他的后面,一个人的态度是,他的态度是,我的观点是,他们的态度是,对你的影响,我也要为你的事业做出贡献,而不是在他的身边,就会被人所为的,而不是他的意思 EN: In 2017, e-commerce giant Amazon.com made frequent moves in the world. It not only successfully launched AI terminals but was also involved in the offline sector, opening a new chapter in new retail. ZH_REF: 2017年,电商巨头亚马逊公司在全球动作频频,不仅成功推出人工智能终端,还涉足线下,掀开了新型零售的篇章。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的性格是不可能的,因为它是一种很好的,而不是在他们的中,而在那是一种很好的,他们的生活方式是在国际上,也是为了提高他们的地位,而不是在高处的 EN: Although China is the world’s second largest pharmaceutical market after the US, some of the most effective modern medicines are not listed for sale in the market. ZH_REF: 尽管中国是仅次于美国的世界第二大医药市场,但一些最有效的现代药品却没有上市销售。 -ZH_HYP: 1.. +ZH_HYP: 5.a.................................................................. EN: According to the Forestry Department of Jilin, the 1998 data from a joint monitoring exercise by China, the US and Russia showed that there were only four to six Siberian tigers, and three to five Amur leopards living in the wild in Jilin Province. ZH_REF: 据吉林省林业厅介绍,1998年中美俄等国联合监测的数据显示,吉林省仅有野生东北虎4到6只、东北豹3到5只。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的性格,是,我们的生活,是的,是的,是的,是的,是的,是的,是的,是在那里,也是在我们的,是的,是的,是的。了了 EN: Red meat, dairy, and chocolate could help relieve IBD ZH_REF: 廋肉、奶制品和巧克力是否有助于缓解炎症性肠病 (IBD) ? -ZH_HYP: 1.. +ZH_HYP: (p)(一),(),(),是,也是为了使自己的缘故,而不是在他们的中,把它放在一边,而不是在别人身上,而是要用的,是的,是的,是的,是的,是的,是的。 EN: Red meat and chocolate may sound like a nightmare for your digestive system. ZH_REF: 廋肉和巧克力可能听起来像是你消化系统的梦魇。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】(b)【句意】我的意思是,你的意思是,它是在,它是用的,因为它是用的,而不是在上司的,是对的,而不是什么,都是 EN: But a new study claims quite the opposite: a diet rich in meat-based protein and dairy treats could help relieve symptoms of sufferers of inflammatory bowel disease. ZH_REF: 但是一项新的研究结果显示恰恰相反:富含肉类蛋白和乳制品的饮食可以帮助缓解炎症性肠病患者的相关症状。 -ZH_HYP: 1.. +ZH_HYP: 但是,在一个大的场合,这是个不公平的,因为他们是在说谎,而不是为了让自己的利益而被人的,是在说谎的,是对我们的,是对的,而不是在乎你的事了。了了了了了了了了 EN: The incurable condition, which affects around 1.3 million in the US and 300,000 in the UK, causes stomach cramps and bloating, recurring or bloody diarrhea, weight loss and extreme tiredness. ZH_REF: 该种不治之症为约 130 万名美国人和约30万英国人带来生活影响,导致胃痉挛和腹胀、经常性或出血性腹泻、体重减轻和极度疲倦等。 -ZH_HYP: 1.. +ZH_HYP: (c)(一),在任何情况下,都是为了使其免受货币,而不是在我们的身上,造成了更多的损失,而且是在造成的,而且是对其进行的,是对的,是对我们的影响的的的的的的的的的的的的的的 EN: While sufferers are usually advised to dodge meat and dairy to soothe their symptoms, researchers at Washington University found protein's essential amino acid tryptophan helps develop immune cells that foster a tolerant gut. ZH_REF: 华盛顿大学的研究人员通常会建议患者避免进食肉类和奶制品以缓解症状,但研究人员发现蛋白质的关键氨基酸-色氨酸有助于促进免疫细胞生长,而这些细胞可增进肠道的耐受力。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),是,也是为了使他们的缘故,而不是为了使他们变得更容易,而且也是为了在他们的工作中找到了,而不是在他们的时候,才会有可能的,是的,是的,是的。 EN: Lead investigator Dr Marco Colonna explained immune cells patrol the gut to ensure that harmful microbes hidden in the food don't sneak into the body. ZH_REF: 首席研究员马尔科?科隆纳 (Marco Colonna) 博士解释说,免疫细胞会在肠道中进行巡逻,确保隐藏在食物中的有害微生物不会悄悄进入体内。 -ZH_HYP: 1.. +ZH_HYP: (a)【句意】(b),这是个谜语,因为它是在说谎的,而不是在他们的身边,它是由谁来的,而不是在说谎的,是对的,而不是对我们的反应了( EN: Cells that are capable of triggering inflammation are balanced by cells that promote tolerance, protecting the body without damaging sensitive tissues. ZH_REF: 引发炎症的细胞与增进耐受性的细胞之间保持均衡,保护身体而不损伤各类敏感脆弱的组织。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(如:),我们的手表是用的,可被用的,是用的,是用的,是在用的,是在说谎的,是对的,而不是在哪里?的的的的的的的的的的的 EN: When the balance tilts too far toward inflammation, inflammatory bowel disease can result. ZH_REF: 当均衡状态过于偏向炎症时,就可能会发生炎症性肠病。 -ZH_HYP: 1.. +ZH_HYP: (4)()(一),(),我们的东西是在不喜欢的,因为它是在用的,它的意思是,它是由它来的,而不是在上方,它的意思是什么?的了了了了了了了了了 EN: In experiments it was found a kind of tolerance-promoting immune cell appears in mice that carry a specific bacterium in their guts. ZH_REF: 在实验中发现一种促进免疫力的细胞出现在携带特殊细菌的小白鼠中。 -ZH_HYP: 1.. +ZH_HYP: 5.a.................................................................. EN: And the bacterium needs tryptophan - one of the building blocks of proteins - to trigger the cells' appearance. ZH_REF: 细菌需要色氨酸(蛋白质的构成部分之一)来形成细胞的外观。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,我们的生活方式是,他们的意思是,它是由你所控制的,而不是在那里,还是要用的,让我来的。的的的的的 EN: Professor Colonna said: 'We established a link between one bacterial species - Lactobacillus reuteri - that is a normal part of the gut microbiome, and the development of a population of cells that promote tolerance. ZH_REF: 科隆纳教授说:“我们在一种细菌种群 (罗伊氏乳杆菌,这是肠道微生物群的正常部分) 和可促进耐受力的细胞种群发展之间建立了联系。 -ZH_HYP: 1.. +ZH_HYP: (美)(一),我们的意思是,我们的人是在做的,是的,是的,是的,是的,是的,是的,是的,也是为了给你的,而不是在中,也是为了保护自己的 EN: The more tryptophan the mice had in their diet, the more of these immune cells they had.' ZH_REF: 小白鼠在饮食中摄入的色氨酸越多,它们的免疫细胞就越多。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(我的意思是,在我们的生活中,我们都是为了逃避的,而不是在他们的时候,就会被人所为,而不是为你所需要的),了的的的的的的的的的的的 EN: He suggested if the same works in humans, a combination of L. reuteri and a tryptophan-rich diet may foster a more tolerant, less inflammatory gut environment. ZH_REF: 他建议,如果人类使用相同的方法,即路氏乳酸杆菌和富含色氨酸的饮食相结合可能会形成一个更具耐受力,更少发炎性的肠道环境。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,你是为了让自己的人,而不是为了更多的,而不是在他们的时候,才会有更多的东西,而不是在你的身上,那是对的,是的。 EN: Postdoctoral researcher Dr Luisa Cervantes-Barraganwas studying a kind of immune cell that promotes tolerance when she discovered that one group of study mice had such cells but another group of the same strain but housed separately did not. ZH_REF: 博士后研究员路易莎?塞万提斯?巴拉甘 (Luisa Cervantes-Barraganwas) 研究了一种可增进耐受力的免疫细胞,当她发现一组研究小鼠有这样的细胞,但是另一组同样的菌株分开饲养时没有。 -ZH_HYP: 1.. +ZH_HYP: (c)【句意】(a)【句意】我们的意思是,在这方面,我们的工作是很有价值的,但也是对自己的性感,而不是在另一个人的时候,那是对的,也是对的,的 EN: She suspected the difference had to do with the mice's gut microbiomes - the community of bacteria, viruses and fungi that normally live within the gastrointestinal tract. ZH_REF: 她怀疑这种差异与小白鼠的肠道微生物 (指通常生活在胃肠道内的细菌,病毒和真菌) 群落有关。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: The guts of the mice were DNA sequenced and it was found six bacterial species present in the mice with the immune cells but absent from the mice without them. ZH_REF: 对小白鼠的胆固醇进行 DNA 测序,发现有 6 种细菌种群存在于具有免疫细胞的小鼠体内,但没有免疫细胞的小白鼠体内则没有。 -ZH_HYP: 1.. +ZH_HYP: (a)【句意】(b),这是在我们的,是,它是由自己的,而不是在他们的中,是在说谎的,而不是在别人身上,而是在你的身上,也是对的,是的,是的。 EN: Mice reared in a sterile environment so they lacked a gut microbiome and do not develop this kind of immune cell were given L. reuteri and the immune cells arose. ZH_REF: 小白鼠在无菌环境中饲养,因此它们缺乏肠道微生物,并且不能出现这种免疫细胞,存在路氏乳杆菌则产生免疫细胞。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),也是不可能的,因为它是在用的,而不是在他们的中,是在说谎的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: To understand how the bacteria affected the immune system, the researchers grew L. reuteri in liquid and then transferred small amounts of the liquid - without bacteria - to immature immune cells isolated from mice. ZH_REF: 为了理解细菌如何影响免疫系统,研究人员在液体中培养路氏乳杆菌,然后将无细菌的少量液体转移到从小白鼠分离出的未成熟免疫细胞中。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在被发现的情况下,我们的心都是由它来的,是在他们的,是在那里,是为了使自己的力量而非凡的,而不是在那里,也是为了保护自己的的的的的的的的的的的的的的 EN: The immune cells developed into the tolerance-promoting cells. ZH_REF: 该免疫细胞发育成为具有耐受力的细胞。 -ZH_HYP: 1.. +ZH_HYP: (a)(一),(),(),(),(),我们的东西,是的,是的,是的,是的,是的,是的,是的,是的,是对的,而不是对你的看法 EN: When the active component was purified from the liquid, it turned out to be a byproduct of tryptophan metabolism known as indole-3-lactic acid. ZH_REF: 当从液体中纯化出活性成分时,可以证明该活性成分是色氨酸代谢的副产物,称为吲哚-3-乳酸。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在“不”的情况下,我们将把它们从表面上掉下来,而不是在(中),也是为了让人感到羞耻的,因为它是一种很好的方法,它是用了你的意思了了 EN: When the researchers doubled the amount of tryptophan in the mice's feed, the number of such cells rose by about 50 percent but when tryptophan levels were halved, the number of cells dropped by half. ZH_REF: 当研究人员将小白鼠饲料中的色氨酸数量翻倍后,这类细胞的数量增加了大约 50%,但当色氨酸水平减半时,细胞数量减少了一半。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),在做作的时候,都是由它来的,而不是在他们的中,而不是在,它的意思是:(),它的意思是,它的意思是:(5)的的的 EN: Dr Cervantes-Barragan explained people have the same tolerance-promoting cells as mice, and most of us shelter L. reuteri in our gastrointestinal tracts. ZH_REF: 塞万提斯?巴拉甘 (Cervantes-Barragan) 博士解释说,人们和老鼠一样,具有相同的增进耐受力的细胞,我们大多数人在我们的胃肠道中存在着路氏乳杆菌。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),我们的人,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。了了了 EN: It is not known whether tryptophan byproducts from L. reuteri induce the cells to develop in people as they do in mice, but defects in genes related to tryptophan have been found in people with inflammatory bowel disease. ZH_REF: 人类是否可以像实验中的小白鼠一样将体内来自路氏乳杆菌的色氨酸副产物诱导细胞发育,目前尚未可知,但在炎症性肠病患者中发现与色氨酸有关的基因缺陷。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在做作的时候,我们都会被人的注意,而不是在他们身上,而是在你的身上,在那里,是为了使人的心智而变得更严重,而不是在别人身上的,是的,是的。 EN: She said: 'The development of these cells is probably something we want to encourage since these cells control inflammation on the inner surface of the intestines. ZH_REF: 她说:“这些细胞的发育可能正是我们想要得到的结果,因为这些细胞可以控制肠道内表面的炎症反应。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,你的意思是,它是在为你的,而不是为了给别人带来的,也是在我们的时候,它是在对的,而不是对你的一切 EN: Potentially, high levels of tryptophan in the presence of L. reuteri may induce expansion of this population.' ZH_REF: 可以不确切地说,在路氏乳杆菌中存在的高水平色氨酸可能会导致该菌种数量的增加。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),(),是用的,是用的,是的,是在说谎的,因为它是用的,而不是在上方,而是要在别人的上方.(((的的的的的的的的的 EN: Jose Mourinho thinks Manchester United have signed a 'genius' in Nemanja Matic ZH_REF: 何塞·穆里尼奥认为曼联签下了“天才”内马尼亚·马蒂奇 -ZH_HYP: 1.. +ZH_HYP: (一)()(),这是不可能的,因为他们的东西是在用的,而不是在他们的中,是在说谎的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: Manchester United have signed a "genius" in Nemanja Matic, believes Jose Mourinho, after the midfielder made his debut against Sampdoria on Wednesday evening. ZH_REF: 周三晚,内马尼亚·马蒂奇在桑普多利亚对抗赛首次亮相后,穆里尼奥认定曼联签下了一位“天才”中场球员。 -ZH_HYP: 1.. +ZH_HYP: (美英对照),“我们的”是,从句中,我们可以用它来形容那些东西,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: The £40m signing from Chelsea started the 2-1 win in Dublin, United's final preseason game before the Uefa Super Cup against Real Madrid on Tuesday, and impressed in the holding role as the likes of Paul Pogba and Andreas Pereira marauded forward at will. ZH_REF: 马蒂奇来自切尔西,签约金高达 4000 万英镑,周二在都柏林对阵皇家马德里的欧洲超级杯之前的联赛最后一场季前赛中开打 2-1,赢得了保罗·博格巴和安德烈亚斯·佩雷拉的青睐。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的名字是,在那里,他们是在一起,是为了赢得比赛,而不是在比赛中,他们是在比赛中,而在他的中途中,我是个好人,也是个好人,他是个好人的的的的的的 EN: However, having been left out of the Blues' preseason tour of Asia, Matic was severely lacking match fitness and only managed 45 minutes, something Mourinho admitted needed to be improved before the start of the Premier League season. ZH_REF: 然而,在布鲁斯季前赛亚洲巡回赛中,马蒂奇比赛状态严重不足,只完成了 45 分钟的时间,穆里尼奥承认在英超赛季开始前需要改进。 -ZH_HYP: 1.. +ZH_HYP: 然而,在这一时期,我们的态度是,在做了一些事,他们的心都是为了得到的,而不是在过去,而是为了得到的,而不是在那里,才会有更多的东西,而不是在(s)的情况下,你会被人 EN: "He needs time but his experience, intelligence, a genius in the way he thinks - he thinks football," Mourinho said. ZH_REF: “他需要时间,但他有经验、智慧以及天才的思考方式——他思考足球,”穆里尼奥说。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: "We will help him to be ready sooner rather than later." ZH_REF: “我们会尽快帮助他做好准备。” -ZH_HYP: 1.. +ZH_HYP: (美国)(这篇)是一种不稳定的,因为它是在用的,它的意思是,它的意思是:“我们的东西,都是在去的,而不是为了给别人带来的,”他说,“你的意思是什么?了了了了??????????? EN: As well as Matic, fellow new signings Victor Lindelof and Romelu Lukaku also started the game at the Aviva Stadium as Mourinho started to shape his starting XI for the start of the season. ZH_REF: 穆里尼奥在本赛季开始时开始安排他的首发阵容。与马蒂奇一样,新签约球员维克多·林德洛夫和罗梅卢·卢卡库也开始了在英杰华体育场的比赛。 -ZH_HYP: 1.. +ZH_HYP: (美)(4)............................................................. EN: The Independent revealed this week that Mourinho still wanted another three signings but he insisted that the club had already done a "fantastic job" of delivering three of his four priority signings. ZH_REF: 独立报本周报道,穆里尼奥仍然希望再引进三位签约球员,但他坚持认为俱乐部“工作出色”,他心中有四位首选签约球员,俱乐部已经引进了其中三位。 -ZH_HYP: 1.. +ZH_HYP: 5.a.................................................................. EN: "To get three out of four I thank the club for that," he added. ZH_REF: “俱乐部引进了其中三位签约球员,我十分感谢。”他补充说道。 -ZH_HYP: 1.. +ZH_HYP: [译文]“是的,但我的意思是,我们需要的是,”他说,“我也是为了他们的,”他的意思,“你的意思是,”“我的意思是,”“你的意思是,”“”了了 EN: "I will be happier if they get me four of four but they did a great effort for me." ZH_REF: “如果俱乐部能够引进全部四位球员,我会更开心,但他们已经为我做出了很大的努力。” -ZH_HYP: 1.. +ZH_HYP: “我的意思是,”“不,”“是的,”“因为,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。。 EN: The global spree of frigates building If China does not build this type of warships, will it fall behind? ZH_REF: 全球在掀护卫舰高潮 中国如果不建这型军舰是否会落后? -ZH_HYP: 1.. +ZH_HYP: (4)a:(一),我们的外套,是为了使自己的心,而不是在他们的身边,在那里,是为了使他们的力量而非凡的,而不是在别人的中途中,因为它是由你所控制的,而不是 EN: With the recent announcement of the construction of new types of frigates by major naval powers in the world, it seems that frigates have become the focus of attention of the major naval powers overnight. First, Japan has decided to purchase two new frigates in the 2018 annual defense budget, finally making a substantial breakthrough for its DEX frigates program. Later, Lockheed Martin of USA recently published the latest arrangement for the United States FFG frigates program. How about China's plan for building new type of frigates? ZH_REF: 随着近期世界各大海军强国先后公布了新型护卫舰的建造计划,仿佛一夜之间护卫舰有成了各大强国海军关注的焦点,先是日本在2018年度防卫预算中确定采购两艘新型护卫舰,使得日本DEX护卫舰计划终于有了实质性的突破,后是美国洛克希德马丁于近期公布了美国FFG护卫舰计划的最新方案,那么中国的新型护卫舰该何去何从呢? -ZH_HYP: 1.. +ZH_HYP: 在这个问题上,美国的“大”的“”,是“从某种意义上”的,它的意思是“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。。。 EN: And the reason why it is necessary to build so many 054A frigates is simple, that is, it is affordable, easy to operate, and doing so can make up for the deficiency of Chinese Navel that has beset the Naval for many years. ZH_REF: 而为何要建造这么多054A的原因也很简单,那就是实惠、好用、外加补充多年来的海军欠账。 -ZH_HYP: 1.. +ZH_HYP: 如果是这样的,就会有一个,是,我们的目的是为了使自己摆脱困境,而不是在我们的面前,为自己的力量提供了一个机会,而不是在我们的面前,那就是要把它的责任推到了的的的的的 EN: However, it is a warship designed at the beginning of the 21st century after all. Armaments aside, its propulsion system and electronic radar system lag significantly behind the current mainstream frigates in the world. Considering that similar frigates in Europe have been equipped with full electric propulsion, small multi-function phased array radars and large helicopter decks, it is time to develop new models. ZH_REF: 但是这毕竟是一型21世纪初设计的舰艇,武器配置放在一边,其动力系统和电子雷达设备与目前世界主流护卫舰相比已经存在很大差距,像欧洲的同类型护卫舰已经配备全电力推进、小型多功能相控阵雷达、大尺寸直升机甲板的情况下,也到了发展新型号的时候了。 -ZH_HYP: 1.. +ZH_HYP: 然而,在这一时期,我们的命运是由它的,而不是在它们的,是在地球上的,它的发展,而不是在它的时候,它的意思是:“在地球上,它的速度和速度,都是一样的.”””””””””””””””” EN: Then how should China develop its new frigates? This has a direct bearing on its future orientation and the strategic direction of Chinese navy. ZH_REF: 那么说中国的新型护卫舰应该如何发展,这与其将来的定位和我们中国海军的战略方针有着直接关系。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,我们的生活方式是,他们的意思是,它是由我所做的,而不是在那里,还是要用的,来的,因为它是对的,而不是最需要的。 EN: The future development of the Chinese Navy will inevitably aim at becoming the blue water navy, roaming in the vastness of the oceans. It should be able to deploy rapidly in areas that are closely related to China’s vital interests and demonstrate the presence of force. If necessary, it will use powerful combat capabilities to ensure that China’s vital interests in the region are not compromised. So, it seems that the new models of frigates will surely be huge ships that can roam the blue water. ZH_REF: 中国海军未来的发展必将是彻底成为蓝水海军的,而未来也必将是走向大洋,具备在于中国切身利益息息相关的地区进行快速部署,展示武力存在,必要时能够拥有强大的战斗力来保证中国在该地区的切身利益不被损坏,那么如此看来新型胡伟江必将朝着大型化、远洋化发展。 -ZH_HYP: 1.. +ZH_HYP: 在美国的一个大的地方,它的发展将是一个巨大的压力,而这是在我们的时候,它的作用是,它的力量是不可能的,它的力量是在地球上的,而这是对它的最大的威胁。是 EN: Let's look at the positioning of the new frigates in the future rank and file of Chinese Navy. The future Chinese Navy should be similar to the US Navy. In addition to the necessary offshore defense ships, the other main ships will form an aircraft carrier battle group or amphibious attack group as the situation requires. ZH_REF: 再看看新型护卫舰在未来中国海军序列里的定位问题,未来的中国海军应该会和美国海军类似,除去必备的近海防御舰艇以外,其他主力舰艇将会根据情况需要组成航母战斗群或者两栖攻击舰打击群。 -ZH_HYP: 1.. +ZH_HYP: (美):“我们的”是,但这是对我们的,是为了使自己的力量而被人所控制的,而不是太危险,也是在他们的时候,要把它的方向搞砸了。的的了了了了了了了了了了 EN: The new frigates in the future aircraft carrier battle group should play the primary role in anti-submarine and short-range air defense operations. In the amphibious attack group, they should provide protection to ships. According to these requirements, the new frigates must have strong anti-submarine capability and good mid-range air defense capability. ZH_REF: 而新型护卫舰的角色在未来航母战斗群里应该会充当反潜主力和中近区域放空的定位,在两栖攻击舰打击群里应该会充当护卫舰艇类,那么根据这样的需求就要求新型护卫舰必须具备强大的反潜能力和不错的中程区域放空能力。 -ZH_HYP: 1.. +ZH_HYP: (一)在这一过程中,我们的作用是,在它们的时候,可以用它们的方式来进行,而不是在(如:),使其成为可能的,而不是在高处,而且是要防止的,也是为了保护我们的。 EN: Based on the above positioning, we can boldly imagine the rough appearance of the new frigates in the future. ZH_REF: 基于上述的定位,可以大胆的设想出未来国产护卫舰的大概模样。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: Thus, the overall level of the new frigates will edge into the world's top bracket, even comparable to the FFG frigates of the USA. ZH_REF: 这样一来新型护卫舰的总体水平将会达到目前世界上的一流水准,即使是同美国的FFG相比也不逞多让。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,我们的生活方式是,在他们的工作中,不受影响,而不是在为你的,而不是在那里,而是要用的,也是最重要的 EN: Of course, these are only the author's conjecture on domestically produced new frigates. Only when the new frigates are launched into the water can we know the truth. Let's anticipate the day. ZH_REF: 当然上述的概念只是笔者对于国产新型护卫舰的猜想,具体如何我们只能等到新型护卫舰下水的时候才能一探究竟,让我们共同期待吧。 -ZH_HYP: 1.. +ZH_HYP: (a)【句意】(我们)的意思是,我们的人在做点,是为了使自己的事变得更容易了,因为他们的事也是在说谎的,而不是为了给别人带来的,而不是在我们的身边。了了了了了了了了了了 EN: (Makalov) ZH_REF: (马卡洛夫) -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,你的意思是,他们的意思是,它是在我的,是在为你的,而不是为了给别人带来的,而不是太多的,因为它是对的,我们的意思是什么? EN: (Compiled by / Feng Xue) ZH_REF: (编译/冯雪) -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),(),是,也是为了把它的东西推向,而不是在他们的上,把它给了,是的,是的,是的,是的,是的,是的,是的,是的。了了了 EN: In recent years, our city has encouraged enterprises to actively participate in the construction of national or industry standards as well as regional group standards. An award of RMB300,000 will be given to enterprises that are principals or that participate in formulating standards for the Made in Zhejiang team, and RMB500,000 awarded to enterprises that have passed the Made in Zhejiang brand certification. This is the most generous award given out in the Province, and has incentivized enterprises to benchmark themselves against the standards. ZH_REF: 近年来,我市鼓励企业积极参与国家、行业标准和区域团体标准的建设,对为主或者参与制定浙江制造团体标准的企业给予30万元奖励,对通过浙江制造品牌认证的企业奖励50万元,是全省该项奖励的最高额度,激发了企业参与对标的热情。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,我们的事业是由“大”的,而不是在市场上的,是由企业的,而不是在市场上,也是如此,而这也是他们的高端,也是为了达到公司的目的而要达到的标准。的。 EN: Recently, at the production workshop of Wonly Group, Gao Jian, head of the Group’s companies, and its staff were working together to pack and send a burglar-proof door to Shaoxing Quality Inspection Center as a sample for the Made in Zhejiang team’s benchmarking and standard achievement work. ZH_REF: 日前,王力集团生产车间,该集团体系负责人高健与员工一起正将一樘防盗安全门封箱打包,作为参与浙江制造团体标准对标达标工作样品,准备送往绍兴质量检测中心。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的名字,是用了,他们的名字是,他们的服务,是用的,他们的是,他们的工作是用的,也是在用功的,而不是用的,是用的,是的,是的。 EN: Just a couple of days ago, Wonly had passed the on-site inspection of the “Made in Zhejiang” certification expert team. ZH_REF: 就在前两天,王力已通过了“浙江制造”认证专家组的现场审核。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为它是在用的,是用的,是的,是的,是的,是在说谎的,是为了给他们带来的,而不是在那里,要去掉它的 EN: Gao Jian said that the professional team made up of industry technical experts and the quality certification organization commended the Group’s performance in terms of quality excellence, proprietary innovation and other core aspects, and unanimously believed that the Group had achieved the standards in all respects. If Wonly’s product were to pass the subsequent inspection, it will become one of the first enterprises to have achieved and passed these standards. ZH_REF: 高健表示,由行业技术专家和质量认证组织组成的专业团队对该集团在品质卓越、自主创新等核心方面的成绩表示赞誉,一致认为完全合标,接下来只要产品通过检验,王力将成为首批通过该标准的企业之一。 -ZH_HYP: 1.. +ZH_HYP: 4.5.1.1.2.2.3.1.这条规定了技术的好处,而不是在贸易方面的,而是在质量上的,而其价值则是,它的质量和效率,是要达到的,也是很有价值的。 EN: Wonly Group is but an epitome of standards driving industry toward structural transformation. ZH_REF: 王力集团只是标准撬动产业转型升级的一个缩影。 -ZH_HYP: 1.. +ZH_HYP: (4)()(一),我们的作品是用的,而不是在,是在说谎的,是在说谎的,是为了使自己的力量而变得更多的,而不是在我们的时候,还是要把它的意思和(或)的 EN: Buyang Group and Qunsheng Group are also enterprises in the city that are carrying out the Made in Zhejiang team’s benchmarking and and standard achievement work. ZH_REF: 我市与其同步开展浙江制造团体标准对标和达标工作的还有步阳、群升集团。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,在我的意思上,我们都是在一起,也是为了得到的,而不是为了给别人带来的,也是为了给他们带来的,而不是在乎的的的 EN: Since our City formulated the Made in Zhejiang standards for the burglar-proof doors industry last year, Xinyue, Simto and other enterprises have also actively applied to undergo benchmarking. ZH_REF: 自去年由我市防盗安全门行业制定的浙江制造团队标准制定以来,星月、新多等企业也在积极申请对接对标工作。 -ZH_HYP: 1.. +ZH_HYP: (美国)(4).............................................................. EN: In recent years, a flood of capital has flowed into the film and TV market, and the profile and remuneration of actors have risen rapidly. Producer He Jing once revealed that two actors of a certain hit drama which was being filmed were earning salaries of close to RMB100 million. In the end, they only acted for two days; their doubles took care of the rest of the film. ZH_REF: 近些年大量资本涌入影视市场,明星演员的知名度与片酬水涨船高。制片人何静曾爆料称,某部热拍剧中的两位演员拿着近亿元的片酬,最后竟然只一起搭了两天的戏,其他戏份基本全由替身代劳。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的生活方式是由一个人的,而不是在他们的身上,他们的生活就像,在那是个大的,而不是在那里,他们的表现就会在那一刻,而不是在高处,而是要花了 EN: In the present situation where actors taking on roles in several dramas simultaneously is popular, lead actors and actresses would be at different sets at the same time. This has meant that they would not be able to appear at the same set at the same time. As such, film crews have been forced to use doubles to ensure the film schedule. ZH_REF: 在演员四处串戏成风的当下,同一时间女男主演在不同剧组,造成同一时间不能同时出现在片场,剧组被迫用替身来保证周期。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的人都是这样的,而不是在他们的身边,他们都是为了得到的,而不是在他们的身边,那是在说谎的,而不是在那里,他们会有更多的东西,而不是在那里 EN: It is learned that Morris will head for hospital to accept acupunture therapy after arriving at Beijing from Chengdu, so as to prevent the injury from continuous deterioration. ZH_REF: 据了解,在从成都客场回到北京后,莫里斯继续前往医院进行了针灸治疗,以保证伤情不会继续恶化。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................ EN: In a statement released earlier this week, Samsung stated that 93% of the Note 7 smartphones in the US have been recalled. ZH_REF: 三星在本周早些时候发布的一份声明中说,在美国市场,93%的已售Note7智能手机已被召回。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),这是指的是,是用不对的,而不是在说谎,而是用在他们的脚趾中,用的,是的,是的,是的,是的,是的,是的,是的。 EN: Finally, Li Yanhong also said that China does not lack good stories, but does not have “IPs with ecological effect that can transcend cultures” like Harry Porter, and this “ecological thinking” is precisely an area we should learn from Hollywood. ZH_REF: 最后,李彦宏还称,中国不缺好故事,但没有像哈利波特那样“能跨越文化,具备生态效应的IP”,而这种“生态思维”正是我们该向好莱坞学习的地方。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的错误,是,不可能是为了使他们变得更有价值,而不是在说谎,而是在我们的面前,为自己的利益而去,而不是在那里,它是个好人,我也是这样的了了的 EN: China's household debt ratio is close to the United States. Is being unable to repay loan more frightening than being unable to afford a home? ZH_REF: 中国家庭债务率接近美国 比买不起房更可怕的是还不起债? -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,你的意思是,它是在为自己的,而不是为了给别人带来的,也是在我们的时候,它是不可能的,因为它是对的,而不是什么? EN: Recently, everyone has been talking about the recent changes in real estate policies. Is it true that real estate policies have been loosened? Is the diversification of land supply going to bring down the housing prices? ZH_REF: 最近一段时间,大家都在讨论房地产政策最近有什么变化,是不是房地产政策又要松绑了?土地政策供给主体多元化,会不会让房价出现下降呢? -ZH_HYP: 1.. +ZH_HYP: (a)【句意】(a)【句意】我们的意思是,他们的意思是,在我的生活中,我们都是为了得到的,而不是为了得到更多的钱,而不是在哪里?的的的的的的的的的的的的的的的的的的的的 EN: However, just when we were worried about real estate prices, macroeconomic controls and the future trend of the real estate market, the People's Daily published an important commentary once again. Last time we discussed how People’s Daily had set the tone for the regulation of real estate market through a commentary. This time, the commentary of People's Daily deals with a topic that is more serious than the affordability of housing: can you repay the loan even if you can afford the down payment of a mortgage? ZH_REF: 但是,在我们担心房地产价格,担心宏观经济调控,担心房地产市场未来走势的时候,《人民日报》再次撰文了,上次我们专门论述了《人民日报》评论对于房地产调控的定调,而现在《人民日报》撰文论述的却是一个比买不买得起房更为严重的话题,这就是即使你买得起房,还得起债吗? -ZH_HYP: 1.. +ZH_HYP: 但是,我们的生活方式是,对我们的影响,是对我们的影响,而不是在市场上,他们的财富就会变得越来越大,而且也是在说谎的时候,你就会有多大的钱,而不是在说什么?的了了了??? EN: Today, let's discuss the question more serious than buying a house: repay the loan. ZH_REF: 今天,我们就来聊聊比买房更为严峻的问题:还贷。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: I. China's growing housing debt crisis ZH_REF: 一、中国日益严重的房债危机 -ZH_HYP: 1.. +ZH_HYP: (一)(一)不一,又有可能被人用,而被人所为,而不是在他们的身上,也是为了使他们的力量而变得更高,因为他们的人是在一起,而不是在(或)上,对我们来说是最重要的 EN: The residents sector accounts for an increasing share of the total debt in the real economy, and the leverage ratio has risen rapidly. ZH_REF: 居民部门在全部实体经济中的债务占比加大,杠杆率上升速度较快。 -ZH_HYP: 1.. +ZH_HYP: (a)(一)不适当的东西,是为了使其成为贸易,而不是为了使其成为贸易,而不是为了使其成为现实,而是要使其成为一个大的,而不是在其他方面,而不是()的的的的的的的的的的的的的的的的的的的 EN: Relevant studies have shown that Chinese households' debts in financial institutions are dominated by consumer loans, which account for about two-thirds of residents' debts, which is about twice that of business loans. ZH_REF: 有关研究表明,中国家庭在金融机构的负债以消费性贷款为主,约占居民负债的2/3,大约是经营性贷款的2倍。 -ZH_HYP: 1.. +ZH_HYP: (四)为人提供的服务,是不可能的,因为他们的钱财在一起,而不是在他们的身上,而是为了得到的,而不是在他们的身上,也是为了给别人带来的,是的,是的,是的,是的。 EN: Among the consumer loans, medium- and long-term loans dominated by housing loans accounted for about 80%, but short-term consumer loans grow faster than medium- and long-term loans. ZH_REF: 其中,在消费性贷款中,以住房贷款为主的中长期贷款占八成左右,但从增量看,短期消费贷款增长速度较快,高于中长期贷款。 -ZH_HYP: 1.. +ZH_HYP: (一)在这一过程中,有的是,有的是,有的是,他们的钱,是为了得到的,而不是在他们的上,也是为了给他们带来的,而不是在我们的上司,而是要在那里的一切 EN: Moreover, the household debt ratio figure obtained in the study is only reflects the total amount of credit that the household sector obtains from financial institutions. In fact, many Chinese households borrow money from private sources including relatives and friends, creating a large amount invisible loans. ZH_REF: 除此之外,中国家庭债务率只是统计了家庭部门从金融机构获取的信贷总额,而中国家庭还有不少包括向亲戚朋友借钱在内的民间借贷,存在大规模隐性债务。 -ZH_HYP: 1.. +ZH_HYP: 此外,在一个人的情况下,我们的工作是,他们的收入也是如此,而不是在美国,他们是在为他们提供的服务的基础上,而不是在那里,也是为了给别人带来的,而不是太多了。了了了了了了了了了 EN: Seeing such data, one cannot help but be stupefied. According to the statistical data of Suning Financial Research Institute, the leverage ratio of Chinese households was only 3% in 1996 and 18% in 2008. But this figure doubled in just six years since the trend of rapid growth of leverage ratio set in, reaching 36.4%. By the third quarter of 2017, the leverage ratio of households has reached 48.6%. ZH_REF: 看到这样的数据,让人不禁有些瞠目结舌,根据苏宁金融研究院的统计数据显示,1996年中国居民杠杆率只有3%,2008年也仅为18%,但是自2008年以来居民杠杆率开始呈现迅速增长态势,短短六年间翻了一倍,达到36.4%。到了2017年三季度居民杠杆率已经高达48.6%。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,有的是,有的是,有的是,有的是,有的是,美国的经济增长,而不是30%,而在1.6%的水平上,美国的失业率高达3.4%,而在美国的增长速度超过了50%。 EN: Let's make another comparison. In May last year, HSBC issued an investigation report involving 10,000 respondents in 9 countries. ZH_REF: 我们再对比一个数据,去年五月份,汇丰银行发布了一项横跨9国、受访者接近上万人的调查报告。 -ZH_HYP: 1.. +ZH_HYP: (美英对照),我们的目的是,要把它放在一边,把它放在一边,把它放在一边,把它的东西放到一边,就会被人的错觉,而不是在那里,也是在说谎的,是的,是的。 EN: The investigation was targeted at young people in the millennial generation (born between 1980 and 2000) in nine countries. ZH_REF: 这项报告的访问对象为9个国家的“千禧一代”年轻人(出生在1980年至2000年间)。 -ZH_HYP: 1.. +ZH_HYP: (4)(一)在不可能的情况下,我们的人是在做的,是为了使他们的心智而变得更坏,而不是在他们的身上,也是在(e)的,是在100年的时候,我们都是不可能的的的 EN: The report pointed out that China's young people who were born in 1980s and 1990s have a home ownership rate of 70%, far ahead of Mexico at the second place (46%), and twice the US level (35%). ZH_REF: 报告指出,中国的80、90后年轻人住房拥有率高达70%,遥遥领先第二名墨西哥(46%),也是美国该项指标(35%)的2倍水平。 -ZH_HYP: 1.. +ZH_HYP: 40.在任何情况下,都是由人所产生的,而不是在他们的家庭中,而不是在1903年,而在其他情况下,这是在(e)的,而在我们的情况下,他的表现是很有价值的 EN: These figures reveals that compared to the problem of being unable to afford homes, the biggest risk of 'Grey Rhinoceros' for Chinese residents at present is likely to be being unable to repay debt. ZH_REF: 这些数据告诉我们一个极有可能出现的问题,那就是相比于买不起房而言,中国居民现阶段最大的潜在“灰犀牛”估计会是还不起债了。 -ZH_HYP: 1.. +ZH_HYP: 4.3.在不可能的情况下,我们的处境是,为自己的目的而努力,而不是在他们的面前,为自己的利益而牺牲,而不是在那里,也是为了保护自己的利益而被人所处死的,这是对我们的看法。了 EN: 2. Why is the housing debt crisis the most serious problem? ZH_REF: 二、房债危机为什么才是最为严重的问题? -ZH_HYP: 1.. +ZH_HYP: (4)a:(一),在不做任何事的时候,我们都会有自己的东西,而不是为了自己的利益而去,因为它是在为你所带来的,而不是在别人身上,而是要在的时候,要把它放在一边,也是最重要的 EN: As we have analyzed previously, although we have been saying that China’s housing prices are relatively high, China’s housing ownership rate is actually quite high compared to other countries in the world. So the urgent question facing a lot of friends is whether you can replay the loan rather than the question of whether you can afford a home. ZH_REF: 正如我们之前的分析,虽然我们一直在说中国房价较高,但是相比于世界上其他的国家而言,中国的住房拥有率其实是相当高的,那么与其说房价高买不起房,恐怕现在要问很多朋友的问题是你还得起贷款吗? -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,我们的态度是,我们的处境很差,因为你的生活在很大程度上是不可能的,而你的生活就会变得更糟了,因为你的心智是在哪里,还是要在那里? EN: A quick review of the real estate market in the world leads to the conclusion that China’s real estate market hasn't experience major crisis except for the localized crisis in Hainan Province as we mentioned before. This is because commercialization of property is a relatively recent phenomenon in China. However, it's alarming to note that the real estate crisis in the United States triggered a global financial tsunami in 2008, just a decade ago. ZH_REF: 我们纵观全世界的房地产市场,中国的房地产市场由于起步较晚,除了我们之前说的海南之外,尚未出现过大的房地产危机,但是就在十年前的2008年全世界金融海啸的起源就是美国的房地产危机。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的生活方式是对经济的影响,而不是在我们的市场上,而是在中国,在全球经济中的作用,是在2000年的,在中国,这也是我们的一个严重问题,而不是在美国,而是在亚洲的一些地区 EN: The blame for the real estate crisis in the United States falls on two financial institutions: Fannie Mae and Freddie Mac. ZH_REF: 而美国房地产危机出现的原因则被归咎于两房:房利美和房地美。 -ZH_HYP: 1.. +ZH_HYP: (美国)(这篇)是一个不公平的东西,因为它是在我们的,是在为自己的,而不是在那里,他们都是为了得到的,而不是在那里,还是要把它的东西给我,是的,是的,是的。 EN: In the so called 'golden age' of the United States, real estate companies sold their houses with very low down payments to the low-income people in order to expand sales. When the US economy was prosperous, the real estate market was also thriving. However, it did not last long. The stagnation of growth in the U.S. economy caused the income of home buyers to fall, which in turn caused the consumption expenditures of a large number of households began to decline. ZH_REF: 当时在美国的黄金时代,房地产公司为了扩大销售将房子以极低的首付卖给了当时美国的低收入人群,在美国经济向好的时候,房地产市场也是一片欣欣向荣,然而好景不长,随着美国经济出现了增长的停滞,引起了购房者的收入下降,于是大量的家庭消费支出开始下降。 -ZH_HYP: 1.. +ZH_HYP: 在美国,这是个大的代价,而不是在经济上,而是为了满足自己的需求,而不是在美国,而是在经济上的增长,而不是在美国,而是在收入中的增长,而这是在美国的收入中的一个 EN: Most U.S. families had both financial assets and real estate assets. At that time, almost all household assets of the low-income families were real estates, while the majority assets of the top 20% high-income families were financial assets. As a result, poorer people in the United States have higher debt ratio. ZH_REF: 但是,当时美国的现状是美国家庭资产的组成部分金融资产和房地产资产,美国的低收入群体几乎所有的家庭资产全部是房地产,而前20%的高收入群体中大部分资产却是金融资产,于是就造成了在美国越是贫穷的人家房地产的负债率就越高。 -ZH_HYP: 1.. +ZH_HYP: (a)对所有的人来说,这是个代价,而不是为了经济上的,而不是在美国,而是在为自己的资产上付出代价,而不是在美国,而是拥有巨额利润的资产,而不是在经济上的最大的资产。。。。。。 EN: A grave reality is that these people bought their houses when the economy was prosperous, so the money to pay the mortgage is also calculated based on their better income. When the income declined, the pressure on the mortgage increased as a result of floating nature of some subprime mortgage plans. Thus, the real estate problems of these American families gradually evolved into a real estate crises. ZH_REF: 一个严重的事实是这些人都是在经济较好的时候买的房子,所以支付房贷的钱也是以他们较好的收入来计算的,当收入出现了下滑的时候,房贷的压力不仅没有减少甚至因为一些次贷计划变得浮动增加,于是此消彼长之下这些美国家庭的房地产问题就这么逐步演变成为了房地产的危机。 -ZH_HYP: 1.. +ZH_HYP: (a)(一),这是对他们的收入,也是为了使他们的收入损失惨重,而不是在经济上,而是在货币方面,而不是在美国,而是在经济上的损失,而不是在资本上的,而是要花上的. EN: Some people cannot afford to pay their mortgages because their incomes were too low. The banks began to take over the houses from the home buyers who had defaulted on the loan, and then sold them at very low prices, resulting in a step-by-step price fall in the area. This vicious cycle caused a further decline in housing prices. When the housing prices had fallen to a certain extent, more and more home buyers found that their house values became lower than their loans. Thus, more and more people stopped repaying their home mortgages, resulting in a large number of bad debts. ZH_REF: 从而有人因为收入过低支付不起房贷,于是银行就开始收回房产,当银行从拖欠贷款的购房者手中收回房产之后,他们会以极低的价格售出,从而导致了该地区的房价一步步下滑,这个过程又引发了房价进一步的下滑,形成了一个恶性循环,当房价下跌到一定的程度之后,越来越多的购房者发现自己的房子价值甚至已经比自己的贷款还低了,于是就有了更多的人停止继续还房贷,又造成了更多的坏账。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,人们都会发现,他们的工资太高了,而他们的收入却在低迷之中,而他们的代价却在低迷之中,而他们的代价却在高低,而且还在不断下跌,而他们的损失就会被人偿还 EN: In this way, a huge vicious circle formed: ZH_REF: 于是,一个巨大的恶性循环就此形成: -ZH_HYP: 1.. +ZH_HYP: (a)【句意】(a),b:“我们的,是的,是在为你带来的,而不是在他们的中,是为了使自己的力量而变得更有可能的,”他说,“你是在我的上司?了?????”””””的的 EN: “Economy downturn – incomes fall – some people can’t repay mortgages – banks sell defaulted houses at low prices – house prices fall – more people stop paying home mortgages – banks sell houses again – prices fall again ..." ZH_REF: “经济不景气——收入下滑——一部分人还不起房贷——银行低价出售欠账人的房子——房价下跌——更多的人停止还房贷——银行又出售——房价又下跌……” -ZH_HYP: 1.. +ZH_HYP: “(美国)的原因是,它是一个大的,它的代价是用自己的,而不是在(或)上,把它给了我们的钱,而不是在乎别人的时候,也是对你的,是对的,是对的。 EN: Thus, with the effect of such vicious cycle one after another, the U.S. economy gradually collapsed and eventually triggered the U.S. financial crisis in 2008. ZH_REF: 于是,就在这样一个接一个的恶性循环下,美国的经济逐渐陷于崩溃,最终引发了美国2008年的金融危机。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在我们的情况下,我们的经济是不可能的,因为它是在不断地处,而不是在过去,它是由你所控制的,而不是在那里,它是由衷的,而不是在我们的身边 EN: Therefore, the fact that China’s household debt ratio has reached a high level of 46.8% is a problem that requires great vigilance. Although this figure is still lower than that of developed countries at present, the signs of the problem have already begun to emerge. The central government started to stress the issue of deleveraging repeatedly in the last year, which is a very prescient judgment. If the household debt ratio is allowed to continue to climb, it will inevitably lead to a huge crisis. Therefore, we must strictly guard against the hidden financial risks. ZH_REF: 所以,现阶段中国家庭债务率的水平达到了46.8%的高位是一件非常需要警惕的问题,这个数据在目前来看还是低于发达国家水平,但是问题的苗头已经开始出现,国家从去年开始就反复强调去杠杆问题,这是一件非常有先见之明的判断,家庭债务率如果放任其继续攀升的话,必然会引发巨大的风险,所以要严防金融风险的出现。 -ZH_HYP: 1.. +ZH_HYP: 因此,在过去的时候,我们的经济会有很大的变化,而你的处境也会被人所占的,而我们的处境却在很大程度上,而我们的处境却在很大程度上,而这是在我们的努力中的,而这是在危机中的。 EN: It's no wonder that the central government has set the tone for the real estate market: Houses are for living, not for speculation. The government are taking multiple measures to resolve potential risks, including increasing land and housing supply and encouraging house renting. ZH_REF: 于是有了之后房子是用来住的、不是用来炒的定位,国家更加快建立多主体供给、多渠道保障、租购并举等多重措施,进一步化解潜在风险。 -ZH_HYP: 1.. +ZH_HYP: (美)(一),这是对的,是为了使自己的利益而去,而不是为了使他们的利益而变得更糟,因为他们的想法是由你所拥有的,而不是在那里,还是要用的,都是为了的的的的的的的 EN: For our individual families, we must abandon the mindset of speculating on real estate and make purchase according to our own financial capacities. In this way, we can prevent our families from falling under huge financial burden. A reasonable assessment of one's own income and debt levels is essential for healthy growth of family wealth. ZH_REF: 对于我们个人家庭来说,一定要放弃房地产投机思维,买房的时候量力而行,避免自己家庭陷入巨大的负担之中,只有合理的评估自己的收入和负债水平才是一个健康的家庭财富发展道路。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................. EN: Author: researcher of Suning Institute of Finance, financial columnist, financial commentator. ZH_REF: 作者:苏宁金融研究院特约研究员,财经专栏作家,财经评论员。 -ZH_HYP: 1.. +ZH_HYP: (4)a:(一),(),(),(),(2),在做某事时,我们也会有一些不对的,因为它的意思是,它是在为你所需要的,而不是在上层的 EN: The first WeChat public number: jianghanview ZH_REF: 首发微信公众号:江瀚视野观察(jianghanview) -ZH_HYP: 1.. +ZH_HYP: (美英对照):“我们的是,这是在为你带来的,而不是为了让自己的力量而去,而不是在那里,他们的力量是在一起,而不是为了让别人的服务而去,更不用说,”他说,“我是你的。了了了。 EN: This one also gave me a better sense of all the internal technology Facebook engineers get to use, as well as a thorough overview of home automation. ZH_REF: 这也让我对Facebook工程师需要使用的所有内部技术有了更好的了解,也可以更全面地认识家庭自动化。 -ZH_HYP: 1.. +ZH_HYP: (a)【句意】我们的意思是,我们的工作是为了使自己的事业变得更容易,而且也是为了得到的,而不是在他们的时候,才会有更多的东西,而不是你的,是的,是的,是的。 EN: Wang Jianlin, Wanda’s chairman, was struggling with the competition and busy with it both online and offline. He even attended two news conferences of “China Cup" in person, but it turned out to be a one-sided enthusiasm. ZH_REF: 万达董事长王健林辛辛苦苦攒了这个比赛,线上线下都在不停地忙活,甚至亲自出席了两场“中国杯”发布会,结果变成了剃头挑子一头热。 -ZH_HYP: 1.. +ZH_HYP: “”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,!。。。。。。。 EN: Many online shoppers found the words “Affected by haze” in their express delivery logistics status today. ZH_REF: 今天不少网购消费者发现在自己快递物流状态中,出现了“雾霾影响”的字眼。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,他们的意思是,在我的意思上,他们都是为了得到的,而不是在那里,要么是为了得到的,而不是为了给别人带来的,的 EN: The impact of haze is a reason for delays in express deliveries. Traffic restrictions are implemented in many locations, resulting in inadequate delivery capacity. ZH_REF: 快递延误原因之一在于,受雾霾天气影响,多地实行交通管制,运力不足。 -ZH_HYP: 1.. +ZH_HYP: (k)(一)是,在不可能的情况下,我们的目的是为了使他们的工作变得更容易,因为他们的事也是为了得到的,而不是在他们的身上,而是要在那里的,是的,是的,是的,是的。 EN: British inventor microchips himself to get into house and car with a wave of hand ZH_REF: 英国发明家在自己体内植入芯片,挥手即可进屋进车 -ZH_HYP: 1.. +ZH_HYP: (美)(一),(),(),我们的东西是用的,是用的,是的,是的,是的,是的,是的,是的,是的,是的,是对的,而不是太多的,因为他的意思是 EN: A British inventor has become the first in the country to be fitted with a microchip so he can open his front door, access his office and even start his car with just a wave of his hand. ZH_REF: 一英国发明家为自己安装芯片,只需挥一挥手即可打开他家前门、进入办公室甚至将车启动,成为全国第一人。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),这是个很好的东西,因为它是在用的,是在用的,而不是在他的脚趾中,然后是在他的,是的,是的,是的,是的。了了 EN: Steven Northam, 33, had the tiny chip implanted between his thumb and finger and is now offering the service to businesses and individuals who want to simplify their life with technology through his company BioTeq. ZH_REF: 33 岁的史蒂文·诺瑟姆在他的拇指和食指间植入一块小小的芯片,且现在正为想要简化自己生活的公司和个人提供此项服务,该服务由他的公司 BioTeq 通过技术来实现。 -ZH_HYP: 1.. +ZH_HYP: (美英对照):“这是个很好的东西,”他说,“你的东西,都是为了”,“你的意思是,”他说,“你的意思是,”他说,“你的意思是,我们要把它的意思吗?了了了??。。 EN: He has teamed up with Dr Geoff Watson, a consultant anesthetist at the Royal Hampshire County Hospital in Winchester, Hants, to ensure the implant procedure is carried out to a medical standard. ZH_REF: 他已和汉普郡温彻斯特皇家汉普郡医院的高级顾问麻醉师杰夫?沃森医生联手,确保植入过程达到医学标准。 -ZH_HYP: 1.. +ZH_HYP: 他的名声是,在这里,我们都是为了得到的,而不是为了得到更多的,而不是为了自己的,而不是为了得到的,而不是在那里,而是为了给他们带来了更多的代价。了了了了了了了了了了了了了了了了了了了了了了了 EN: The technology is similar to a microchip implanted for cats and dogs, and takes just 30 seconds. ZH_REF: 该技术与猫狗芯片植入类似,且只需 30 秒。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,它是为了让人感到羞耻,而不是为了让自己的人而去,因为它是在你的,是在说谎的,是的,是的,是的,是的。 EN: Mr Northam's company will also alter locks on houses and cars so they are compatible with the chip, for a cost of £300 each lock. ZH_REF: 诺瑟姆先生的公司也会更换各房间和车辆的锁,以与该芯片兼容,每把锁花费 300 英镑。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的错误,是,他们的目的是为了使他们的工作变得更糟,而不是在他们的身上,而不是在那里,而是要用的,让你的心智多端,而不是在你的身边,那是最糟糕的 EN: The married father of one now has technology fitted to both his home and his BMW Z4, which starts when his hand is on the wheel. ZH_REF: 这位拥有一个孩子的已婚父亲现在已为他家和他的 BMW Z4 都安装了该技术,他只要把手放在方向盘上即可将车启动。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),是,我们的人,都是为了把自己的东西弄得太重了,他们都会在那儿,把它放在一边,把它放在一边,还是要把它的上司匹配置 EN: Hu Angang had mixed feelings about this Central Financial and Economic Work Conference. The content of this conference not only focused on national development, but will also have an impact on one’s personal life. ZH_REF: 谈起这次中央财经工作会议胡鞍钢感触良多,这次会议内容既关注国家发展,也影响个人生活。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为它是在我们的国家里,而不是在他们的身上,而是在为自己的利益而努力的,而不是在别人身上,也是对的,是的,是的,是对我们的 EN: On July 10, the National Bureau of Statistics released the June 2016 Consumer Price Index (CPI) and Producer Price Index (PPI). ZH_REF: 7月10日,国家统计局发布了2016年6月份全国居民消费价格指数(CPI)和工业生产者出厂价格指数(PPI)。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的名字是,是的,是的,是的,是的,是的,是的,是的,是对的,而不是在他们的中,也是你的,是的,是的,是的,是的。了了了 EN: White House Prop Cost Taxpayers Thousands ZH_REF: 白宫道具耗资数千 -ZH_HYP: 1.. +ZH_HYP: (a)【句意】(b),你的意思是,他们的意思是,在他们的上,我们都是为了得到的,而不是为了给他们带来的,是在你的上司,还是要把它的东西分给你, EN: The White House's decision to fly a Marine helicopter to the South Lawn for an event highlighting American manufacturing last month cost taxpayers as much as $24,000, according to military records released to TIME. ZH_REF: 根据《时代》杂志发布的军事记录记载,上个月白宫决定运送一架海军陆战队直升机至南草坪用于彰显美国制造业的巨大荣耀,耗资高达 24,000 美元。 -ZH_HYP: 1.. +ZH_HYP: (4)a:(一),我们的手表是,要用的,是为了给他们带来的,而不是在这里,而不是在那里,而是用它的方式来进行,而不是在上方,那是什么意思?了了了了了了了了了了了了 EN: The green-and-white Sikorsky VH-3D, known as Marine One when the President is aboard, was the centerpiece of the July 17 event at the White House showcasing American construction programs. ZH_REF: 绿白相间的 Sikorsky VH-3D(总统乘坐时也称海军陆战队一号)是白宫 7 月 17 日凸显美国建造项目活动上的重要展品。 -ZH_HYP: 1.. +ZH_HYP: (美)(美)(美),是,也是在用心的,而不是在他们的时候,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。了了了 EN: President Donald Trump, Vice President Mike Pence and senior White House officials toured manufacturing products from all 50 states. ZH_REF: 总统唐纳德·特朗普、副总统迈克·彭斯和众白宫高级官员巡视了来自全部 50 个州的制造产品。 -ZH_HYP: 1.. +ZH_HYP: (美英)(一),在我们的时候,都是为了使自己摆脱困境,而不是在自己的身材里,把他们的东西弄得太平了,要么是为了让人感到羞耻,那是对的,是的,是的,是的。 EN: The Connecticut-made helicopter was displayed alongside a yacht from Maine, a fire truck from Wisconsin, and a forklift from Mississippi. ZH_REF: 展品有康涅狄格州制造的直升机、一艘缅因州的游艇、一辆威斯康辛州的消防车和一台密西西比州的叉车。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的性格,是,他们的意思是,他们的意思是,他们的意思是,我的意思是,你的意思是,你的意思是,你的意思是,你的意思是对的,对的,对的是不可能的 EN: The White House Military Office requested the helicopter's presence in a fragmentary order, or FRAGO, barely 36 hours before the helicopter landed on the South Lawn for the "unusual" event, according to the records of Marine Helicopter Squadron One (HMX-1), the unit responsible for operating the helicopter. ZH_REF: 根据负责操作该直升机的部队海军陆战队直升机第一飞行队 (HMX-1) 的记录,白宫军事办公室要求该直升机按日常命令 (FRAGO) 现身,即在该直升机降落在南草坪参加此次“特别”活动前仅 36 小时。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,有的是,有的是,他们的用处,用了,用的是,用的是用的,用的,是的,是的,因为它是用的,而不是用的。的的的的 EN: "I just wanted you to make sure you were aware because it's such an unusual high visibility event," the commander of HMX-1 emailed his superior, the Marine Deputy Commandant for Aviation, the day before the event. ZH_REF: 活动前一天,HMX-1 指挥官在向上级海军陆战队飞行副司令发送的电子邮件中表示“我只想确认您知晓,因为这此次活动受到高度重视。” -ZH_HYP: 1.. +ZH_HYP: “我的意思是,”“是的,”“你的意思是,”“你的意思是,”“你的意思是,”“我也要把它的东西弄到,”说的了了了了了的了的的的的了了了了了了了了了了 EN: The message indicated the helicopter would arrive on the South Lawn at approximately 7 a.m. on July 17 for the 3 p.m. event, and remain until the lawn was cleared between 6 p.m. and 9 p.m. that evening. ZH_REF: 该信息表明该直升机将于 7 月 17 日大约上午 7 点抵达南草坪参加下午 3 点的活动,在当天晚上 6 点至 9 点草坪清空后才离开。 -ZH_HYP: 1.. +ZH_HYP: 在这一情况下,一个人的名字是:(a)为他们提供了一个机会,而不是在他们的时候,就会被人打败了,而且,你的心也会被人所迷惑了,而且是在说什么,这是对你来说是很好的 EN: The note adds that should the departure from the White House be delayed, a second aircrew would be needed for the return flight due to duty-hour restrictions. ZH_REF: 该信息还表示万一从白宫出发的时间推迟,回航则因为值班时间限制需要第二组机组人员。 -ZH_HYP: 1.. +ZH_HYP: (k)在这一过程中,我们将不得不从一端来回,因为它是在用的,而不是在(或)上,它的意思是,要把它的推向,是的,是的,是的,是对的,对你的影响 EN: The original flight crew was with the helicopter during the event, while unit security personnel remained with the aircraft while it was the ground. ZH_REF: 原机组人员在活动期间在直升机边待命,而保安部队人员在飞机位于地面时在附近待命。 -ZH_HYP: 1.. +ZH_HYP: (k)在这一过程中,我们的处境是,在他的脚趾中,是为了使他们的心而变得更糟,因为他们是在一起,而不是在那里,是为了给别人的,而不是在那里,而是要用的东西来衡量 EN: It was not clear from records provided to TIME whether a second flight crew was ultimately required. ZH_REF: 《时代》杂志得到的记录中并未清楚指出最终是否需要第二组机组人员。 -ZH_HYP: 1.. +ZH_HYP: (一)(一)不,是,在被占领的情况下,我们的身份是为了控制的,而不是在他们的中,是为了得到的,而不是在(中)的,是的,是的,是的,是的,是的。 EN: The Hatch Act prohibits federal employees from using government property for political purposes. ZH_REF: 《哈奇法案》禁止联邦雇员出于政治目的使用政府财产。 -ZH_HYP: 1.. +ZH_HYP: (k)为人的目的,是为了使自己的事业变得更容易,而不是为了自己的利益而牺牲,而不是为了使他们的利益而被人所包围,那是对他们的事,而不是在(e)上,你就会被人所受的 EN: Records indicate that HMX-1 inquired about whether the event might violate the provision. ZH_REF: 记录指出 HMX-1 曾询问此次活动是否违反了该法案。 -ZH_HYP: 1.. +ZH_HYP: (一)(一)不一,这也是由不对的,而不是在他们的中,是为了使他们的工作变得更有可能,因为他们的事是在(或)的情况下,而不是在我们的关系中,而是要把它的意思和在 EN: "One question we asked was if it was a violation of the Hatch Act and were informed it was not," the commander wrote. ZH_REF: 该指挥官写道“我们问的一个问题是这是否违反了《哈奇法案》,并被告知没有违反。” -ZH_HYP: 1.. +ZH_HYP: (4)a:(一),这条路是不可能的,因为它是在被人用的,而不是在那里,它是由谁来的,而不是在那里,它是由你所能的,而不是的的的的的的的的的的的的的的的的的的的的的的 EN: "Sounds like you are locked," the Deputy Commandant replied. ZH_REF: “听起来你被锁住了啊,”副司令回复道。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,你的意思是,他们的意思是,我的意思是,你的意思是,你要把它的意思和好的意思来给你的,因为我们的意思是对的, EN: The "Made in America" event was designated an official event by the White House, and would not have been covered by the Hatch Act. ZH_REF: 白宫将此次“美国制造”活动定义为官方活动,因此不受《哈奇法案》管辖。 -ZH_HYP: 1.. +ZH_HYP: 在这一情况下,一个人的名字是,他们的事,是为了使他们的工作而被人所包围,而不是为了使他们的工作变得更糟,而不是在他们的身边,而是要用的,那是对的,对我们来说是最重要的 EN: But even official events have political overtones. ZH_REF: 但是即使是官方活动也带有政治色彩。 -ZH_HYP: 1.. +ZH_HYP: (n)()(),我们的,是的,是的,是的,是为了使自己摆脱了,而不是在他们的面前,为自己的力量而去,而不是太多了,是的,是的,是的,是的。了了 EN: At the event, the President made a push for healthcare reform efforts then underway in the Senate and touted efforts to rein in government regulations. ZH_REF: 活动中,总统推行当时参议院的议题:医疗改革,并大肆吹捧对政府法规的管控。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的错误,是为了使他们的事业变得更容易,而不是为了自己的利益而去,而不是在那里,而是为了在他们的工作中,把它给的,是的,是的,是的,是的。 EN: Using the aircraft known as Marine One or Air Force One for politically advantageous purposes is hardly a new phenomenon. ZH_REF: 将海军陆战队一号或空军一号飞机用于政治宣传目的已经不是什么新鲜事。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),一刀,是指甲,也是为了使之更有价值,因为它们是在被处死的,而不是在(或)上,都是在被人身上的,是在我们的,是对的,是的,是的。 EN: Presidents are required to use them for travel. ZH_REF: 历届总统都被要求出行需乘坐这些飞机。 -ZH_HYP: 1.. +ZH_HYP: (美式)()(一),是为了使自己的处境,把它们的东西搬到一边,把它们的东西弄得太平了,而我也要把它给的,是的,是的,是的,是的,是的,是的。 EN: But requisitioning their use solely for a photo-op is unusual. ZH_REF: 但是仅为拍照目的将其征用并不常见。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),(),我们的外套是为了使自己的心惊肉跳,而不是在他们的中,把它放在一边,或者是为了让自己的力量而去,而不是在别人身上,也是最重要的。 EN: Trump drew scrutiny in February when the presidential airplane taxied to the backdrop of his first campaign rally in Melbourne, Fla., and his Twitter account is flush with messages complaining about his predecessor's use of the presidential aircraft. ZH_REF: 二月份特朗普就受到关注,当时是在佛罗里达州墨尔本,总统专机慢慢滑行,最终停到了他第一次竞选集会的背景布处,而他的推特账户充斥着对前任总统使用总统专机的抱怨信息。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在“大”的过程中,我们都用不着的东西来把它的东西弄到了,而不是在那里,就像你的一样,是在说谎的,是的,是的,是的。了 EN: "The White House is thrilled with the 'Made In America' showcase that featured products from all 50 states that are made by American workers with American materials," said White House deputy press secretary Lindsay Walters. ZH_REF: 白宫副新闻发言人林赛·沃尔特斯称“白宫因此次‘美国制造’展览而激动不已,此次展览展示了来自全部 50 个州的产品,这些产品均由美国工人使用美国材料制造。” -ZH_HYP: 1.. +ZH_HYP: (美国)(美):“这是个好的东西,”“是的,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。 EN: HMX-1 crews frequently perform training flights around the Washington area and at the South Lawn to practice depositing the President of the United States at the White House with inches of precision. ZH_REF: HMX-1 机组人员经常在华盛顿地区附近和南草坪进行飞行训练,练习将美国总统准确安置在白宫。 -ZH_HYP: 1.. +ZH_HYP: (k)(一),在这方面,我们的事也是,他们的事儿都是,他们的事儿都是在,而不是在那里,要去找一个人,而不是在那里,是你的,是的,是的,是的。 EN: When Trump was at the G-20 summit in Germany in early July, HMX-1 conducted 58 practice landings at the White House. ZH_REF: 7 月初特朗普在德国参加 G-20 峰会期间,HMX-1 在白宫练习了 58 次着陆。 -ZH_HYP: 1.. +ZH_HYP: (美英对照),在这方面,我们的工作是,在他们的中,是为了得到的,而不是在他们的中,是在他们的,是在那里,还是要用的,把它的意思和的的((( EN: The flight for the Made in America event counted toward the aircrew's training requirement for the month, an official said. ZH_REF: 一位官员称,此次美国制造活动飞行计入本月机组人员训练要求中。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),我们的外套是用的,而不是在他们的中,把它的东西弄得太平了,因为你的心都是在说谎的,是的,是的,是的,是的,是的。 EN: Unit helicopters also flew an additional 11 hours that day for "non-presidential support missions." ZH_REF: 直升机部队当天也额外飞行了 11 个小时的“非总统支援任务”。 -ZH_HYP: 1.. +ZH_HYP: (a)【句意】(a)【句意】我们的意思是,你的意思是,它是在为你的,而不是为了得到的,而不是在别人的上司,而是要在的时候,要把它的意思和价值联系起来 EN: The White House said taxpayers did not pick up the burden for any of the other props featured at the event. ZH_REF: 白宫方面称纳税人并没有承担此次活动中任何其他道具的费用。 -ZH_HYP: 1.. +ZH_HYP: 在这一情况下,你的态度是,我们的目的是为了使他们的事业变得更糟,因为他们的事也是为了他们的,而不是在他们的身边,而不是在那里,还是要把它的东西弄得太多了了了了了了了了了了了了 EN: A spokesperson for Sikorsky said the company was not involved in arranging for the helicopter to be displayed on the South Lawn. ZH_REF: Sikorsky 发言人称该公司并未参与安排南草坪直升机展示。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),这条纹的人是用的,是的,是的,是的,是的,是的,是的,是在说谎的,也是为了给你带来的,而不是太多了 EN: HMX-1 doesn't maintain budgetary records for presidential flights, and determining the precise cost incurred by the event is difficult. ZH_REF: HMX-1 并没有保留总统飞行的预算记录,因此要确定此次活动产生的准确费用非常困难。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),是,不需要的是,也是为了使自己的缘故,而不是为了自己的事,而不是在那里,而是为了得到更多的东西,而不是在别人的上方,因为你的意思是什么?了了了了 EN: But according to Department of Defense hourly rates for fiscal year 2017, the DoD reimbursement rate for the VH-3D is $24,380 per flight hour. ZH_REF: 但是根据国防部 2017 财政年度的小时费用记载,VH-3D 的国防部可报销费用为每飞行小时 24,380 美元。 -ZH_HYP: 1.. +ZH_HYP: 但是,在这一情况下,我们的态度是,要有一个,就在这方面,我们的态度是,在他们的上,给了你的,是的,是的,是的,是的,是的,是的,是的,是的。了 EN: Unit records record the aircraft flight time as 30 minutes each way from its home base at Marine Corps Air Facility Quantico in Virginia. ZH_REF: 部队记录记录了飞机每次从弗吉尼亚州匡提科海军陆战队机场的基地飞行的时间为 30 分钟。 -ZH_HYP: 1.. +ZH_HYP: (k)(一)一、一、二、一、三、一、三、四、五、四、五、一、二、一、二、一、四、三、一、四、一、二、一、二、一、四、七、、 EN: The White House argues the true cost of operating the helicopter is well below that rate. ZH_REF: 白宫方面称操作该直升机的成本远低于该费用。 -ZH_HYP: 1.. +ZH_HYP: (k)【句意】(a)【句意】我们的意思是,你的钱是为了得到的,而不是为了给他们带来的,也是在我的上司,还是要把它的意思和最坏的方法来给你的,是对的,对你来说是很不礼貌的 EN: "To place a cost to taxpayers based on the reimbursement rate estimates is highly misleading," Walters said. ZH_REF: 沃尔特斯称“基于可报销费来估计纳税人所出的费用非常有误导性。 -ZH_HYP: 1.. +ZH_HYP: (美英对照),()(美),以使自己的处境,为自己的利益而去,因为他们的错误是为了得到的,而不是在他们的中,才会被人所为,而不是在高处,还是要把它给的,是最坏的 EN: "These rate estimates include personnel, maintenance and many other sunk costs that are included in annual appropriations." ZH_REF: 这些估计的费用包括人员费用、维护费和其他很多包括在年度拨款中的沉没成本。 -ZH_HYP: 1.. +ZH_HYP: "(4)如果有,就会有任何代价,而不是在其他方面,也是为了使他们的利益而被人所包围,而这是对他们的,是对我们的,是对的,是对我们的最坏的,也是对你的的的的的的的的的的的 EN: According to a 2015 RAND study, DoD reimbursement rates do not include the cost of personnel, but do account for fuel, maintenance, and contracting costs. ZH_REF: 一份 2015 年的 RAND 研究显示,国防部可报销费用并不包括人员费用,但确实包括油费、维护费和订约成本。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: At the time, former White House press secretary Sean Spicer defended the use of the helicopter for the event. ZH_REF: 当时,前白宫新闻发言人肖恩·斯派克为此次活动使用该直升机辩护, -ZH_HYP: 1.. +ZH_HYP: 在他的后面,有的是,这是个不公平的,因为他们的工作是在为他们提供的,而不是在他们的上,是为了保护自己的,而不是在那里,要么是在那里,要么是为了提高他们的能力而去做的事 EN: "The idea is to showcase this week things that are made in America," Spicer said. ZH_REF: 并称“想法是在本周展示美国制造的东西, -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: "And I know Sikorsky and the state of Connecticut are very proud of the fact that they contribute to our national security, that there are, I assume, hundreds if not thousands of people whose job depends on that. ZH_REF: 而且我知道 Sikorsky 公司和康涅狄格州都为此感到自豪,他们都为我们的国家安全贡献了一份力量,我猜测就算没有数千也有数百人的工作要依赖于此。 -ZH_HYP: 1.. +ZH_HYP: 如果是这样的,就会有一个大的,是的,是的,是的,是为了使自己摆脱了,而不是在那里,也是为了让自己的力量而努力,而不是在那里,那是对的,是的,是的,是的。 EN: And I think, like most Americans, we're all proud of the helicopter and other military equipment that so many Americans worked tirelessly to do. ZH_REF: 而且我觉得像大部分美国人一样,我们都为这架直升机和其他军事设备感到自豪,这是无数美国人不辞辛劳作出的成果。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的态度是,我们的目的是为了使自己的处境,而不是在他们身上,而不是在他们身上,而是用功率来衡量,因为它是由我所做的,而不是太多了的的的的的的的的的的 EN: So, of course, it's appropriate to highlight that." ZH_REF: 所以彰显这一点当然并没有不合时宜。” -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................ EN: It wasn't clear whether Trump interacted with the helicopter as he toured the South Lawn for the event, but he did step into the driver's seat of a fire truck. ZH_REF: 我们并不清楚特朗普在活动中游览南草坪时是否与该直升机互动,但他确实坐上了消防车的驾驶座。 -ZH_HYP: 1.. +ZH_HYP: 这是个不寻常的例子,但他的意思是,他们的意思是,在那里,他们的意思是,他们的意思是,他们的意思是,你的意思是,你的意思是,对的,对的,对的,对的,对的是 EN: Inside the White House, Trump addressed Sikorsky representatives, joking with the media about his own fleet of company products. ZH_REF: 在白宫内,特朗普向 Sikorsky 公司代表发表讲话,拿他自己拥有的该公司飞机跟媒体开玩笑。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的名声是,他们的是,他们的,是为了自己的,而不是在他们的中,是为了得到的,而不是在那里,他们是在那里,是为了保护自己的的的的的的的的的的的的的的的 EN: "I know Sikorsky very well," the President said, "I have three of them." ZH_REF: 他说“我很了解 Sikorsky 飞机。我有三架。” -ZH_HYP: 1.. +ZH_HYP: “我的意思是,”“是的,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。!。。。。。。。。。。。 EN: Brilliant Metaphors of Xi Jinping about Comprehensively Strengthening Party Discipline ZH_REF: 习近平关于全面从严治党的妙喻 -ZH_HYP: 1.. +ZH_HYP: 5.3.1.4.............................................................. EN: During the second plenary session of the 19th Central Commission for Discipline Inspection of the Communist Party of China, General Secretary Xi Jinping gave a keynote speech on January 11, emphasizing that “we should keep marching ahead on the road of adhering to the principle of comprehensively strengthening party discipline and creating a new situation for comprehensively strengthening party discipline”. ZH_REF: 1月11日,在中国共产党第十九届中央纪律检查委员会第二次全体会议上,习近平总书记发表重要讲话,强调“以永远在路上的执着把全面从严治党引向深入,开创全面从严治党新局面”。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,我的作者是一个“大”,“我的意思,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”说。。。 EN: With respect to comprehensively strengthening party discipline, General Secretary Xi Jinping has given many vivid and impressive metaphors, so let’s review them together! ZH_REF: 关于全面从严治党,习近平总书记有过很多形象的比喻,一同回顾! -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是对我们的,是为了使自己的处境更加危险,而不是为了使他们变得更有价值,而且也是为了让他们的服务而去,而不是在那里,他们都是为了得到的,而不是最需要的,是什么 EN: We should fight against “tigers” (high-ranking corrupt officials) immediately after we find evidence, and we should also deal with those “flies” (low-ranking corrupt officials) at the same time. We should spread the principle of comprehensively strengthening party discipline to grass-roots party organizations and make every effort to deal with those corruption problems in daily life of the general public. ZH_REF: “老虎”要露头就打,“苍蝇”乱飞也要拍。要推动全面从严治党向基层延伸,严厉整治发生在群众身边的腐败问题。 -ZH_HYP: 1.. +ZH_HYP: 在美国,我们的态度是,要有多大的,也是为了避免的,而我们的人却在乎,而不是在一起,而是要当心,而要当心,才会有多大的错误。的了了了了了了了了了了了了了了了 EN: -- On January 11, 2018, Xi Jinping gave a keynote speech during the second plenary session of the 19th Central Commission for Discipline Inspection of the Communist Party of China ZH_REF: ——2018年1月11日,习近平在中国共产党第十九届中央纪律检查委员会第二次全体会议上发表重要讲话 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Officials responsible for discipline inspection and supervision at all levels should be loyal and determined, responsible, discipline and law-abiding, honest and upright in order to ensure that the power granted by the Party and the people will not be abused, and the sharp sword used for praising virtue and punishing vice will never be covered by dust. ZH_REF: 广大纪检监察干部要做到忠诚坚定、担当尽责、遵纪守法、清正廉洁,确保党和人民赋予的权力不被滥用、惩恶扬善的利剑永不蒙尘。 -ZH_HYP: 1.. +ZH_HYP: 在任何情况下,都是由人承担的,而不是由他们的,是由衷的,而不是为了使自己的利益而受到惩罚,而不是为了使他们的行为而受到惩罚,那是对我们的忠诚度和责任的,而不是太多了 EN: -- On January 11, 2018, Xi Jinping gave a keynote speech during the second plenary session of the 19th Central Commission for Discipline Inspection of the Communist Party of China ZH_REF: ——2018年1月11日,习近平在中国共产党第十九届中央纪律检查委员会第二次全体会议上发表重要讲话 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: It is impossible to ensure implementation of policies by taking showy and impractical actions and shouting slogans. Without practical actions, we can’t ensure proper implementation of policies only by holding meetings and issuing documents. We must do our works in a practical manner. ZH_REF: 抓落实来不得花拳绣腿,光喊口号、不行动不行,单单开会、发文件不够,必须落到实处。 -ZH_HYP: 1.. +ZH_HYP: (4)如果我们的作品是不可能的,我们也会有这样的东西,而不是为了使自己的工作变得更有价值,而不是在我们的身边,而是要在的时候,要把它的意思和好的意思在(((( EN: -- During December 25 and 26, 2017, Xi Jinping gave a keynote speech at the meeting of democratic life held by Political Bureau of the Central Committee of the CPC ZH_REF: ——2017年12月25日至26日,习近平在中央政治局召开的民主生活会上发表重要讲话 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Our comrades from the Political Bureau should learn about history and be reasonable and must not confuse public and private interests, call white black, blur the boundary between righteousness and benefits or handle issues based on nepotism. You should erect a “wind vane” by taking the lead in adhering to honesty and self-discipline and help establish a work style for the party characterized by honesty and integrity. ZH_REF: 中央政治局的同志都应该明史知理,不能颠倒了公私、混淆了是非、模糊了义利、放纵了亲情,要带头树好廉洁自律的“风向标”,推动形成清正廉洁的党风。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)......................................................................... EN: -- During December 25 and 26, 2017, Xi Jinping gave a keynote speech at the meeting of democratic life held by Political Bureau of the Central Committee of the CPC ZH_REF: ——2017年12月25日至26日,习近平在中央政治局召开的民主生活会上发表重要讲话 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: A person of virtue will attract a group of persons of virtue, so all people will emulate those better than themselves and the action will become a common practice. Personnel appointment serves as the “wind vane”, which will determine the work style of cadres and even the work style of the Party. ZH_REF: 用一贤人则群贤毕至,见贤思齐就蔚然成风。选什么人就是风向标,就有什么样的干部作风,乃至就有什么样的党风。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是对人的影响,是为了使自己的心目中的,而不是在他们的身边,他们的工作是由衷的,而不是在他的身边,而不是在那里,还是要花了。 EN: -- From the speech delivered by Xi Jinping at the National Organization Working Conference on June 28, 2013 ZH_REF: ——2013年6月28日,习近平在全国组织工作会议上的讲话 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: A blacksmith must have necessary skills in order to do his job in a great way. The Party should unite the people and lead them in fighting great battles, pushing forward great causes and realizing great dreams. We should adhere to and improve the Party’s leadership and make the Party become stronger unswervingly. ZH_REF: 打铁必须自身硬。党要团结带领人民进行伟大斗争、推进伟大事业、实现伟大梦想,必须毫不动摇坚持和完善党的领导,毫不动摇把党建设得更加坚强有力。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),是,也是为了使人的缘故,而不是为了使自己变得更有可能,而又是为了使自己变得更强大而又是为了自己的力量而努力,而不是在(或)上,我们都会有更多的人 EN: -- On October 18, 2017, Xi Jinping pointed out the following during the 19th CPC National Congress ZH_REF: ——2017年10月18日,习近平在中国共产党第十九次全国代表大会上的报告指出 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: At present, the anti-corruption campaign is still facing a complex and challenging situation, so we must be rock-firm determined to consolidate the overwhelming trend and win an overwhelming victory. ZH_REF: 当前,反腐败斗争形势依然严峻复杂,巩固压倒性态势、夺取压倒性胜利的决心必须坚如磐石。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的错误,是,我们的目的是为了使他们的利益而变得更糟,而不是在他们的面前,为自己的力量而努力,而不是在那里,是最坏的,是的,是的,是的。 EN: -- On October 18, 2017, Xi Jinping pointed out the following during the 19th CPC National Congress ZH_REF: ——2017年10月18日,习近平在中国共产党第十九次全国代表大会上的报告指出 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: During the anti-corruption campaign, we must adhere to the principles of no forbidden zone, full coverage and zero tolerance and should be determined to “fight against tigers”, “beat flies” and “hunt foxes”. The goal of ensuring that officials dare not become corrupt is primarily achieved. The cage used for preventing corruption is getting increasingly secure, and the dam that can block intention of corruption is being built. An overwhelming trend of the anti-corruption campaign takes shape and is becoming increasingly consolidated and developed. ZH_REF: 坚持反腐败无禁区、全覆盖、零容忍,坚定不移“打虎”、“拍蝇”、“猎狐”,不敢腐的目标初步实现,不能腐的笼子越扎越牢,不想腐的堤坝正在构筑,反腐败斗争压倒性态势已经形成并巩固发展。 -ZH_HYP: 1.. +ZH_HYP: 在美国,腐败的后果是,要有一个大的,它的目的是要把它的好处归功于“不”,而“我们”的“不”,“”“”“”“”“”“”“”“”“”“”“”“”,。。。。。。 EN: -- On October 18, 2017, Xi Jinping pointed out the following during the 19th CPC National Congress ZH_REF: ——2017年10月18日,习近平在中国共产党第十九次全国代表大会上的报告指出 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Leading cadres at all levels should take the lead in implementing the Codes and Rules, hold the “steering wheel” in exercising power and fasten the “safety belt” for ensuring integrity. In addition, they should also make efforts to eliminate vice and exalt virtue, strengthen resistance against corruption and eliminate evil factors, perform their duties in creating an honest and upright political ecology and make their contributions during the process. ZH_REF: 各级领导干部要带头执行《准则》、《条例》,把好用权“方向盘”,系好廉洁“安全带”,激浊扬清,扶正祛邪,自觉为营造风清气正的政治生态履职尽责、作出贡献。 -ZH_HYP: 1.. +ZH_HYP: (c)在任何情况下,都是为了使人的尊严,而不是为了使人的利益而变得更加危险,而不是在努力,而是为了使人的尊严和权力而变得更加危险,而在他们的工作中,也是为了控制着的,而不是 EN: -- On March 8, 2017, Xi Jinping emphasized the following during review of the Sichuan Delegation at the 5th session of the 12th National People's Congress ZH_REF: ——2017年3月8日,习近平在参加十二届全国人大五次会议四川代表团审议时强调 -ZH_HYP: 1.. +ZH_HYP: ----------------------------------------------------------500; EN: The anti-corruption campaign of the CPC isn’t a “Snobbish Shop” that treating different people with different attitudes, or a “House of Cards” characterized by fighting for power and benefit, or an “unfinished building” having a beginning but no end. ZH_REF: 我们党反腐败不是看人下菜的“势利店”,不是争权夺利的“纸牌屋”,也不是有头无尾的“烂尾楼”。 -ZH_HYP: 1.. +ZH_HYP: (c)【句意】(a)【句意】我们的意思是,“我们的人”是“不”,“你的意思是,”“你的意思是,”“你的意思是,”“你的意思是,”“”“” EN: -- From the speech delivered by Xi Jinping at the 6th plenary session of the 18th Central Commission for Discipline Inspection of the Communist Party of China on January 12, 2016 ZH_REF: ——2016年1月12日,习近平在第十八届中央纪律检查委员会第六次全体会议上的讲话 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: To achieve the goal of building a moderately well-off society in an all-round way and realize the Chinese Dream of achieving the great rejuvenation of the Chinese nation, it is key to cultivate and build a cadre team with iron-clad faith, belief, discipline and sense of responsibility. ZH_REF: 实现全面建成小康社会奋斗目标、实现中华民族伟大复兴的中国梦,关键在于培养造就一支具有铁一般信仰、铁一般信念、铁一般纪律、铁一般担当的干部队伍。 -ZH_HYP: 1.. +ZH_HYP: (4)..................................................................... EN: -- From the speech delivered by Xi Jinping at National Party School Working Conference on December 11, 2015 ZH_REF: ——2015年12月11日,习近平在全国党校工作会议上的讲话 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: We should push forward the anti-corruption campaign in an in-depth manner and make great efforts to uproot “rotten trees”, fix “sick trees” and make “crooked trees” become upright in order to alert, warn and caution leading cadres. ZH_REF: 要深入推进反腐败斗争,下大气力拔“烂树”、治“病树”、正“歪树”,使领导干部受到警醒、警示、警戒。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,。。。。。。。。 EN: -- On March 6, 2015, Xi Jinping pointed out the following during review of the Jiangxi Delegation at the 3rd session of the 12th National People's Congress ZH_REF: ——2015年3月6日,习近平参加十二届全国人大三次会议江西代表团审议时指出 -ZH_HYP: 1.. +ZH_HYP: ------------------------------------------------------------------ EN: Ideal and belief serve as “calcium” for the spirit of members of the Communist Party, so we must strength ideological and political construction and solve any problem concerning outlook on world, outlook on life and values, which is the “master switch”. ZH_REF: 理想信念是共产党人的精神之“钙”,必须加强思想政治建设,解决好世界观、人生观、价值观这个“总开关”问题。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。 EN: -- On January 20, 2014, Xi Jinping gave a keynote speech at the summing-up meeting for the first batch & the deployment meeting for the second batch of educational and practical activities concerning the mass line of the Party ZH_REF: ——2014年1月20日,习近平在党的群众路线教育实践活动第一批总结暨第二批部署会议上发表重要讲话 -ZH_HYP: 1.. +ZH_HYP: (4)2.1.1.1.2003年,美国的立场是,它的一个特点是,它将为其带来的利益,并在其上作战,以满足其对国际事务的影响;的的的;的;(((的的的的 EN: We should implement organizational discipline in a practical manner and must not tolerate privilege or exception. Party organizations at all levels should dare to maintain discipline in order to make discipline become an actually live high-voltage line. ZH_REF: 要切实执行组织纪律,不能搞特殊、有例外,各级党组织要敢抓敢管,使纪律真正成为带电的高压线。 -ZH_HYP: 1.. +ZH_HYP: (一)(一)不一,也是有可能的,因为我们的目的是为了使自己的行为而变得更有可能,而不是在别人身上,而是在别人身上,也是为了保持沉默的,而不是太多了了了的的的的的的的的的的的 EN: -- On January 14, 2014, Xi Jinping gave a keynote speech at the 3th plenary session of the 18th Central Commission for Discipline Inspection of the Communist Party of China ZH_REF: ——2014年1月14日,习近平在十八届中央纪委三次全会上发表重要讲话 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Criticism and self-criticism serve as a good medicine and the actual care given to our comrades and ourselves. Performing criticism and self-criticism needs courage and party spirit, and we must not lose our weapon used for defending ourselves and treating diseases. ZH_REF: 批评和自我批评是一剂良药,是对同志、对自己的真正爱护。开展批评和自我批评需要勇气和党性,不能把我们防身治病的武器给丢掉了。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,我们的生活是不可能的,因为他们的意思是,我们的人是在做的,而不是为了给别人带来的,也是为了保护我们的,而不是太多了 EN: -- On September 25, 2013, Xi Jinping emphasized the following at the special meeting of democratic life attended by the leading group of the standing committee under the Party committee of Hebei Province ZH_REF: ——2013年9月25日,习近平在指导河北省委常委班子专题民主生活会时强调 -ZH_HYP: 1.. +ZH_HYP: ------------------------------------------------------------------- EN: We should make efforts to strength restriction and supervision on exercise of power, put power into the cage formed by rules and regulations and establish a punishment mechanism which makes officials dare not to be corrupt, a prevention mechanism which makes officials unable to practice corruption and a safeguard mechanism which makes officials tend to guard against corruption. ZH_REF: 要加强对权力运行的制约和监督,把权力关进制度的笼子里,形成不敢腐的惩戒机制、不能腐的防范机制、不易腐的保障机制。 -ZH_HYP: 1.. +ZH_HYP: (c)【句意】我们的意思是,我们的目的是为了使自己的事业变得更容易,而不是为了逃避,而不是为了逃避惩罚,而不是在公司里,还是会对自己的行为负责,因为它是对的,而不是什么,而是要害 EN: -- From the speech delivered by Xi Jinping at the 2th plenary session of the 18th Central Commission for Discipline Inspection of the Communist Party of China on January 22, 2013 ZH_REF: ——2013年1月22日,习近平在十八届中央纪委第二次全会上的讲话 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: That night, Patti Smith took to the stage in a white shirt and black suit, and sang Bob Dylan’s “Tempest” in front of a live audience of 1,500 people. ZH_REF: 当晚,帕蒂·史密斯以白衬衫黑西装登台,为现场的1500名观众演唱迪伦名曲《暴雨将至》。 -ZH_HYP: 1.. +ZH_HYP: (4)a:(),我们的人,是的,是的,是的,是的,是的,是的,是的,是的,也是在他的中,是为了得到的,而不是在那里,你会被人的意思了 EN: It is understood that Chongqing currently owns 18 shale gas exploration rights established by Ministry of Land and Resources as the first domestic shale gas mining rights - the Sinopec Fuling shale gas field. ZH_REF: 据悉,重庆市目前拥有国土资源部设立的页岩气探矿权18个和国内首个页岩气采矿权——中国石化涪陵页岩气田。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的错误,是,他们是为了把自己的东西弄到了,而不是在他们的身上,而是在那里,是在那里,是为了让你的心智而来的,是对的,而不是我的意思。了了了了了了了了了了 EN: It is understood that a 10 billion cubic meter shale gas field is equivalent to a 10 million tonne oil field. ZH_REF: 据了解,100亿立方米的页岩气田相当于一个1000万吨级的大油田。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,我们是个不容易的,因为他们是在一起,而不是在他们的身边,他们都是为了得到的,而不是在那里,也是为了让我的心烦而去,而不是在那里,这是对我的最严重的影响 EN: Shale gas is a clean energy resource. It is understood that the completion of the 10 billion cubic meter shale gas field will help cut 12 million tonnes of CO2 emission annually. ZH_REF: 据了解,页岩气作为清洁能源,100亿方页岩气田建成后每年可减排二氧化碳1200万吨。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),(一),是为了使我们的产品更容易,而不是为了使他们的工作变得更容易,因为它是在2000年的时候,我们才会有什么关系,而不是你的大事,那是什么? EN: In a feature phone era, the basic functions of a mobile phone would be making a call, sending short text messages, and simple memos. The difference in the functions among mobile phones is quite small. ZH_REF: 在功能手机时代,手机的基本功能就是打电话、发短信、简单的备忘录,各种手机在功能上差距是不大的。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在一个人的情况下,他们的手套是不可能的,因为他们的东西是用的,而不是在他们的上,是在说谎的,是的,是的,是的,是的,是的。 EN: Ever since computers were available, conscientious effort to make machine intelligence gradually transition toward the human brain has become a dream of many scientists. ZH_REF: 自打有了计算机以来,努力让机器智能逐渐向人类大脑过渡成为了很多科研人员的一个梦想。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),也是为了使人的缘故,而不是在他们的身上,而是在他们的面前,为自己的力量而去,而不是在别人身上,而是要用的,是的,是的,是的。 EN: Narcos season 3 trailer: With Pablo Escobar gone, the Cali Cartel take centre stage in Netflix's hit series ZH_REF: 《毒枭》第三季预告片:随着巴勃罗·埃斯科瓦尔的离开,卡利集团开始走上 Netflix 热播剧中心舞台 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为它是在用的,而不是在(中),在那里,它是用的,在那里,它是由你所能的,而不是在别人身上的,是在你的脚趾中的 EN: Despite season two of Narcos revealing Pablo Escobar's killer, Netflix's series is far from over. ZH_REF: 尽管《毒枭》第二季揭露了杀害巴勃罗·埃斯科瓦尔的凶手,但这部 Netflix 热播剧还远远没有结束。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,他的性格是不可能的,因为它是由我所做的,而不是在他们的中,是在他们的,是在说谎的,是的,是的,是的,是的,是的,是的。了了 EN: Season three and four have already been confirmed by the streaming service, the former receiving its first trailer, teasing the show's upcoming villains. ZH_REF: 流媒体服务已确认第三季和第四季,第三季已收到首个预告片,片中对这部剧中即将出现的反派角色进行了一番调侃。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为他们的货物已被人用,而被人所为,而不是在他们的面前,他们的心智,而不是在那里,他们的手势都是在说谎的,是对的,我们的人都是的的的 EN: With season three, the DEA has turned their attention towards the richest drug trafficking organisation in the world: the Cali Cartel. ZH_REF: 第三季中,DEA 将注意力转向世界上最富有的贩毒组织:卡利集团。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】(b)【句意】我的意思是,它是在为我们的,而不是在别人的时候,它是由你所做的,而不是在别人身上的,是的,是的,是的。 EN: Led by four powerful godfathers, they operate "like a Fortune 500 company" just with more government bribes and violent actions. ZH_REF: 卡利集团由四位强大的教父级大佬把持,像“财富 500 强”公司一样运作,只是涉及更多的政府贿赂和暴力行为。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,我们的生活是由他们来的,而不是在那里,他们都是为了得到的,而不是为了给别人的服务,而不是为了给我带来的, EN: Gilberto Rodriguez Orejuela (Damian Alcazar) is the cartel's leader, Miguel Rodriguez Orejuela (Francisco Denis) being the brains, Pacho Herrera (Alberto Ammann) running the Mexican connection, and Chepe Santacruz Londono (Pepe Rapazote) based in New York. ZH_REF: 吉尔伯托·罗德里格斯·欧华拉(达米安·阿尔卡扎饰)是卡利集团的领导人,米格尔·罗德里格斯·欧华拉(弗朗西斯科·丹尼斯饰)是卡利集团的智囊,Pacho Herrera帕乔·赫雷拉(阿尔伯托·阿曼饰)负责运营墨西哥的网络,彻普·圣克鲁斯·伦敦诺(佩佩·拉帕佐特饰)负责纽约的运营。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,一个人的名字是,他们的名字是,他们是在(d)的,是在他们的,是在他们的,是的,是的,是在他的,是在(d)的,也是“黑洞”的意思 EN: The newly released trailer sees Pedro Pascal return as Javier Peña, the character enlisting American and Colombian law enforcement to help with the war on drugs. ZH_REF: 这部新发布的预告片中,佩德罗·帕斯卡以哈维尔·佩纳这一角色重新回归。哈维尔·佩纳这个角色支持美国和哥伦比亚执法部门,协助开展毒品战争。 -ZH_HYP: 1.. +ZH_HYP: 他的身材,是在外边,是为了使他们的缘故,而不是为了让自己的人,而去,他们也是为了让他们的,而不是在那里,也是为了让我的人而去,而不是为了更多的,是为了我们的人的的的 EN: Other new actors include Matias Varela, Michael Stahl-David, Matt Whelan, Miguel Angel Silvestre, Kerry Bishe, and Arturo Castro. ZH_REF: 其他新演员包括 马蒂亚斯·巴雷拉、迈克尔·斯塔尔-大卫、马特·惠兰、米格尔·安杰尔·西尔韦斯特凯瑞·碧许、和阿图罗·卡斯特罗。 -ZH_HYP: 1.. +ZH_HYP: 在其他的情况下,一个人的名字是,他们的是,他们的,是的,是的,是的,是的,是的,是的,是的,是的,是对的,也是对的,而不是你的意思。了了了了了了了 EN: Season three of Narcos will debut 1 September. ZH_REF: 《毒枭》第三季将于 9 月 1 日亮相。 -ZH_HYP: 1.. +ZH_HYP: (美英对照):“这是个不稳定的,因为它是在我们的,是为了使自己的力量而变得更容易,而不是为了”(“)”,“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。。。。 EN: It is understood that a reason for not having a Hong Kong stop in Coldplay’s tour this time round was because of a lack of an appropriate venue. The band specifically requested for an outdoor venue with a seating capacity of at least 30,000. ZH_REF: 据悉,此轮Coldplay巡演中没有香港站的原因之一,就在于没有合适地点,因为他们明确要求至少要容纳3万人以上的户外场地。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为它是在用的,是用的,是在不需要的时候,才会有多的,所以我们就会有多的东西,而不是在那里,是的,是的,是的。 EN: Zuckerberg hopes to use Jarvis to control everything at home, from music to lights to temperature, with his voice. ZH_REF: 扎克伯格希望借助Jarvis项目用自己的声音控制家里的所有东西,从音乐到灯光再到温度。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: On December 19, ZTE publicly disclosed that the company successfully acquired Zhuhai Granton Automobile in July this year, and has set up ZTE Smart Auto Co., Ltd to enter the renewable energy auto sector. Centered on the research and development, designing, and production of renewable energy vehicles, as well as the system research and development, and building and operation of vehicle networking applications, big data, driverless vehicles, and cloud computer centers, the company aims to create a brand new industry sector. ZH_REF: 12月19日,中兴通讯对外披露,今年7月,该公司成功收购珠海广通客车,组建中兴智能汽车有限公司进入新能源汽车领域,围绕新能源汽车研发、设计、生产制造,车联网应用、大数据、自动驾驶、云计算中心的系统研发与建设运营,打造全新产业板块。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,中国的交易是一个巨大的损失,从经济上看,这是个好主意,它是由一个人组成的,它的发展,以及它的制造、销售和业务,以及它的制造者和服务,以及它的制造者和他的服务。 EN: Afghan democracy depends on political role for women, U.N. says ZH_REF: 联合国称阿富汗民主取决于女性的政治地位 -ZH_HYP: 1.. +ZH_HYP: 5.a............................................................... EN: Elections can only be representative if all members of society, including women, play a role, the head of the U.N. mission in Afghanistan said Wednesday. ZH_REF: 联合国驻阿富汗援助团团长星期三称,只有包括女性在内的社会所有成员都参与的选举才是有代表性的。 -ZH_HYP: 1.. +ZH_HYP: (4)如果有,就可以在任何情况下都是为了使人的利益,而不是在他们的中,而是在中,而不是在别人身上,而是在你的脚趾中,让人感到很有价值的的的的的的的的的的的的 EN: Nicholas Haysom, acting head of the U.N. Assistance Mission said hundreds of women are running in provincial council elections, three women are running for vice president and more than 30 percent of the newly-registered voters are women. ZH_REF: 联合国援助团团长尼古拉斯·海伊索姆称,上百名女性正在参与省级议会选举,三名女性正在参加副总统选举,超过 30% 的新注册选民为女性。 -ZH_HYP: 1.. +ZH_HYP: 在美国,这是个不寻常的事,是为了使自己的事业变得更容易,而不是在他们的身上,而是在他们的面前,为自己的服务,而不是在那里,也是在那里,是的,是的,是的。 EN: "The role of women cannot be overstated," he said in a statement Wednesday. ZH_REF: 他在周三的声明中称,“女性的地位不容小觑。” -ZH_HYP: 1.. +ZH_HYP: “我的意思是,”“不,”“是的,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。。 EN: Elections can only be truly representative and credible when women fully participate and are included in all parts of the electoral process. ZH_REF: 只有当女性完全参与并包含在选举过程的全部阶段中,才真正是有代表性的、可信的选举。 -ZH_HYP: 1.. +ZH_HYP: (4)如果有,就可以在任何时候都是不可能的,因为他们是在中,是为了让人感到羞耻,那是对他们的,是对的,是在我们的上司,还是要把它的意思和联系 EN: Afghan provincial council and presidential elections take place April 5. ZH_REF: 阿富汗省级议会和总统选举于 4 月 5 日举行。 -ZH_HYP: 1.. +ZH_HYP: 4.5.在对其他国家的影响下,我们的贸易是在一起,为自己的力量提供了机会,使他们的心智变得更加危险,而在其他方面,他们都是在一起,而不是在(e)上,了了 EN: The Taliban has issued threats against an election process that coincides with the transition of international combat operations to an advisory role. ZH_REF: 塔利班对一选举程序发出恐吓,该选举与国际军事行动向顾问身份的过渡吻合。 -ZH_HYP: 1.. +ZH_HYP: (k)(一)不一切,是为了使自己的处境和危险而变得更糟,因为它是在为自己的,而不是在那里,它是在(e)的,而不是在那里,它是为了保护自己的而的的的的的的的的的的的的的的的的的的 EN: This year's elections mark the first time power is handed peacefully from one democratically elected government to the next. ZH_REF: 今年的选举是第一次和平实现从一个民主选举政府到下一个民主选举政府的权力交接。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: Haysom said a strong role for women will add to Afghanistan's democratic success. ZH_REF: 海伊索姆称女性的重要地位将促进阿富汗民主。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,它是为了使自己的利益而变得更糟,而不是在他们的工作中,而不是在那里,而是要用的,是的,是的,是对的,对你的 EN: The Afghan Independent Election Commission reports 1.2 million women are registered out of 3.6 million total registered voters. ZH_REF: 独立选举委员会发布报告称,总计 360 万注册选民中有 120 万为女性。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,我们的工作是,要有一个,是为了使他们的缘故,他们都是为了得到的,而不是为了他们的,而不是在那里,而是为了给我留下了好的东西,那是对的,是对我们的事了 EN: “Xiaosong Pedia”, which has been broadcast for three consecutive years on iQiyi since 2014, has maintained very high viewership and earned critical acclaim. ZH_REF: 连续播出三年的《晓松奇谈》自2014年在爱奇艺上线以来一直保持超高的播放量及口碑好评度。 -ZH_HYP: 1.. +ZH_HYP: “我的意思是,”“是的,”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。 EN: Last May, the Season 7 finale of the classic American series “The Good Wife” ended with Alicia being slapped in the face. ZH_REF: 去年5月,经典美剧《傲骨贤妻》以“A姐”艾丽西亚挨的一记耳光正式宣告七季全剧终。 -ZH_HYP: 1.. +ZH_HYP: (美英对照),这条路是我们的,是在不可能的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。了 EN: This was the best legal and political drama in the eyes of many. Both IMDb and Douban gave Season 7 of the series an average rating of 9 and above. ZH_REF: 对于很多人而言,这是他们心目中最好的律政剧。无论IMDb还是豆瓣,该剧七季的平均分都在9分以上。 -ZH_HYP: 1.. +ZH_HYP: (美国)(这篇)是一个不公平的东西,也是为了让自己的心跳而来,而不是在他们的面前,在那里,他们的力量和力量,是的,是的,是的,是的,是的,是的。 EN: Other than Season 1, Rotten Tomatoes had a 100% certified fresh rating for the other six seasons. ZH_REF: 烂番茄上除第一季外,其他六季新鲜度都高达100%。 -ZH_HYP: 1.. +ZH_HYP: (一)(一)不,可被认为是用不着的,因为它是在用的,是用的,在那里,他们的意思是:“我的意思是,”他说,“你的意思是,我们要去做,” EN: Just when fans of “The Good Wife” felt lost, CBS released “The Good Fight”, a sequel to “The Good Wife” on CBS All Access, its streaming service. ZH_REF: 就在傲骨迷倍感失落之际,CBS网上频道新推出了一部《傲骨贤妻》系列衍生剧《傲骨之战》。 -ZH_HYP: 1.. +ZH_HYP: (美国)(这篇)是“不”的,因为它是在做的,它的意思是:“我的意思是,它是在为你的,而不是在那里,”他说,“你的意思是对我的意思。了了了了了了”””””??????” EN: On IMDb, its rating not only beat many American dramas broadcast at the same time, it also beat that of all the seasons of “The Good Wife”, breaking the curse of a “bad sequel to a masterpiece”. ZH_REF: 在IMDb上,这一分数,不仅打败了同档播出的众多美剧,也打败了整七季的母剧《傲骨贤妻》,更首次打破了衍生剧“狗尾续貂”的魔咒。 -ZH_HYP: 1.. +ZH_HYP: 在美国,这是个不寻常的事,也是为了让自己的事业变得更容易,而且也是为了让他们的,而不是在他们的身边,而不是在那里,是为了给别人带来的,而不是在他身上的 EN: The 16th round of the women's team of the Table Tennis Super League took place last night. Ding Ning missed the match due to illness. As a guest member, the women's team of Beijing Shougang Group failed Shandong Luneng. ZH_REF: 乒超联赛昨晚进行了女团第16轮争夺,丁宁因病缺阵,北京首钢女乒客场不敌山东鲁能。 -ZH_HYP: 1.. +ZH_HYP: (美)(一),(),我们的背面是,也是为了让自己的心跳而来,而不是在他们的时候,就像在那座的,是的,是的,是的,是的,是的,是的。 EN: 13 developers compete for Jianhong Chemical Plant site in Tianhe District; land price could exceed RMB10,000/m2 ZH_REF: 13开发商争抢天河区坚红化工厂地块地价或将破1万元/m2 -ZH_HYP: 1.. +ZH_HYP: (一)有的是,在不影响的情况下,我们的产品是用的,而不是用它来的,是在用的,它的意思是:“你的意思是,”的,了,了了的的的的的的的的的的的的的的 EN: Yangcheng Evening News/Reporter Zhao Yanhua: This afternoon, not less than 13 developers competed for the Jianhong Chemical Plant site. The Jianhong Chemical Plant site at Huangpu Road in Tianhe District is a Class 2 land parcel for residential use (R2), with site area of 17,304 m2 (land available for construction: 15,178 m2), and gross floor area of 45,534 m2. ZH_REF: 羊城晚报讯记者赵燕华报道:今天下午,将有不少于13家开发商争抢坚红化工厂地块,今天出让的天河区黄埔大道坚红化工厂地块,为二类居住用地(R2),用地面积17304平方米(可建设用地15178平方米),建筑面积为45534平方米。 -ZH_HYP: 1.. +ZH_HYP: 在此,有的是,有的是,我们的生活方式是:(1)他们的生活,有的,有的,有的,有的,有的,是的,是的,是的,是的,是的,是的。的了了了。 EN: There are requirements for small and medium-sized units for the site. The proportion of built-up gross floor area for the development of residential units 90 m2 and below should not be less than 60% at this site. ZH_REF: 地块设有中小套型要求,90平方米以下住房面积占宗地住宅开发建设总面积比例不低于60%。 -ZH_HYP: 1.. +ZH_HYP: (a)为使人的服务变得更有价值,但在其他方面,我们必须在这方面进行工作,而不是在其上,或在其他情况下,以牺牲其代价,而不是为其所需的(a)的的的的的的的的的的的的的的的的的的的的 EN: Based on the largest floor area of a small to medium-sized unit, at least 303 small and medium-sized units could be offered at this site. ZH_REF: 按中小户型的最大面积计算,该地块将至少可以提供303套中小户型住宅。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为它是在用的,而不是在他们的中,是在用的,而不是在那里,它是由你的,是的,是的,是的,是的,是的。了了了 EN: It is understood that this site is located directly east of Huangpu Interchange, and across the road from Guangzhou Tianhe Architecture Design Institute. Amenities around the site are comprehensive. It is the first listing of a residential site in the Tianhe District this year. ZH_REF: 据悉,该地块位于黄埔立交正东面,马路对面便是天河建筑设计院。该地周边配套完善,为今年挂出的天河区首块住宅用地。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为它是由我们来的,而不是在他们的中,是在他们的中,是在这方面,它是由你所做的,而不是在那里,它是由我所做的的 EN: Elsewhere, a Class 2 land parcel for residential use (R2) at Chan Chu Shi North Road, Tonghe Dongkeng, Baiyun District, was also offered for sale today, with site area of 32,891 m2 (land available for construction: 30,965 m2), and gross floor area of 92,895 m2. The listed starting price was RMB613.11 million, equivalent to RMB6,600 per m2 per plot ratio. ZH_REF: 另外,今天还将出让白云区同和东坑蟾蜍石北路一幅二类居住用地(R2),用地面积32891平方米(可建设用地30965平方米),建筑面积92895平方米,挂牌起始价61311万元,折合楼面地价6600元/平方米。 -ZH_HYP: 1.. +ZH_HYP: 在其他地方,有的是,有的是,有的,有的,有的,有的,是的,有的,是的,有的,是的,有的,是的,有的,是的,是的,是的,我们的价格是2006年的 EN: This land parcel is the first residential site offered for sale in Baiyun District this year. Similarly, there are requirements for small and medium-sized units (90 m2 and below), with the proportion at 30%. ZH_REF: 该地块为白云区今年来推出的首幅宅地,同样要求中小套型(90平方米以下)比例为30%。 -ZH_HYP: 1.. +ZH_HYP: (a)为人提供了一个安全的机会,这是在我们的土地上,而不是在他们的身上,而是在他们的时候,在那里,是在那里,还是要用的,因为它是用的,而不是太多了了了的的 EN: The site, with the extended Guangzhou Metro Line 3 passing through its east side, is located at the section of the road between Tonghe and Jingxi Nanfang Hospital stations. ZH_REF: 地铁三号线延长线从其西边穿过,地块正位于同和站和京溪南方医院站之间的路段。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在这方面,我们的事都是,从他们的角度来,我们的事也是在他们的,是在那里,是为了让你的人感到厌倦,而不是为了给他们带来的,是的,是的,是的。 EN: “1 billion parcels per day can be achieved in less than eight years; probably in about six to seven years,” said Alibaba Chairman Jack Ma yesterday at the “2017 Global Smart Logistics Summit” held in Yuqi township, Hangzhou. ZH_REF: “一天十亿只包裹,不会超过八年,估计在六七年左右就能实现。”在昨日杭州云栖小镇举行的“2017全球智慧物流峰会”上,阿里巴巴董事局主席马云如是说。 -ZH_HYP: 1.. +ZH_HYP: “”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,“你说的,你的意思。。。。。。。。。。。 EN: At the Summit, Cainiao Networks unveiled its new brand logo and the ACE green smart logistics vehicle plan. It also announced that it will build one million “smart” renewable energy logistics vehicles with numerous renowned automakers. Currently, the new vehicle has undergone trials in Shenzhen and Chengdu, with cost savings of more than 20%. ZH_REF: 在这次大会上,菜鸟网络发布了全新的品牌标识和ACE绿色智慧物流汽车计划,并宣布与多家知名车企打造百万辆“智慧”新能源物流汽车,目前新车已在深圳和成都进行试点,节省成本超过两成。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的特点是,他们的设计是由他们的,而不是在他们的,是的,它的价值,它的新的,是的,它的价值,也是在高科技的,它的价值是很有价值的 EN: In 2016, China’s express delivery industry achieved more than 50% growth for six consecutive years, with an average of 80 million parcels per day, with changes in delivery time allowed as well. ZH_REF: 2016年,中国快递业已实现连续6年增长率超过50%,日均8000万个包裹,还可以更改送货时间。 -ZH_HYP: 1.. +ZH_HYP: 在美国,有的是,有的是,有的东西,是的,是的,是的,是的,是的,是的,是的,是的,也是为了提高他们的效率而去做的,而不是在2005年的时候,我们都会被人 EN: This made Aunt Gao and her family, residents of the Machinery Office dormitory at Minzhu Road in Nanning, very happy. ZH_REF: 这让住在南宁市民主路机械厅宿舍的高阿姨一家人很高兴。 -ZH_HYP: 1.. +ZH_HYP: (4)a:(),(),我们的房间里,都是为了让他们的,而不是在他们的身边,在那里,他们都是为了得到的,而不是在那里,要么是为了提高他们的能力而去做的事了 EN: Neighbors also said that flowers blooming on the money tree is a rare sight. Residents of the housing estate felt that this was very auspicious, and came to take a look out of interest after learning about the matter. ZH_REF: 邻居们也都说发财树开花,真是难得一见。小区居民们认为这是一件很吉祥的事,得知后都饶有兴致前来观看。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,你的钱是在为自己的,而不是在,你也会有什么好处,因为你的意思是,他们的意思是,你的意思是对的,对我们来说是个问题 EN: The scientific name for the money tree is “Malabar Chestnut”, a tropical plant native to Mexico. It performs best in warm and damp conditions, and its flowers will only bloom under appropriate conditions such as sunlight, water and nutriments. ZH_REF: 发财树学名“马拉巴栗”,是一种热带植物,原产墨西哥,喜温暖湿润,必须在阳光、水分、养料等多个条件都适宜的情况下,才可能出现开花现象。 -ZH_HYP: 1.. +ZH_HYP: (一)有的是,在我们的身上,有的是,他们的颜色,是用的,是的,是的,是的,是的,是的,是的,是的,也是在对的,而不是在那里,它是最适合的。 EN: Even in the wild where tropical conditions are appropriate, flowers blooming on money trees are rare. It was once said that the “chance of flowers blooming is one in a thousand”. ZH_REF: 即使在热带条件适宜的野外,发财树开花也属罕见,曾有“开花率仅千分之一”的说法。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,有的是,他们的命运,是为了得到的,而不是在他们的面前,他们的生活方式是,他们的力量是在(e)的,是在我们的上司,而不是在那里,你会被人所吸引的 EN: Yesterday morning, reporters visited the Nanning Machinery Office dormitory at Minzhu Road. Led by Aunt Gao, the reporters saw the money tree. ZH_REF: 昨天早上,记者来到南宁市民主路机械厅宿舍,在高阿姨的指引下,记者见到了那棵发财树。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,我们的工作是,是为了使自己摆脱了,而不是为了自己的,而不是在他们的身边,那是对的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: Planted amid the flower bed of the housing estate, the money tree was about five meters tall, and the branch circumference, at its thickest, measured approximately 30 cm. Its leaves were emerald green and luxuriant. ZH_REF: 发财树种在小区的花圃里,大约5米高,最粗的树枝周长约30厘米,树叶翠绿茂盛。 -ZH_HYP: 1.. +ZH_HYP: (4)a:(一),(),(),(2),在用的东西,都是用的,因为它是用的,它的意思是:“你的意思是,”他说,“你的意思是,”说 EN: The flowers bloomed at tips of higher branches, and the flowers that were in full bloom were more than 10 cm wide. The delicate pale yellow filaments were evenly spread out, and the green buds, when burst, curled backwards on both sides. The fine and dense stamens resembled silver threads with gold stars at their tips. ZH_REF: 花朵开在较高树枝顶端,盛开的花有10多厘米宽,淡黄色的细丝均匀散开,绿色花苞裂开后卷曲在两旁,花蕊细密如银丝,丝头金星点点。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,他们的颜色,都是由它来的,而不是在他们的身上,它的颜色和它的颜色,是在你的,是的,它的颜色和它的颜色,都是在说谎的。 EN: Aunt Gao told the reporters that the money tree has been planted for eight years. When it was first planted, it was about one meter tall; it is now more than five meters tall. ZH_REF: 高阿姨告诉记者,这棵发财树种了8年了,当时种的时候大约高1米,现在长有5米多了。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,你是在为自己的,而不是在,他们是在说谎,而不是在(或)上,你会有什么关系,因为它是我们的,是的,是的 EN: It was originally a potted plant when her son first bought it from the flower and bird market, and was subsequently planted in the flower bed. She did not have to take particular care of it, but would occasionally earth it up. ZH_REF: 这是她儿子从花鸟市场购买回来的盆景,后来种在了花圃里,她也不怎么打理,就是有时候培培土而已。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),(),(),是在不对的,是在不可能的,它的意思是,它是在做的,而不是在那里,它是由它来的,它是由你所引起的,它的意思是什么? EN: With the advent of 2018, the National Centre for the Performing Arts has specially organized nine sets of 11 New Year concerts. Ingenious musical notes accompanied the audience to usher in the New Year, and moving melodies were played offering the most sincere blessings for the festival. ZH_REF: 在2018年即将到来之际,国家大剧院特别推出了9台11场新年系列音乐会,用曼妙音符陪伴广大观众共迎新年,以动人旋律奏响最诚挚的节日祝福。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,我们的工作是,有的是,他们的感情,是为了使他们的心智而变得更有价值,而他们的生活方式是在国际上,而不是在他们的上,是在一起的,是的,是的。 EN: From the increase of sports crowd, the development of sports undertakings to the rise of sports industry, sports is influencing the progressing pace of Chinese society with more powerful appeal. ZH_REF: 从体育人群的增多、体育事业的发展,到体育产业的兴起,体育运动正在以更强大的号召力,影响着中国社会行进的步伐。 -ZH_HYP: 1.. +ZH_HYP: (4)(一),在一个人的过程中,我们的愿望是,在做什么,而不是为了使他们变得更容易,因为他们的行为是由人的,而不是在他们的上司,而是在那里的,是对的,对我们来说是最重要的 EN: On November 4, Deputy Director of the management committee of Qingyuan Overseas Chinese Industrial Park (QOCIP), Pan Hong, on behalf of QOCIP, and Zuo Haibo, President of Yingde Kanhoo New Energy and Technology Co., Ltd entered into the “Kanhoo Production Base Investment and Construction Contract”. ZH_REF: 11月4日,清远华侨工业园管委会副主任潘虹代表清华园与英德市科恒新能源科技有限公司总裁左海波签署《科恒生产基地项目投资建设合同书》。 -ZH_HYP: 1.. +ZH_HYP: 在本公司的背景下,我们的工作是由他的,是由他的,是在“大”的,是用的,是的,是的,是的,是的,是的,是的,是的,是的,也是为了支持的. EN: The enterprise officially established its plant in Qingyuan Overseas Chinese Hi-Tech Industrial Base, mainly to produce lithium cathode material. Trial production is expected to commence next May. When operating at designed capacity, output value could exceed RMB3 billion, and it could help bring up- and downstream enterprises along the industry chain into Qingyuan Overseas Chinese Hi-Tech Industrial Base, thus accelerating the growth of the Industrial Base. ZH_REF: 该企业正式进驻清华园高科技产业基地,项目选址于清华园高科技产业基地内,主要从事锂离子电池正极材料的生产,预计明年5月进入试产阶段,全面达产后产值超30亿元,并能带动企业上下产业链集聚清华园高科技产业基地,加快产业基地的发展。 -ZH_HYP: 1.. +ZH_HYP: (c)【句意】(a)“我们的”,“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。 EN: These two government officials claimed that Apple sent a letter to the Indian government last month, which set forth its plans to produce iPhone and other products in India, and hoped that the Indian government would introduce preferential policies on the fiscal front. ZH_REF: 这两位政府官员称,苹果上个月致信印度政府,阐述了在印度生产iPhone等产品的计划,并希望印度政府能在财政方面出台优惠政策。 -ZH_HYP: 1.. +ZH_HYP: 在这一情况下,一个人的名字是,他们的名字是,他们的价格,是为了给他们带来了,而不是在他们的国家里,他们的愿望是为了给他们带来的,而不是在其他方面,也是为了给我带来的 EN: Shichang Xingbao reported that between 2005 and 2011, the GDP of Anhui Province rose from joint “bottom” to second at one stroke. ZH_REF: 据市场星报报道,从2005年到2011年,我省GDP一举由中部并列“垫底”升至次席。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: However, the Province’s economic growth continued to experience difficulties such as low investment efficiency, and a lack of core competitiveness in its industrial economy. To this end, the latest issue of the “Economic Blue Paper” of the Province’s Economic Information Center advised raising the quality and benefit of economic growth. ZH_REF: 但我省经济增长仍存在投资效率偏低、工业经济缺乏核心竞争力等困境。为此,省经济信息中心最新一期《经济蓝页》建议提高经济增长的质量和效益。 -ZH_HYP: 1.. +ZH_HYP: 但是,在这个方面,我们的经济是一个巨大的障碍,而不是在经济上,也是为了使他们的利益而变得更糟,因为它是在经济上的,而不是在美国,它的价值是高的,它是对你的.的的的的的 EN: We have made a comparison of some of the representative indices of the Province’s economy between 2005 and 2011 with that of the nation and Central China. ZH_REF: 以2005年和2011年我省经济的一些代表性指标为依据,将其与全国及中部地区进行比较。 -ZH_HYP: 1.. +ZH_HYP: 5.a.................................................................. EN: In 2011, in terms of industrial economic benefit, high energy consumption industries such as industrial energy and raw materials, which comprised a relatively large proportion of the Province, had to endure “twin pressures” - they were significantly affected by market volatility as well as overcapacity. At the same time, home appliances, automotive and other leading industries lacked innovation, resulting in slim profits. ZH_REF: 在工业经济效益上,2011年,在我省占有相当比例的工业能源、原材料等高耗能行业,受市场波动影响较大和产能过剩“双重压力”,同时,家电、汽车等主导产业创新力不足,导致利润微薄。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,对经济的影响,是一种不稳定的,是在贸易方面的,而不是在经济上,而是以一种方式,在很大程度上,它的优势和效率,是对其进行的,而不是在其他领域的,是很有价值的的的的的的的 EN: Meanwhile, enormous investment did not bring about the corresponding economic benefit, which was a key factor leading to poor quality and benefit in economic growth. ZH_REF: 而大量的投资没有带来相应经济效益,是导致我省经济增长质量和效益不高的重要原因。 -ZH_HYP: 1.. +ZH_HYP: 但是,在一个大的时刻,我们将为自己的事业而付出代价,而不是为自己的利益,而不是为自己的利益,而是为了在这方面付出代价,而不是为自己的事业而付出的代价。是的了的了的了了。。。。。。。。。 EN: As regards this, experts advised that effective measures should be adopted to incentivize enterprises to innovate. The technical outcomes of Institutions of higher learning and technological research institutes should also be promptly “transferred” to enterprises. ZH_REF: 对此,专家建议,要采取有效措施鼓励企业创新,高校及科研院所的科技成果也要及时向企业“转移”。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我们的意思是,我们的工作是为了得到的,而不是为了得到更多的钱,而不是在他们的时候,才会有更多的东西,而不是你的意思。了了了了了了了了了了了 EN: As for low industrial economic benefit, experts said that industry merger and reorganization should be actively advanced, industry structure optimized, and the industry chain extended. ZH_REF: 对于工业经济效益不高,专家说,也要积极推动产业兼并重组、优化产业布局、延伸产业链。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在贸易方面,我们的态度是,从某种意义上看,是在不可能的,而不是在(d)的,也是在不断的,是在不断的,是对的,而不是太高了 EN: “Higgins had a very perfect start. I thought I might lose the competition very soon. But I didn’t give up, and finally turn the tables,” said Marco Fu after the match. ZH_REF: 傅家俊赛后说,希金斯开局非常完美,自己以为很快就会大比分败北,但随后他还是坚持自我,终于反败为胜。 -ZH_HYP: 1.. +ZH_HYP: ’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’’ EN: Th period of intensive training just meets the key stage of each team’s winter training. With the main force of each team absent, the preparation training will be inevitably affected . ZH_REF: 从集训时间看,这个时间段正好是各队冬训的关键阶段,队中主力被征战,必然将会对备战训练造成相当大的影响。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),在这方面,我们都是为了使他们的事业变得更容易,而不是在他们的身边,他们的工作是由我所做的,而不是在那里,还是要花了,就会被人所受的影响了 EN: Automobile technology has developed for more than a century, and a lot of the technology is fairly mature. However, future auto user experience is more dependent on human-machine interaction. ZTE has advantages in the areas of IT, network, and auto networking systems. ZH_REF: 一方面汽车技术经过一百多年的发展,许多技术已经比较成熟;一方面未来汽车的用户体验更多地取决于人机互动,中兴在IT、网络、车联网系统等领域有优势。 -ZH_HYP: 1.. +ZH_HYP: (4)如果有,就可以用更多的方法来进行,而不是在他们的中,是在一个人的,而不是在他们的时候,就会有更多的东西,而不是在你的身边,那是你的,是的,是的。 EN: GMB concern over investment at McVitie's Glasgow factory ZH_REF: 英国总工会 (GMB) 关注针对麦维他公司 (McVitie) 格拉斯哥工厂的投资 -ZH_HYP: 1.. +ZH_HYP: (美英对照),()(),是在不允许的,是在不可能的,因为它是在为你的,而不是在上司,而是在为你的工作中的,而不是在别人身上的,是对的,对我们来说是最重要的。 EN: A union is seeking reassurance from managers at biscuit maker McVitie's over its long-term commitment to production at its factory in Glasgow. ZH_REF: 工会希望饼干制造商麦维他公司管理层保证长期致力于在拉斯哥工厂进行生产。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),(),我们的手表是,在做什么,也是为了让自己的心想而去,因为他们的事也是在他们的,是对的,而不是为了给别人带来的,而不是在高处的的的的 EN: GMB Scotland said the company had been silent over the future of investment at the Tollcross site. ZH_REF: 英国总工会苏格兰分会称,该公司对托尔克罗斯 (Tollcross) 工厂投资的未来一直保持沉默。 -ZH_HYP: 1.. +ZH_HYP: (美英)()(),是,我们的目的是为了使自己的处境更容易,而不是为了自己的事,也是为了让他们的,而不是在那里,而是为了给别人带来的,而不是在我们的上司面前 EN: More than 500 people work at the plant, which produces Hobnobs and Rich Tea biscuits, among other products. ZH_REF: 该工厂有 500 多名员工,生产燕麦饼干 (Hobnobs) 、浓茶饼干 (Rich tea) 等产品。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】(b)在我们的生活中,我们的意思是,它是由你所做的,而不是在那里,它是由你所做的,而不是在别人身上的,是的,是的。 EN: McVitie's owner Pladis said it had invested more than £5m at the site in the last few years. ZH_REF: 麦维他公司的所有人普拉迪 (Pladis) 斯表示,过去几年来,公司已经向该工厂投资了 500 多万英镑。 -ZH_HYP: 1.. +ZH_HYP: (美英对照),这条路是不可能的,因为它是在被人用的,而不是在他们的中,是在说谎的,是在说谎的,是的,是的,是的,是的,是的,是的。 EN: It added employees and union representatives "will be the first to know" if there were any changes to its operations. ZH_REF: 他补充道,如工厂运营有变化,员工和工会代表“会率先知道”。 -ZH_HYP: 1.. +ZH_HYP: (k)为人的目的,是,我们的工作是为了使自己的事业变得更容易,而且也是为了使他们的缘故,而不是为了让别人的心智而来,而不是为了让人感到厌倦了,那就会被人所受的影响了 EN: In a letter to the company's site manager, GMB Scotland called on McVitie's to "address concerns that funding is not being brought forward for the modernisation of production lines." ZH_REF: 在致公司厂长的信中,英国总工会苏格兰分会呼吁麦维他公司“解决资金未结转到生产线现代化上的问题。” -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),这条纹的人,是用心的,是的,是的,是的,是的,是的,是在说谎的,也是为了给你带来的,而不是为了给他带来的 EN: GMB senior organiser Drew Duffy, said: "The fact that we cannot get clarity from the general site manager over the business needs and investment plan for the future of Tollcross is deeply concerning our members. ZH_REF: 英国总工会资深主办人德鲁?达菲 (Drew Duffy) 说:“我们无法从工厂总经理那里清楚了解到托尔克罗斯 (Tollcross) 未来的业务需求和投资计划,这使我们的成员深感担忧。 -ZH_HYP: 1.. +ZH_HYP: (美英对照):“我们的工作是,从表面上看,我们的东西是很有价值的,”他说,“你的意思是,我们的工作要比你的人更多的,”他的建议也是如此。了了了了了了了了了了了了了了了了了 EN: Generations of families have worked here and the workforce is highly concentrated in the local community and the greater Glasgow area, a crucial pillar of decent employment in an area of high unemployment and social deprivation. ZH_REF: 一代又一代的家族在这里工作,而且本地社区和大格拉斯哥地区劳动力高度集中,是高失业和社会剥夺严重的地区体面就业的重要支柱。 -ZH_HYP: 1.. +ZH_HYP: (a)为人提供服务,以使其成为贸易,并为其带来更多的机会,使其成为一个共同的经济,而不是在其工作中,在这方面,对其产生的影响,并使其成为一个最重要的因素,是 EN: So, from the perspective of jobs, pay and prosperity, and against the backdrop of Brexit, rising cost of living and chronic manufacturing decline, the east end of Glasgow desperately needs a thriving manufacturing presence at McVitie's." ZH_REF: 因此,从就业、薪酬和经济繁荣的角度来看,在英国脱欧,生活成本上涨和制造业长期衰退的背景下,格拉斯哥东部地区迫切需要麦维他不断扩大生产网络。” -ZH_HYP: 1.. +ZH_HYP: (a)(一),在这方面,我们的努力是不可能的,因为它们的价格和经济的影响,是在为之提供的,而不是在高处,而是在为之提供的服务中,它是在不断成长的(美)的的的的的的的的的的的的的的的 EN: A spokeswoman for Pladis said: "The site manager at Tollcross received a letter from GMB Scotland only yesterday and the company will be responding directly as we value ongoing engagement with employees and union representatives. ZH_REF: 普拉迪斯公司的发言人表示:“托尔克罗斯 (Tollcross) 的厂长昨日刚收到英国总工会苏格兰分会的来信,该公司将会立即进行回复,因为我们重视与雇员和工会代表保持持续接触。 -ZH_HYP: 1.. +ZH_HYP: a:(一)b:we,we,we,we,“(b),”“是,”“是的,”“是的,”“是的,你的意思是,你要去的,”说说 EN: We had a regular meeting with employees and GMB representatives at Tollcross two months ago at which a number of issues were discussed openly. ZH_REF: 两个月前,我们在托尔克罗斯 (Tollcross) 与员工和英国总工会代表举行了例会,公开讨论了一些问题。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),我们的人,都是这样的,是在不可能的,是在为自己的,而不是在那里,也是为了让别人知道的,那是对的,而不是在别人身上的,是对的,而不是你的意思。了 EN: We discussed with employees then that like all companies operating in an extremely competitive and uncertain economic climate, we review our operations on an ongoing basis - and that applies across our all our businesses and sites - in order to remain competitive. ZH_REF: 我们与员工进行了讨论,然后,像所有在竞争激烈和经济不明朗的环境中运营的其他公司一样,我们对我们应用于企业和工厂的持续运营模式进行了审查,以便保持竞争力。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,我们的态度是,我们的事业是,而不是在他们的身上,而不是在那里,而是为了使自己的事业变得更有价值,而且也是为了让我们的工作而去的。是了了了了了了了了了了了了 EN: She added: "In recent years, we have invested over £5m in our Tollcross site, notably on production lines and operational improvements. ZH_REF: 她补充道:“近年来,我们在托尔克罗斯 (Tollcross) 工厂的投资超过 500 万英镑,特别是在生产线和运营改进方面。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: We fully recognise the heritage of Tollcross as a manufacturing site and should there be any changes to our operations at the site, employees and their union representatives will be the first to know." ZH_REF: 我们充分认识到托尔克罗斯 (Tollcross) 作为生产基地的历史地位,如我们在该厂的运营业务有任何变化,员工和工会代表将会第一个知道。” -ZH_HYP: 1.. +ZH_HYP: 5.a.................................................................. EN: China News Service Tibet, May 11 wire (Chen Taobin) Nyima Tsering, Deputy Director of the Tibet Autonomous Region Sports Bureau said at the Everest North Base Camp on the 10th that the cleaning up of domestic waste on the northern slope of Mount Everest will move from a public interest action in the past toward a normalized action led by the Chinese government and in which the international community will participate. ZH_REF: 中新社西藏定日5月11日电(记者陈韬彬)西藏自治区体育局副局长尼玛次仁10日在珠穆朗玛峰北坡大本营表示,今后珠峰北坡的生活垃圾清理将从过去的公益行动走向由中国政府主导、国际各界参与的常态化行为。 -ZH_HYP: 1.. +ZH_HYP: 在中国,我们的生活方式是由不同的人组成,他们的生活方式是由一个人组成的,而不是在中国,他们的行动是由一个人所控制的,而这是由中国人所做的,而不是在城市里的.的的的的 EN: On May 10, environmental protection volunteers loaded rubbish that have been sorted onto trucks. ZH_REF: 5月10日,环保志愿者们将分类垃圾装入卡车。 -ZH_HYP: 1.. +ZH_HYP: 5.a............................................................... EN: China News Service/He Penglei: In the last 10 years or so, environmental protection issues at Mount Everest have become increasingly prominent as the number of Mount Everest explorers and tourists increased significantly. ZH_REF: 中新社记者何蓬磊摄近十几年来,随着珠峰登山探险者和旅游者急剧增加,山峰所在地的环保问题日益凸显。 -ZH_HYP: 1.. +ZH_HYP: 5.a..................................................................... EN: In the Spring of 1997, the Tibet Autonomous Region Mountaineering Association initiated the first clean-up on the Northern slope of Mount Everest, cleaning up oxygen tanks and other domestic waste left over from the 1960s and 1970s. This video was also specially broadcast at the Conference of the Parties to the United Nations Framework Convention on Climate Change in Kyoto that year, drawing world attention. ZH_REF: 1997年春,西藏自治区登山协会在珠峰北坡发起第一次清扫活动,清理了一批上世纪六七十年代遗留的氧气瓶等生活垃圾。该视频还在当年的东京世界气候大会上专门播放,引起世界关注。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,我们的生活是由一个人组成的,而不是从表面上,而是在他们的中,在那里,它是在19世纪的,它的作用是在地球上的,它的意思是,它是由它来的。 EN: According to Nyima Tsering, after 1997, public interest groups arrived successively to help clean up the Northern slope of Mount Everest, but most of the participants were non-professionals. ZH_REF: 据尼玛次仁介绍,1997年之后,公益团队陆续对珠峰北坡进行过清扫,但参与者大多为非专业人士。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,一个人的名字是,在他的身上,是为了使他们的心智而变得更容易,而不是在他们的身边,而是在他们的身边,是为了得到的,而不是在那里,是为了让人感到很好 EN: Did PSG warn Barcelona about move for Neymar three years ago? ZH_REF: 巴黎圣日耳曼三年前就警告过巴塞罗那要签走内马尔? -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】我的意思是,你的意思是,他们的意思是,我们的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: La Liga side may rue their interest in Marco Verratti ZH_REF: 西甲可能会后悔对马尔科·维拉蒂抛出橄榄枝 -ZH_HYP: 1.. +ZH_HYP: (k)【句意】(a)【句意】我的意思是,你的意思是,他们的意思是,我的意思是,他们的意思是,你的意思是,它是为了给别人的,而不是在哪里? EN: Paris Saint-Germain will not let up in their pursuit of Neymar after lodging a £189m offer to trigger his release clause, but did they warn Barcelona of the world-record raid three years ago? ZH_REF: 在提出 1.89 亿英镑报价试图让其行使豁免条款之后,巴黎圣日耳曼不会放弃签入内马尔,但他们在三年前是否警告过巴塞罗那要向这位世界记录突袭者发起进攻? -ZH_HYP: 1.. +ZH_HYP: (美国)(美):“这是我们的,是为了使自己的事业变得更容易,而不是为了让自己的事而去,”他说,“你是在我的时候,还是要把它扔掉了。的了了了了了了了了了了了”?””?。。。。。。 EN: The sensational approach has lit up the summer transfer window, with the Ligue 1 club ready to break the world transfer record by more than double the previous mark, which saw Paul Pogba return to Manchester United last season for £89m. ZH_REF: 这个耸人听闻的方法已经打开了夏季转会窗口,法甲俱乐部准备以超过上一次转会记录两倍的价格打破世界转会纪录。保罗·博格巴上赛季返回曼联,金额高达 8900 万英镑。 -ZH_HYP: 1.. +ZH_HYP: (美)(一),可乐的,是的,是在不喜欢的,是在用的,而不是在过去的,是的,是的,是的,是的,是的,是的,是的,是的。了了 EN: Once completed, the move will see Neymar become the world's most expensive player and also the highest-paid professional sportsman in the world, with PSG offering wages of over £500,000-a-week after tax. ZH_REF: 一旦转会完成,内马尔将跃升成为世界上身价最高的球员,同时也是世界上薪水最高的职业运动员——巴黎圣日耳曼提供每周超过 50 万英镑的税后薪资。 -ZH_HYP: 1.. +ZH_HYP: 5.4.在一个人的时代,我们都是为了得到更多的发展,而不是为了使自己的事业变得更容易,而且也是为了使他们的事业而付出代价,而不是在美国,而不是在(e)上,这是对他的的 EN: Barcelona are known to be furious with the manner of the approach and the way that Neymar has forced his way out, despite a source close to the Catalans' board insisting that the club have always done their best to look after him since his arrival from Santos in 2013. ZH_REF: 巴塞罗那对于内马尔的进攻方式以及闯出出路感到愤怒,了解加泰罗尼亚队董事会的消息人士坚持说,2013 年他从桑托斯抵达后,俱乐部一直竭尽全力关照他。 -ZH_HYP: 1.. +ZH_HYP: (4)【句意】(a)【句意】他的意思是,我们的生活方式是,他们的意思是,他们的意思是,和它的,是的,而不是在那里,它是为了给你带来的,而不是太多的 EN: But was the football world warned of this prospect three years ago by the PSG president? ZH_REF: 但是巴黎圣日耳曼主席三年前曾对足球世界发出过这样的预测吗? -ZH_HYP: 1.. +ZH_HYP: (4)................................................................. EN: When Manchester City expressed an interest in signing Blaise Matuidi in 2014, Nasser Al-Khelaifi had a stern warning for any club looking to sign one of PSG's best players. ZH_REF: 当曼城在 2014 年表示有兴趣签约布莱斯·马泰迪时,纳赛尔·阿尔赫莱菲对任何一家想签下巴黎圣日耳曼最佳球员的俱乐部发出过严厉警告。 -ZH_HYP: 1.. +ZH_HYP: (美国)(4).............................................................. EN: "I am not worried because they know that if they touch one of our players, then we will be in opposition to them, we'll contact their players," Al-Khelaifi said. ZH_REF: “我并不担心,因为他们知道如果他们接触我们的任何一位球员,我们必将与他们针锋相对,我们也会联系他们的球员,” 阿尔赫莱菲说。 -ZH_HYP: 1.. +ZH_HYP: “我的意思是,”“不,”“是的,”“你的意思是,”“你的意思是,”“我也要把它的东西给我,”他说,“你要把它的东西弄得太多了了了了了了了了了了了了了了了了了的的 EN: "We respect all clubs. ZH_REF: “我们尊重所有俱乐部。 -ZH_HYP: 1.. +ZH_HYP: (英译汉)................................................................. EN: But if they try to sign one of our players, they'll face consequences." ZH_REF: 但如果他们试图签约我们的球员,那他们也要自食恶果。” -ZH_HYP: 1.. +ZH_HYP: (4)如果你的意思是,我们就会被人的错了,因为他们都是在一起,而不是在他们的身边,那是对的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: Barcelona appear to have crossed this line, with the Spanish club expressing an interesting in PSG midfielder Marco Verratti earlier this summer. ZH_REF: 今年夏天早些时候,这家西班牙俱乐部似乎越线了,巴塞罗那向巴黎圣日耳曼中场球员马尔科·维拉蒂抛出了橄榄枝。 -ZH_HYP: 1.. +ZH_HYP: (美)(4).............................................................. EN: PSG made it clear that they would not allow the Italy international to leave under any circumstances, and Barcelona could well be feeling the repercussions of that interest by losing one of their prize assets in Neymar. ZH_REF: 巴黎圣日耳曼明确表示,他们无论如何都不会允许这位意大利国脚离开,而巴塞罗那很可能会因为失去阵中天才内马尔而倍受影响。 -ZH_HYP: 1.. +ZH_HYP: (c)【句意】(a),这是对我们的,是为了使自己的事业变得更容易,而不是在他们的身上,也是为了给他们带来的,而不是在乎的,是对的,是对的,而不是什么? EN: By staff reporter Wang Yichen: The International Conference on Renewable Energy Development and Technology jointly organized by State Grid Corporation of China (SGCC) and the International Electrotechnical Commission was held in Frankfurt, Germany recently. ZH_REF: 本报讯记者王轶辰报道:由国家电网公司与国际电工委员会联合主办的新能源发展与技术国际研讨会日前在德国法兰克福举行。 -ZH_HYP: 1.. +ZH_HYP: (k)(一),在这方面,我们的工作是由他们来的,而不是在他们的国家里,而不是在他们的面前,才是在国际上,也是为了给他们带来的,而不是在那里,是的,是的。 EN: At present, accelerating the development of renewable energy, and advancing transformation toward clean and low-carbon energy have become a global trend. ZH_REF: 当前,加快新能源发展、推动能源清洁低碳转型,已成为全球趋势。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),这是不可能的,因为它是在用的,而不是在它们的中,是为了使自己的力量变得更容易了,而且是在我们的时候,它是由你所引起的,而不是在高处的的的的的 EN: However, large-scale development and use of renewable energy continued to be assailed by system security, long-distance delivery, technology economic and other issues and challenges that need to be confronted and resolved. ZH_REF: 而新能源的大规模开发利用,还有系统安全性问题、远距离输送问题、技术经济性问题等许多难题和挑战需要面对和解决。 -ZH_HYP: 1.. +ZH_HYP: 但是,在一个大的范围内,我们的态度是,有可能是为了使它们的发展而变得更糟,而不是在那里,也是为了使他们的利益而受到伤害,而不是在那里,要么是为了应付我们的问题而去做,这是对你的 EN: SGCC Chairman Shu Yinbiao revealed that the company was in the process of planning to expand the size of the synchronous power grid so as to strengthen the existing regional power grid interconnection. By 2020, inter-regional power transmission capacity will increase to about 300 million kW. ZH_REF: 国家电网公司董事长舒印彪透露,国家电网公司正在规划扩大同步电网规模,加强现有区域电网互联,到2020年将跨区输电能力提高到3亿千瓦左右。 -ZH_HYP: 1.. +ZH_HYP: 4.5."为",",",",",",",",",",",",",",",",",",",",",",",",",",2000年, EN: Our staff reporter learned at the beginning of August that in the first half of the year, it was understood that operations of certain wind turbines being suspended in wind farms was a fairly common phenomenon in the “three northern” wind power regions. ZH_REF: 本报讯记者8月上旬获悉,今年上半年,据了解,全国“三北”风电集中地区,弃风比较普遍。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,我们的工作是,从小的角度来看,是为了让自己的经历而变得更糟,因为他们是在(d)的,而在这方面,他们的态度是由“三”的,而不是在(e)的的的的 EN: Yancheng’s renewable energy such as wind power and PV, accounts for 70% of Jiangsu’s total. Renewable energy developed along the coast is produced and consumed locally, and has displayed enormous advantages and potential in Yancheng. ZH_REF: 盐城风电、光伏等新能源占江苏的70%,沿海发展新能源,当地生产当地消费,在盐城显示了巨大的优势和潜力。 -ZH_HYP: 1.. +ZH_HYP: 5.a..................................................................... EN: January 3 news: Reporters learned from the Guangzhou Flower Market Office yesterday that the Spring Festival flower market will begin receiving bids for the 2008 Spring Festival flower market soon. ZH_REF: 1月3日消息:记者昨日从广州市花市办获悉,2008年的迎春花市将于近日开始招投标。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(一),我们的调味,是为了让自己的心从头到尾,而不是在他们的中,为自己的力量而去,而不是在那里,是在你的上司,还是要花了。了了了 EN: Huadu District held tenders for the tangerine and flower booths on the 29th and 30th last month, respectively. ZH_REF: 花都区于上月29、30日分别进行了桔位和花位的招投标。 -ZH_HYP: 1.. +ZH_HYP: 5.a............................................................... EN: Guangzhou Yuexiu Archives Bureau is organizing and collecting hundreds of historic old photos of Spring Festival flower markets (photographed some 50 to 60 years ago), and will publicly exhibit them at the Yuexiu Culture Artistic Center on January 8, 2008. When the flower markets are being constructed at the end of January, the exhibition of these old photos will be moved to Grandbuy Department Store at Beijing Road. ZH_REF: 越秀区档案馆正在组织和收集数百张历史性的迎春花市的老照片(拍摄年代都距今五六十年之久),定于2008年1月8日在越秀区文化艺术中心进行公开的展览,在1月底花市开始进行搭建时,这批老照片将移至北京路广百小广场进行展览。 -ZH_HYP: 1.. +ZH_HYP: 在这个过程中,有的是,我们的生活,都是由“花”的,在那里,他们的生活,在这片上,他们的心智,在他们的面前,为他们的美景而去了,他们的心都是在一起的。 EN: Elsewhere, the Cultural Bureau of Yuexiu District will also hold a flower market forum, and will invite old Guangzhou leaders, folklore experts, celebrities, old residents of Beijing Road and others to come together to talk about the history and future development of Beijing Road and West Lake Road flower markets. ZH_REF: 另外,越秀区文化局还将举办一期花市论坛,邀请广州市的老领导、社会民俗专家、社会名流、北京路的老街坊等一起畅谈北京路西湖路花市的历史及未来的发展。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有一个人的经历,是一个不公平的地方,他们的生活,也是为了让他们去参加,而不是去追逐我们的,是的,是的,是的,是的,是的,是的,是的。 EN: The flower market forum will contact Internet media to carry out online broadcast, and will conduct live interaction with residents. ZH_REF: 届时,花市论坛将联系网络媒体进行网上直播,同步与市民进行互动。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,有的是,他们的生活,是为了使他们的工作变得更有价值,而不是在他们的身边,就会被人所为的,而不是在那里,还是要用的,那是对的,对的是,对我们来说,是最重要的 EN: In addition, online flower markets will be made accessible. By using the information networks of housing estates, brief introductions and messages about the flower markets will be sent to residents who intend to visit and shop at the Beijing Road business district and West Lake Road flower market. Residents may browse the “online flower markets” on their mobile phones. ZH_REF: 此外,还开通网上花市,利用小区信息网络,为进入北京路商圈和西湖路花市游览购物的市民发送有关花市的介绍短信,并可以利用手机上网来流览“网上花市”。 -ZH_HYP: 1.. +ZH_HYP: (a)(一),在“黑客”,“我们”的“”,“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”,“”“”!!。。。 EN: In 2015, the year when harvesting the organs of death row inmates was forbidden, there were 2,776 cases of organ donations from Chinese citizens upon death, and 10,057 organ transplant surgeries performed, setting a new record. ZH_REF: 2015年禁用死囚器官当年,中国公民逝世后捐献器官2776例,完成10057例器官移植手术,刷新了历史纪录。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,有的是,他们的财产被偷了,是的,是的,是的,是的,是的,是的,是的,是对的,而不是为了给别人的,而不是在2005年的时候, EN: In the past, the “Four Dreams of Linchuan” would be performed on stage in the Kunqu style. The performance of this piece after it was adapted into a play, is a first. ZH_REF: 以往《临川四梦》,基本都是以昆曲的形式呈现在戏曲舞台上的,而被改编成话剧演出,这还是第一次。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,他的性格是由“不”的,而不是在自己的,是的,是的,是的,是的,也是在说谎的,而不是在(中)的,是的,是的,是的。了 EN: In the finals against Marco Fu, Higgins scored three consecutive shots and got a 4-1 lead. ZH_REF: 决赛面对傅家俊,希金斯上来就连续三杆破百,取得4-1的领先。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,有的是,有的是,有的是,他们的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的,是的。 EN: “Made in Sichuan” renewable energy vehicles rose against the tide. Weakening fiscal subsidies, inadequate charging facilities, and ternary lithium batteries suspended from use in renewable energy passenger vehicles; in the face of prevailing upward pressures in the domestic renewable energy automobile market ZH_REF: “四川造”新能源汽车逆势上行财政补贴力度减弱、充电设施普及率不高、三元锂电池暂停在新能源客车上使用,面对国内新能源汽车市场当前的上行压力 -ZH_HYP: 1.. +ZH_HYP: (k)【句意】(a)【句意】我们的意思是,我们的钱是不可能的,因为它是在用功的,而不是用功率来衡量的,因为它是在你的,是在不断的,是很有价值的 EN: In the Phase I exhibition of the 16th Western China International Fair (hereinafter referred to as “WCIF”), which was held between November 3 and 6, six cities and prefectures including Chengdu, Nanchong and Ya’an, exhibited their development achievements in the advanced manufacturing sector. Renewable energy vehicles shone in particular, with the launch of various new vehicles, attracting widespread attention in the industry. ZH_REF: 11月3日—6日,在第十六届中国西部国际博览会(以下简称“西博会”)第一阶段展览中,成都、南充、雅安等6个市州纷纷展示在先进制造业方面的发展成果,其中新能源汽车崭露锋芒,新品迭出,引起业界的广泛关注。 -ZH_HYP: 1.. +ZH_HYP: 在这一阶段,中国的“大”,是一种巨大的东西,它的作用是由“”,它的意思是“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”!!!。。 EN: At present, the domestic renewable energy automobile market is temporarily under pressure because of weakening fiscal subsidies, inadequate charging facilities, and ternary lithium batteries being suspended from use in renewable energy passenger vehicles. ZH_REF: 当前,随着新能源汽车财政补贴力度减弱、充电设施普及率不高、三元锂电池暂停在新能源客车上使用,国内新能源汽车市场出现暂时的上行压力。 -ZH_HYP: 1.. +ZH_HYP: 在这一过程中,我们的处境是,不可能是为了使自己的利益而被人用,而不是在他们的身上,而是用在那里的,是用功的方式来进行的,而不是在这里,还是要用的,是的,是的。 EN: However, “Made in Sichuan” renewable energy vehicles rose against the tide, and have made major forays into the passenger and commercial vehicle sub-markets. Why so confident? ZH_REF: 然而,“四川造”新能源汽车却逆势上行,大举进军乘用车和商用车细分市场,底气何在? -ZH_HYP: 1.. +ZH_HYP: 在这一时期,有的是,我们的目的是为了使自己的处境更容易,而不是在他们的身上,把它放在一边,或者是在那里,是为了给他们带来的,而不是在那里,也是在那里的 EN: Staff reporter Zhao Zeyu. Current situation: Focus on developing “top students” “Made In Sichuan” renewable energy vehicles have dominated the news lately. ZH_REF: 本报记者赵泽宇现状:集中力量培育“尖子生”近期,“四川造”新能源汽车产业新闻不断。 -ZH_HYP: 1.. +ZH_HYP: (一)a:(),(),我们的手表是,在这方面,我们都有了,因为他们的事也是在不断地被告人的,而不是在那里,他们是在一起的,是对的,是对我们的最重要的 EN: Less than eight months after acquiring Dongfeng Nanchong Automobile Co., Ltd., Geely Holding Group’s (hereinafter referred to “Geely Group”) brand new commercial vehicle brand “Yuan Cheng” made its debut on October 26. Yuan Cheng E200, Geely Group's first pure electric light truck equipped with a smart auto networking platform premiered at WCIF. ZH_REF: 在完成收购东风南充汽车有限公司后不到8个月时间,10月26日,吉利控股集团(以下简称“吉利集团”)旗下的全新商用车品牌“远程”在成都首发,旗下首款搭载智能车联网平台的纯电动轻卡远程E200首次亮相西博会。 -ZH_HYP: 1.. +ZH_HYP: (b)(一)“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”“”。。。。。。。。。。。。。 EN: It is worth mentioning that under circumstances where the rate of growth of the enterprise wage guidelines this year was mainly flat or down, the minimum threshold in Beijing and Guizhou was raised. ZH_REF: 值得一提的是,在今年的企业工资指导线涨幅多为持平或下降的情况下,北京和贵州的下线有所提高。 -ZH_HYP: 1.. +ZH_HYP: (四)为使人的处境,而不是在我们的工作中,而是在为之提供的东西,如:(一),在其他的情况下,我们的工作是在(或)上的,是对的,而不是最坏的,因为它是对的 EN: Xinhua News Agency London January 9 wire (Reporter Wang Zijiang) On the 9th, UK Sport announced Great Britain’s target for next month’s Winter Olympics to be held in PyeongChang, South Korea: Win at least five medals. This would Team GB’s “best ever” target in the history of the Winter Olympics. ZH_REF: 新华社伦敦1月9日电(记者王子江)英国体育理事会9日公布了下个月参加韩国平昌冬奥会的目标:赢得至少5块奖牌,这是英国代表团参加冬奥会历史上“最宏伟的”目标。 -ZH_HYP: 1.. +ZH_HYP: 在美国的一个大片上,这是个大的东西,是在一个“黑洞”的中,它是在“你的”,它的意思是:“你的意思是,你在比赛中的位置上都是最重要的。的了了了””””””””””””””” EN: UK Sport is responsible for allocating funds to the various Olympic events, and for setting the medal targets for each event. ZH_REF: 英国体育理事会负责各个奥运会项目资金的划拨,当然也负责给各个项目下达夺牌目标。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),是,我们的目的是为了使自己的处境,而不是在他们的身上,而不是在那里,而是为了达到目的而去做,因为它是由我所做的,而不是在那里,它是最重要的 EN: It is predicted that events UK athletes have hopes of winning a medal are snowboarding, curling, skeleton and short track speed skating. ZH_REF: 据推算,英国运动员有希望冲击奖牌的项目来自单板滑雪、冰壶、钢架雪车和短道速滑等。 -ZH_HYP: 1.. +ZH_HYP: 5.a................................................................. EN: In the last Winter Olympic cycle, UK Sport has allocated a total of GBP32 million (approximately RMB280 million) to fund training for the Winter Olympic Game events, doubled that of the funding for the Sochi Winter Olympic cycle. ZH_REF: 在过去一个冬奥会周期内,英国体育理事会为冬奥会项目划拨了总共3200万英镑(约合2.8亿元人民币)的训练经费,比索契冬奥会周期翻了一倍。 -ZH_HYP: 1.. +ZH_HYP: 在美国,这是个令人吃惊的东西,因为它是在为自己的,而不是在一起,它是为了让人感到厌倦的,而且在2000年中,他们都有了超凡的力量((((的的 EN: Most of the funding was sourced from the National Lottery, with the balance funded by the government. ZH_REF: 这些钱大部分来自国家彩票,剩下的来自国家财政。 -ZH_HYP: 1.. +ZH_HYP: (一)(一),是,不需要的东西,是为了使自己的利益,而不是在他们的身边,而是在那里,是为了使自己的力量而变得更高了,而且对我们的态度有了影响,而且是对你的,是的,是的。 EN: The UK has pinned its hopes for the gold medal on two people - short track speed skater Elise Christie, a triple gold medalist at last year’s world championships, and Lizzy Yarnold, the previous skeleton Olympic champion. ZH_REF: 英国夺金的希望主要寄托在两人身上,一个是去年世界短道速滑锦标赛三金得主爱丽丝·克里斯蒂,另外一个是上届的女子钢架雪车冠军利兹·亚诺德。 -ZH_HYP: 1.. +ZH_HYP: (美国)(这篇)是一个不公平的东西,它的意思是:“你的东西,是在他们的,是在他们的,而不是在比赛中,还是在比赛中,而不是在上,”他说。了了了了了 EN: At the Sochi Winter Olympics in 2014, Team GB won one gold, one silver and two bronzes, the best tally since the inaugural Winter Olympics in 1924. ZH_REF: 2014年索契冬奥会,英国代表团取得了1金1银2铜的战绩,这是自1924年首届冬奥会之后,他们取得的最好战绩。 -ZH_HYP: 1.. +ZH_HYP: 在这一时期,一个人的名字是,他们的颜色,是为了使他们的,而不是在他们的中,才是为了赢得比赛,而不是在那里,他们是在一起,是为了赢得更多的人,而不是在你的身边。了了了 diff --git a/train.py b/train.py index 8de60c2..ff7e2ff 100644 --- a/train.py +++ b/train.py @@ -55,51 +55,6 @@ CONFIG = { } -class CosineAnnealingTFR: - def __init__(self, T_max, eta_max=1.0, eta_min=0.0, last_epoch=-1, verbose=False): - self.T_max = T_max - self.eta_max = eta_max - self.eta_min = eta_min - self.verbose = verbose - self.last_epoch = last_epoch - - # 初始化状态 - self.current_tfr = eta_max if last_epoch == -1 else self._compute_tfr(last_epoch) - if last_epoch == -1: - self.step(0) - - def _compute_tfr(self, epoch): - cos = math.cos(math.pi * epoch / self.T_max) - return self.eta_min + (self.eta_max - self.eta_min) * (1 + cos) / 2 - - def step(self, epoch=None): - if epoch is not None: - self.last_epoch = epoch - else: - self.last_epoch += 1 - - self.current_tfr = self._compute_tfr(self.last_epoch) - - if self.verbose: - print(f'Epoch {self.last_epoch:5d}: TFR adjusted to {self.current_tfr:.4f}') - - def get_last_tfr(self): - return self.current_tfr - - def state_dict(self): - return { - 'T_max': self.T_max, - 'eta_max': self.eta_max, - 'eta_min': self.eta_min, - 'last_epoch': self.last_epoch, - 'verbose': self.verbose - } - - def load_state_dict(self, state_dict): - self.__dict__.update(state_dict) - self.current_tfr = self._compute_tfr(self.last_epoch) - - def setup_logger(log_file): logger = logging.getLogger("train_logger") logger.setLevel(logging.INFO) @@ -120,7 +75,7 @@ def setup_logger(log_file): return logger -def save_checkpoint(model, optimizer, scaler, lr_scheduler, tf_scheduler, epoch, bucket_idx, config): +def save_checkpoint(model, optimizer, scaler, lr_scheduler, epoch, bucket_idx, config): os.makedirs(config["checkpoint_dir"], exist_ok=True) checkpoint = { 'epoch': epoch, @@ -130,7 +85,6 @@ def save_checkpoint(model, optimizer, scaler, lr_scheduler, tf_scheduler, epoch, 'optim_state': optimizer.state_dict(), 'scaler_state': scaler.state_dict(), 'lr_scheduler_state': lr_scheduler.state_dict(), - 'tf_scheduler_state': tf_scheduler.state_dict(), 'random_state': random.getstate(), 'numpy_random_state': np.random.get_state(), 'torch_random_state': torch.get_rng_state(), @@ -144,16 +98,15 @@ def save_checkpoint(model, optimizer, scaler, lr_scheduler, tf_scheduler, epoch, torch.save(checkpoint, os.path.join(config["checkpoint_dir"], "latest_checkpoint.pt")) -def load_latest_checkpoint(model, optimizer, scaler, lr_scheduler, tf_scheduler, config): +def load_latest_checkpoint(model, optimizer, scaler, lr_scheduler, config): checkpoint_path = os.path.join(config["checkpoint_dir"], "latest_checkpoint.pt") if not os.path.exists(checkpoint_path): - return model, optimizer, scaler, lr_scheduler, tf_scheduler, 0, 0, config["bucket_list"] + return model, optimizer, scaler, lr_scheduler, 0, 0, config["bucket_list"] checkpoint = torch.load(checkpoint_path, weights_only=False) model.load_state_dict(checkpoint['model_state']) optimizer.load_state_dict(checkpoint['optim_state']) lr_scheduler.load_state_dict(checkpoint['lr_scheduler_state']) - tf_scheduler.load_state_dict(checkpoint['tf_scheduler_state']) random.setstate(checkpoint['random_state']) np.random.set_state(checkpoint['numpy_random_state']) torch.set_rng_state(checkpoint['torch_random_state']) @@ -162,8 +115,7 @@ def load_latest_checkpoint(model, optimizer, scaler, lr_scheduler, tf_scheduler, scaler.load_state_dict(checkpoint['scaler_state']) return ( - model, optimizer, scaler, - lr_scheduler, tf_scheduler, + model, optimizer, scaler, lr_scheduler, checkpoint['epoch'], checkpoint['bucket_idx'], checkpoint["bucket_list"] @@ -212,7 +164,7 @@ def validate(model, config): labels = batch["label"].to(config["device"]) batch_size = src.size(0) - output = model(src, tgt, 1) + output = model(src, tgt) loss = nn.CrossEntropyLoss( ignore_index=config["pad_token_id"], label_smoothing=config["label_smoothing"], @@ -298,11 +250,6 @@ def train(config): T_max=config["T_max"] * 2, eta_min=config["lr_eta_min"] ) - tf_scheduler = CosineAnnealingTFR( - T_max=config["T_max"], - eta_max=config["tf_eta_max"], - eta_min=config["tf_eta_min"] - ) scaler = GradScaler(config["device"], enabled=config["use_amp"]) # recover from checkpoint @@ -310,8 +257,8 @@ def train(config): start_bucket_idx = 0 if os.path.exists(os.path.join(config["checkpoint_dir"], "latest_checkpoint.pt")): - model, optimizer, scaler, lr_scheduler, tf_scheduler, start_epoch, start_bucket_idx, config["bucket_list"] = load_latest_checkpoint( - model, optimizer, scaler, lr_scheduler, tf_scheduler, config + model, optimizer, scaler, lr_scheduler, start_epoch, start_bucket_idx, config["bucket_list"] = load_latest_checkpoint( + model, optimizer, scaler, lr_scheduler, config ) if start_epoch >= config["epochs"]: @@ -321,7 +268,7 @@ def train(config): # main train loop for epoch in range(start_epoch, config["epochs"]): for bucket_idx in range(start_bucket_idx, len(config["bucket_list"])): - if bucket_idx % len(config["bucket_list"]) == 0 and epoch != 0: + if bucket_idx % len(config["bucket_list"]) == 0: random.shuffle(config["bucket_list"]) bucket = config["bucket_list"][bucket_idx] @@ -377,11 +324,7 @@ def train(config): # mixed precision with autocast(config["device"], enabled=config["use_amp"]): - if epoch % 3 == 0: - tfr = 1 - else: - tfr = tf_scheduler.get_last_tfr() - output = model(src, tgt, tfr) + output = model(src, tgt) loss = nn.CrossEntropyLoss( ignore_index=config["pad_token_id"], label_smoothing=config["label_smoothing"] @@ -403,8 +346,6 @@ def train(config): # update scheduler after a batch lr_scheduler.step() - if epoch % 3 != 0: - tf_scheduler.step() # preformance eval with torch.no_grad(): @@ -422,8 +363,7 @@ def train(config): loss=f'{loss.item():.3f}', acc=f'{(correct.float() / total_valid).item() * 100:.3f}%' \ if total_valid > 0 else '0.000%', - lr=f'{lr_scheduler.get_last_lr()[0]:.3e}', - tf=f'{tfr:.3e}' + lr=f'{lr_scheduler.get_last_lr()[0]:.3e}' ) # log parquet info @@ -435,7 +375,7 @@ def train(config): # save checkpoint after a bucket save_checkpoint( - model, optimizer, scaler, lr_scheduler, tf_scheduler, + model, optimizer, scaler, lr_scheduler, epoch, bucket_idx + 1, config ) diff --git a/training.log b/training.log index 4d91601..9809d00 100644 --- a/training.log +++ b/training.log @@ -1,800 +1,657 @@ -2025-06-26 18:31:22 | INFO | Processing bucket 2/131 src: (3, 7) tgt: (2, 6) shard: 2/6 -2025-06-26 18:31:43 | INFO | Epoch: 1 | Bucket: 2 | Loss: 5.333 | Acc: 36.759% -2025-06-26 18:31:53 | INFO | Validation | Loss: 11.515 | Acc: 3.410% -2025-06-26 18:31:53 | INFO | Processing bucket 3/131 src: (3, 7) tgt: (2, 6) shard: 3/6 -2025-06-26 18:32:14 | INFO | Epoch: 1 | Bucket: 3 | Loss: 5.144 | Acc: 38.229% -2025-06-26 18:32:24 | INFO | Validation | Loss: 12.628 | Acc: 3.421% -2025-06-26 18:32:24 | INFO | Processing bucket 4/131 src: (3, 7) tgt: (2, 6) shard: 4/6 -2025-06-26 18:32:44 | INFO | Epoch: 1 | Bucket: 4 | Loss: 5.058 | Acc: 38.776% -2025-06-26 18:32:54 | INFO | Validation | Loss: 12.537 | Acc: 3.463% -2025-06-26 18:32:54 | INFO | Processing bucket 5/131 src: (3, 7) tgt: (2, 6) shard: 5/6 -2025-06-26 18:33:15 | INFO | Epoch: 1 | Bucket: 5 | Loss: 4.990 | Acc: 39.395% -2025-06-26 18:33:25 | INFO | Validation | Loss: 12.560 | Acc: 3.479% -2025-06-26 18:33:25 | INFO | Processing bucket 6/131 src: (3, 7) tgt: (2, 6) shard: 6/6 -2025-06-26 18:33:41 | INFO | Epoch: 1 | Bucket: 6 | Loss: 4.941 | Acc: 40.175% -2025-06-26 18:33:52 | INFO | Validation | Loss: 12.678 | Acc: 3.483% -2025-06-26 18:33:52 | INFO | Processing bucket 7/131 src: (7, 10) tgt: (2, 6) shard: 1/1 -2025-06-26 18:34:20 | INFO | Epoch: 1 | Bucket: 7 | Loss: 5.359 | Acc: 35.573% -2025-06-26 18:34:30 | INFO | Validation | Loss: 11.145 | Acc: 3.557% -2025-06-26 18:34:30 | INFO | Processing bucket 8/131 src: (10, 13) tgt: (2, 6) shard: 1/1 -2025-06-26 18:34:37 | INFO | Epoch: 1 | Bucket: 8 | Loss: 5.455 | Acc: 33.847% -2025-06-26 18:34:46 | INFO | Validation | Loss: 10.884 | Acc: 3.544% -2025-06-26 18:34:46 | INFO | Processing bucket 9/131 src: (3, 7) tgt: (6, 9) shard: 1/1 -2025-06-26 18:35:11 | INFO | Epoch: 1 | Bucket: 9 | Loss: 5.514 | Acc: 29.577% -2025-06-26 18:35:20 | INFO | Validation | Loss: 11.807 | Acc: 3.904% -2025-06-26 18:35:20 | INFO | Processing bucket 10/131 src: (7, 10) tgt: (6, 9) shard: 1/3 -2025-06-26 18:35:47 | INFO | Epoch: 1 | Bucket: 10 | Loss: 5.455 | Acc: 28.732% -2025-06-26 18:35:57 | INFO | Validation | Loss: 11.387 | Acc: 4.249% -2025-06-26 18:35:57 | INFO | Processing bucket 11/131 src: (7, 10) tgt: (6, 9) shard: 2/3 -2025-06-26 18:36:24 | INFO | Epoch: 1 | Bucket: 11 | Loss: 5.189 | Acc: 31.316% -2025-06-26 18:36:34 | INFO | Validation | Loss: 11.492 | Acc: 4.265% -2025-06-26 18:36:34 | INFO | Processing bucket 12/131 src: (7, 10) tgt: (6, 9) shard: 3/3 -2025-06-26 18:37:10 | INFO | Epoch: 1 | Bucket: 12 | Loss: 5.053 | Acc: 32.820% -2025-06-26 18:37:20 | INFO | Validation | Loss: 11.350 | Acc: 4.357% -2025-06-26 18:37:20 | INFO | Processing bucket 13/131 src: (10, 13) tgt: (6, 9) shard: 1/2 -2025-06-26 18:38:05 | INFO | Epoch: 1 | Bucket: 13 | Loss: 5.429 | Acc: 29.622% -2025-06-26 18:38:14 | INFO | Validation | Loss: 10.874 | Acc: 4.411% -2025-06-26 18:38:14 | INFO | Processing bucket 14/131 src: (10, 13) tgt: (6, 9) shard: 2/2 -2025-06-26 18:38:36 | INFO | Epoch: 1 | Bucket: 14 | Loss: 5.231 | Acc: 31.869% -2025-06-26 18:38:46 | INFO | Validation | Loss: 10.784 | Acc: 4.448% -2025-06-26 18:38:46 | INFO | Processing bucket 15/131 src: (13, 16) tgt: (6, 9) shard: 1/1 -2025-06-26 18:39:00 | INFO | Epoch: 1 | Bucket: 15 | Loss: 5.268 | Acc: 32.479% -2025-06-26 18:39:10 | INFO | Validation | Loss: 10.701 | Acc: 4.457% -2025-06-26 18:39:10 | INFO | Processing bucket 16/131 src: (3, 7) tgt: (9, 12) shard: 1/1 -2025-06-26 18:39:16 | INFO | Epoch: 1 | Bucket: 16 | Loss: 5.512 | Acc: 25.221% -2025-06-26 18:39:24 | INFO | Validation | Loss: 9.879 | Acc: 5.007% -2025-06-26 18:39:24 | INFO | Processing bucket 17/131 src: (7, 10) tgt: (9, 12) shard: 1/1 -2025-06-26 18:40:10 | INFO | Epoch: 1 | Bucket: 17 | Loss: 4.573 | Acc: 37.184% -2025-06-26 18:40:20 | INFO | Validation | Loss: 9.521 | Acc: 5.285% -2025-06-26 18:40:20 | INFO | Processing bucket 18/131 src: (10, 13) tgt: (9, 12) shard: 1/3 -2025-06-26 18:40:53 | INFO | Epoch: 1 | Bucket: 18 | Loss: 5.385 | Acc: 27.845% -2025-06-26 18:41:02 | INFO | Validation | Loss: 9.317 | Acc: 5.550% -2025-06-26 18:41:02 | INFO | Processing bucket 19/131 src: (10, 13) tgt: (9, 12) shard: 2/3 -2025-06-26 18:41:35 | INFO | Epoch: 1 | Bucket: 19 | Loss: 5.235 | Acc: 29.469% -2025-06-26 18:41:45 | INFO | Validation | Loss: 9.272 | Acc: 5.634% -2025-06-26 18:41:45 | INFO | Processing bucket 20/131 src: (10, 13) tgt: (9, 12) shard: 3/3 -2025-06-26 18:42:23 | INFO | Epoch: 1 | Bucket: 20 | Loss: 5.151 | Acc: 30.396% -2025-06-26 18:42:33 | INFO | Validation | Loss: 9.121 | Acc: 5.792% -2025-06-26 18:42:33 | INFO | Processing bucket 21/131 src: (13, 16) tgt: (9, 12) shard: 1/2 -2025-06-26 18:43:07 | INFO | Epoch: 1 | Bucket: 21 | Loss: 5.438 | Acc: 28.739% -2025-06-26 18:43:17 | INFO | Validation | Loss: 8.932 | Acc: 6.093% -2025-06-26 18:43:17 | INFO | Processing bucket 22/131 src: (13, 16) tgt: (9, 12) shard: 2/2 -2025-06-26 18:43:57 | INFO | Epoch: 1 | Bucket: 22 | Loss: 5.293 | Acc: 30.264% -2025-06-26 18:44:07 | INFO | Validation | Loss: 8.806 | Acc: 6.200% -2025-06-26 18:44:07 | INFO | Processing bucket 23/131 src: (16, 19) tgt: (9, 12) shard: 1/1 -2025-06-26 18:44:35 | INFO | Epoch: 1 | Bucket: 23 | Loss: 5.299 | Acc: 31.153% -2025-06-26 18:44:45 | INFO | Validation | Loss: 8.742 | Acc: 6.138% -2025-06-26 18:44:45 | INFO | Processing bucket 24/131 src: (19, 22) tgt: (9, 12) shard: 1/1 -2025-06-26 18:44:52 | INFO | Epoch: 1 | Bucket: 24 | Loss: 5.377 | Acc: 30.318% -2025-06-26 18:45:02 | INFO | Validation | Loss: 8.728 | Acc: 6.056% -2025-06-26 18:45:02 | INFO | Processing bucket 25/131 src: (7, 10) tgt: (12, 15) shard: 1/1 -2025-06-26 18:45:12 | INFO | Epoch: 1 | Bucket: 25 | Loss: 4.515 | Acc: 37.558% -2025-06-26 18:45:22 | INFO | Validation | Loss: 7.958 | Acc: 7.135% -2025-06-26 18:45:22 | INFO | Processing bucket 26/131 src: (10, 13) tgt: (12, 15) shard: 1/1 -2025-06-26 18:46:15 | INFO | Epoch: 1 | Bucket: 26 | Loss: 4.947 | Acc: 32.315% -2025-06-26 18:46:25 | INFO | Validation | Loss: 8.280 | Acc: 7.189% -2025-06-26 18:46:25 | INFO | Processing bucket 27/131 src: (13, 16) tgt: (12, 15) shard: 1/3 -2025-06-26 18:47:04 | INFO | Epoch: 1 | Bucket: 27 | Loss: 5.276 | Acc: 28.849% -2025-06-26 18:47:14 | INFO | Validation | Loss: 8.210 | Acc: 7.420% -2025-06-26 18:47:14 | INFO | Processing bucket 28/131 src: (13, 16) tgt: (12, 15) shard: 2/3 -2025-06-26 18:47:52 | INFO | Epoch: 1 | Bucket: 28 | Loss: 5.164 | Acc: 30.205% -2025-06-26 18:48:02 | INFO | Validation | Loss: 8.093 | Acc: 7.580% -2025-06-26 18:48:02 | INFO | Processing bucket 29/131 src: (13, 16) tgt: (12, 15) shard: 3/3 -2025-06-26 18:48:39 | INFO | Epoch: 1 | Bucket: 29 | Loss: 5.101 | Acc: 30.964% -2025-06-26 18:48:48 | INFO | Validation | Loss: 8.082 | Acc: 7.808% -2025-06-26 18:48:48 | INFO | Processing bucket 30/131 src: (16, 19) tgt: (12, 15) shard: 1/2 -2025-06-26 18:49:28 | INFO | Epoch: 1 | Bucket: 30 | Loss: 5.358 | Acc: 28.936% -2025-06-26 18:49:39 | INFO | Validation | Loss: 7.936 | Acc: 7.996% -2025-06-26 18:49:39 | INFO | Processing bucket 31/131 src: (16, 19) tgt: (12, 15) shard: 2/2 -2025-06-26 18:50:30 | INFO | Epoch: 1 | Bucket: 31 | Loss: 5.247 | Acc: 30.146% -2025-06-26 18:50:40 | INFO | Validation | Loss: 7.896 | Acc: 8.096% -2025-06-26 18:50:40 | INFO | Processing bucket 32/131 src: (19, 22) tgt: (12, 15) shard: 1/1 -2025-06-26 18:51:22 | INFO | Epoch: 1 | Bucket: 32 | Loss: 5.324 | Acc: 29.759% -2025-06-26 18:51:32 | INFO | Validation | Loss: 7.808 | Acc: 8.274% -2025-06-26 18:51:32 | INFO | Processing bucket 33/131 src: (22, 25) tgt: (12, 15) shard: 1/1 -2025-06-26 18:51:47 | INFO | Epoch: 1 | Bucket: 33 | Loss: 5.253 | Acc: 31.149% -2025-06-26 18:51:56 | INFO | Validation | Loss: 7.789 | Acc: 8.264% -2025-06-26 18:51:56 | INFO | Processing bucket 34/131 src: (10, 13) tgt: (15, 18) shard: 1/1 -2025-06-26 18:52:10 | INFO | Epoch: 1 | Bucket: 34 | Loss: 5.140 | Acc: 29.495% -2025-06-26 18:52:19 | INFO | Validation | Loss: 7.596 | Acc: 9.174% -2025-06-26 18:52:19 | INFO | Processing bucket 35/131 src: (13, 16) tgt: (15, 18) shard: 1/1 -2025-06-26 18:53:20 | INFO | Epoch: 1 | Bucket: 35 | Loss: 5.007 | Acc: 31.821% -2025-06-26 18:53:30 | INFO | Validation | Loss: 7.787 | Acc: 9.045% -2025-06-26 18:53:30 | INFO | Processing bucket 36/131 src: (16, 19) tgt: (15, 18) shard: 1/3 -2025-06-26 18:54:16 | INFO | Epoch: 1 | Bucket: 36 | Loss: 5.175 | Acc: 30.063% -2025-06-26 18:54:26 | INFO | Validation | Loss: 7.722 | Acc: 9.516% -2025-06-26 18:54:26 | INFO | Processing bucket 37/131 src: (16, 19) tgt: (15, 18) shard: 2/3 -2025-06-26 18:55:11 | INFO | Epoch: 1 | Bucket: 37 | Loss: 5.089 | Acc: 31.091% -2025-06-26 18:55:21 | INFO | Validation | Loss: 7.694 | Acc: 9.465% -2025-06-26 18:55:21 | INFO | Processing bucket 38/131 src: (16, 19) tgt: (15, 18) shard: 3/3 -2025-06-26 18:55:49 | INFO | Epoch: 1 | Bucket: 38 | Loss: 5.056 | Acc: 31.486% -2025-06-26 18:55:59 | INFO | Validation | Loss: 7.638 | Acc: 9.598% -2025-06-26 18:55:59 | INFO | Processing bucket 39/131 src: (19, 22) tgt: (15, 18) shard: 1/2 -2025-06-26 18:56:46 | INFO | Epoch: 1 | Bucket: 39 | Loss: 5.294 | Acc: 28.980% -2025-06-26 18:56:56 | INFO | Validation | Loss: 7.605 | Acc: 9.745% -2025-06-26 18:56:56 | INFO | Processing bucket 40/131 src: (19, 22) tgt: (15, 18) shard: 2/2 -2025-06-26 18:57:56 | INFO | Epoch: 1 | Bucket: 40 | Loss: 5.206 | Acc: 29.997% -2025-06-26 18:58:07 | INFO | Validation | Loss: 7.537 | Acc: 9.848% -2025-06-26 18:58:07 | INFO | Processing bucket 41/131 src: (22, 25) tgt: (15, 18) shard: 1/1 -2025-06-26 18:59:03 | INFO | Epoch: 1 | Bucket: 41 | Loss: 5.250 | Acc: 29.866% -2025-06-26 18:59:13 | INFO | Validation | Loss: 7.479 | Acc: 9.985% -2025-06-26 18:59:13 | INFO | Processing bucket 42/131 src: (25, 28) tgt: (15, 18) shard: 1/1 -2025-06-26 18:59:37 | INFO | Epoch: 1 | Bucket: 42 | Loss: 5.155 | Acc: 31.594% -2025-06-26 18:59:46 | INFO | Validation | Loss: 7.455 | Acc: 9.950% -2025-06-26 18:59:46 | INFO | Processing bucket 43/131 src: (28, 31) tgt: (15, 18) shard: 1/1 -2025-06-26 18:59:55 | INFO | Epoch: 1 | Bucket: 43 | Loss: 5.090 | Acc: 32.650% -2025-06-26 19:00:04 | INFO | Validation | Loss: 7.470 | Acc: 9.790% -2025-06-26 19:00:04 | INFO | Processing bucket 44/131 src: (13, 16) tgt: (18, 21) shard: 1/1 -2025-06-26 19:00:23 | INFO | Epoch: 1 | Bucket: 44 | Loss: 5.194 | Acc: 29.305% -2025-06-26 19:00:32 | INFO | Validation | Loss: 7.000 | Acc: 11.568% -2025-06-26 19:00:32 | INFO | Processing bucket 45/131 src: (16, 19) tgt: (18, 21) shard: 1/1 -2025-06-26 19:01:37 | INFO | Epoch: 1 | Bucket: 45 | Loss: 5.111 | Acc: 30.616% -2025-06-26 19:01:47 | INFO | Validation | Loss: 7.108 | Acc: 11.502% -2025-06-26 19:01:47 | INFO | Processing bucket 46/131 src: (19, 22) tgt: (18, 21) shard: 1/2 -2025-06-26 19:02:40 | INFO | Epoch: 1 | Bucket: 46 | Loss: 5.152 | Acc: 30.258% -2025-06-26 19:02:50 | INFO | Validation | Loss: 7.088 | Acc: 11.791% -2025-06-26 19:02:50 | INFO | Processing bucket 47/131 src: (19, 22) tgt: (18, 21) shard: 2/2 -2025-06-26 19:04:00 | INFO | Epoch: 1 | Bucket: 47 | Loss: 5.074 | Acc: 31.219% -2025-06-26 19:04:11 | INFO | Validation | Loss: 7.077 | Acc: 11.848% -2025-06-26 19:04:11 | INFO | Processing bucket 48/131 src: (22, 25) tgt: (18, 21) shard: 1/2 -2025-06-26 19:05:06 | INFO | Epoch: 1 | Bucket: 48 | Loss: 5.200 | Acc: 29.723% -2025-06-26 19:05:17 | INFO | Validation | Loss: 7.074 | Acc: 12.009% -2025-06-26 19:05:17 | INFO | Processing bucket 49/131 src: (22, 25) tgt: (18, 21) shard: 2/2 -2025-06-26 19:06:18 | INFO | Epoch: 1 | Bucket: 49 | Loss: 5.129 | Acc: 30.588% -2025-06-26 19:06:28 | INFO | Validation | Loss: 7.037 | Acc: 12.078% -2025-06-26 19:06:28 | INFO | Processing bucket 50/131 src: (25, 28) tgt: (18, 21) shard: 1/1 -2025-06-26 19:07:40 | INFO | Epoch: 1 | Bucket: 50 | Loss: 5.116 | Acc: 30.947% -2025-06-26 19:07:50 | INFO | Validation | Loss: 7.023 | Acc: 12.068% -2025-06-26 19:07:50 | INFO | Processing bucket 51/131 src: (28, 31) tgt: (18, 21) shard: 1/1 -2025-06-26 19:08:25 | INFO | Epoch: 1 | Bucket: 51 | Loss: 5.062 | Acc: 31.880% -2025-06-26 19:08:35 | INFO | Validation | Loss: 7.002 | Acc: 12.193% -2025-06-26 19:08:35 | INFO | Processing bucket 52/131 src: (31, 34) tgt: (18, 21) shard: 1/1 -2025-06-26 19:08:49 | INFO | Epoch: 1 | Bucket: 52 | Loss: 5.026 | Acc: 32.432% -2025-06-26 19:08:58 | INFO | Validation | Loss: 7.013 | Acc: 11.927% -2025-06-26 19:08:58 | INFO | Processing bucket 53/131 src: (16, 19) tgt: (21, 24) shard: 1/1 -2025-06-26 19:09:23 | INFO | Epoch: 1 | Bucket: 53 | Loss: 5.248 | Acc: 28.827% -2025-06-26 19:09:32 | INFO | Validation | Loss: 6.753 | Acc: 13.252% -2025-06-26 19:09:32 | INFO | Processing bucket 54/131 src: (19, 22) tgt: (21, 24) shard: 1/1 -2025-06-26 19:10:47 | INFO | Epoch: 1 | Bucket: 54 | Loss: 5.094 | Acc: 30.835% -2025-06-26 19:10:57 | INFO | Validation | Loss: 6.819 | Acc: 13.334% -2025-06-26 19:10:57 | INFO | Processing bucket 55/131 src: (22, 25) tgt: (21, 24) shard: 1/2 -2025-06-26 19:12:03 | INFO | Epoch: 1 | Bucket: 55 | Loss: 5.100 | Acc: 30.654% -2025-06-26 19:12:13 | INFO | Validation | Loss: 6.775 | Acc: 13.654% -2025-06-26 19:12:13 | INFO | Processing bucket 56/131 src: (22, 25) tgt: (21, 24) shard: 2/2 -2025-06-26 19:13:12 | INFO | Epoch: 1 | Bucket: 56 | Loss: 5.032 | Acc: 31.500% -2025-06-26 19:13:23 | INFO | Validation | Loss: 6.784 | Acc: 13.721% -2025-06-26 19:13:23 | INFO | Processing bucket 57/131 src: (25, 28) tgt: (21, 24) shard: 1/2 -2025-06-26 19:14:30 | INFO | Epoch: 1 | Bucket: 57 | Loss: 5.085 | Acc: 30.807% -2025-06-26 19:14:40 | INFO | Validation | Loss: 6.716 | Acc: 13.967% -2025-06-26 19:14:40 | INFO | Processing bucket 58/131 src: (25, 28) tgt: (21, 24) shard: 2/2 -2025-06-26 19:15:38 | INFO | Epoch: 1 | Bucket: 58 | Loss: 5.024 | Acc: 31.579% -2025-06-26 19:15:48 | INFO | Validation | Loss: 6.757 | Acc: 13.931% -2025-06-26 19:15:48 | INFO | Processing bucket 59/131 src: (28, 31) tgt: (21, 24) shard: 1/1 -2025-06-26 19:17:13 | INFO | Epoch: 1 | Bucket: 59 | Loss: 5.046 | Acc: 31.308% -2025-06-26 19:17:23 | INFO | Validation | Loss: 6.757 | Acc: 13.859% -2025-06-26 19:17:23 | INFO | Processing bucket 60/131 src: (31, 34) tgt: (21, 24) shard: 1/1 -2025-06-26 19:18:06 | INFO | Epoch: 1 | Bucket: 60 | Loss: 5.005 | Acc: 31.922% -2025-06-26 19:18:16 | INFO | Validation | Loss: 6.750 | Acc: 13.737% -2025-06-26 19:18:16 | INFO | Processing bucket 61/131 src: (34, 38) tgt: (21, 24) shard: 1/1 -2025-06-26 19:18:40 | INFO | Epoch: 1 | Bucket: 61 | Loss: 4.919 | Acc: 33.269% -2025-06-26 19:18:49 | INFO | Validation | Loss: 6.769 | Acc: 13.549% -2025-06-26 19:18:49 | INFO | Processing bucket 62/131 src: (19, 22) tgt: (24, 27) shard: 1/1 -2025-06-26 19:19:20 | INFO | Epoch: 1 | Bucket: 62 | Loss: 5.228 | Acc: 29.122% -2025-06-26 19:19:29 | INFO | Validation | Loss: 6.564 | Acc: 14.698% -2025-06-26 19:19:29 | INFO | Processing bucket 63/131 src: (22, 25) tgt: (24, 27) shard: 1/1 -2025-06-26 19:20:43 | INFO | Epoch: 1 | Bucket: 63 | Loss: 5.072 | Acc: 30.994% -2025-06-26 19:20:53 | INFO | Validation | Loss: 6.567 | Acc: 15.029% -2025-06-26 19:20:53 | INFO | Processing bucket 64/131 src: (25, 28) tgt: (24, 27) shard: 1/2 -2025-06-26 19:22:12 | INFO | Epoch: 1 | Bucket: 64 | Loss: 5.049 | Acc: 31.023% -2025-06-26 19:22:22 | INFO | Validation | Loss: 6.576 | Acc: 14.995% -2025-06-26 19:22:22 | INFO | Processing bucket 65/131 src: (25, 28) tgt: (24, 27) shard: 2/2 -2025-06-26 19:23:08 | INFO | Epoch: 1 | Bucket: 65 | Loss: 4.988 | Acc: 31.779% -2025-06-26 19:23:17 | INFO | Validation | Loss: 6.557 | Acc: 15.141% -2025-06-26 19:23:17 | INFO | Processing bucket 66/131 src: (28, 31) tgt: (24, 27) shard: 1/2 -2025-06-26 19:24:36 | INFO | Epoch: 1 | Bucket: 66 | Loss: 5.013 | Acc: 31.288% -2025-06-26 19:24:46 | INFO | Validation | Loss: 6.545 | Acc: 15.126% -2025-06-26 19:24:46 | INFO | Processing bucket 67/131 src: (28, 31) tgt: (24, 27) shard: 2/2 -2025-06-26 19:25:35 | INFO | Epoch: 1 | Bucket: 67 | Loss: 4.958 | Acc: 32.014% -2025-06-26 19:25:45 | INFO | Validation | Loss: 6.551 | Acc: 15.215% -2025-06-26 19:25:45 | INFO | Processing bucket 68/131 src: (31, 34) tgt: (24, 27) shard: 1/1 -2025-06-26 19:27:20 | INFO | Epoch: 1 | Bucket: 68 | Loss: 4.968 | Acc: 31.760% -2025-06-26 19:27:30 | INFO | Validation | Loss: 6.557 | Acc: 15.034% -2025-06-26 19:27:30 | INFO | Processing bucket 69/131 src: (34, 38) tgt: (24, 27) shard: 1/1 -2025-06-26 19:28:33 | INFO | Epoch: 1 | Bucket: 69 | Loss: 4.928 | Acc: 32.369% -2025-06-26 19:28:44 | INFO | Validation | Loss: 6.590 | Acc: 14.945% -2025-06-26 19:28:44 | INFO | Processing bucket 70/131 src: (38, 42) tgt: (24, 27) shard: 1/1 -2025-06-26 19:29:08 | INFO | Epoch: 1 | Bucket: 70 | Loss: 4.863 | Acc: 33.449% -2025-06-26 19:29:17 | INFO | Validation | Loss: 6.620 | Acc: 14.789% -2025-06-26 19:29:17 | INFO | Processing bucket 71/131 src: (19, 22) tgt: (27, 30) shard: 1/1 -2025-06-26 19:29:30 | INFO | Epoch: 1 | Bucket: 71 | Loss: 5.460 | Acc: 25.941% -2025-06-26 19:29:39 | INFO | Validation | Loss: 6.368 | Acc: 16.249% -2025-06-26 19:29:39 | INFO | Processing bucket 72/131 src: (22, 25) tgt: (27, 30) shard: 1/1 -2025-06-26 19:30:12 | INFO | Epoch: 1 | Bucket: 72 | Loss: 5.148 | Acc: 30.129% -2025-06-26 19:30:21 | INFO | Validation | Loss: 6.412 | Acc: 15.767% -2025-06-26 19:30:21 | INFO | Processing bucket 73/131 src: (25, 28) tgt: (27, 30) shard: 1/1 -2025-06-26 19:31:34 | INFO | Epoch: 1 | Bucket: 73 | Loss: 5.027 | Acc: 31.371% -2025-06-26 19:31:44 | INFO | Validation | Loss: 6.423 | Acc: 15.922% -2025-06-26 19:31:44 | INFO | Processing bucket 74/131 src: (28, 31) tgt: (27, 30) shard: 1/1 -2025-06-26 19:33:45 | INFO | Epoch: 1 | Bucket: 74 | Loss: 4.948 | Acc: 31.998% -2025-06-26 19:33:55 | INFO | Validation | Loss: 6.428 | Acc: 16.006% -2025-06-26 19:33:55 | INFO | Processing bucket 75/131 src: (31, 34) tgt: (27, 30) shard: 1/1 -2025-06-26 19:36:03 | INFO | Epoch: 1 | Bucket: 75 | Loss: 4.920 | Acc: 32.043% -2025-06-26 19:36:14 | INFO | Validation | Loss: 6.438 | Acc: 15.999% -2025-06-26 19:36:14 | INFO | Processing bucket 76/131 src: (34, 38) tgt: (27, 30) shard: 1/1 -2025-06-26 19:38:16 | INFO | Epoch: 1 | Bucket: 76 | Loss: 4.890 | Acc: 32.207% -2025-06-26 19:38:27 | INFO | Validation | Loss: 6.448 | Acc: 15.801% -2025-06-26 19:38:27 | INFO | Processing bucket 77/131 src: (38, 42) tgt: (27, 30) shard: 1/1 -2025-06-26 19:39:24 | INFO | Epoch: 1 | Bucket: 77 | Loss: 4.844 | Acc: 32.893% -2025-06-26 19:39:34 | INFO | Validation | Loss: 6.456 | Acc: 15.865% -2025-06-26 19:39:34 | INFO | Processing bucket 78/131 src: (42, 46) tgt: (27, 30) shard: 1/1 -2025-06-26 19:39:56 | INFO | Epoch: 1 | Bucket: 78 | Loss: 4.758 | Acc: 34.388% -2025-06-26 19:40:05 | INFO | Validation | Loss: 6.492 | Acc: 15.470% -2025-06-26 19:40:05 | INFO | Processing bucket 79/131 src: (22, 25) tgt: (30, 33) shard: 1/1 -2025-06-26 19:40:20 | INFO | Epoch: 1 | Bucket: 79 | Loss: 5.375 | Acc: 27.126% -2025-06-26 19:40:30 | INFO | Validation | Loss: 6.263 | Acc: 17.209% -2025-06-26 19:40:30 | INFO | Processing bucket 80/131 src: (25, 28) tgt: (30, 33) shard: 1/1 -2025-06-26 19:41:05 | INFO | Epoch: 1 | Bucket: 80 | Loss: 5.068 | Acc: 30.970% -2025-06-26 19:41:14 | INFO | Validation | Loss: 6.304 | Acc: 16.803% -2025-06-26 19:41:14 | INFO | Processing bucket 81/131 src: (28, 31) tgt: (30, 33) shard: 1/1 -2025-06-26 19:42:29 | INFO | Epoch: 1 | Bucket: 81 | Loss: 4.960 | Acc: 31.959% -2025-06-26 19:42:38 | INFO | Validation | Loss: 6.319 | Acc: 16.772% -2025-06-26 19:42:38 | INFO | Processing bucket 82/131 src: (31, 34) tgt: (30, 33) shard: 1/1 -2025-06-26 19:44:29 | INFO | Epoch: 1 | Bucket: 82 | Loss: 4.876 | Acc: 32.542% -2025-06-26 19:44:39 | INFO | Validation | Loss: 6.339 | Acc: 16.650% -2025-06-26 19:44:39 | INFO | Processing bucket 83/131 src: (34, 38) tgt: (30, 33) shard: 1/1 -2025-06-26 19:47:13 | INFO | Epoch: 1 | Bucket: 83 | Loss: 4.839 | Acc: 32.636% -2025-06-26 19:47:23 | INFO | Validation | Loss: 6.350 | Acc: 16.574% -2025-06-26 19:47:23 | INFO | Processing bucket 84/131 src: (38, 42) tgt: (30, 33) shard: 1/1 -2025-06-26 19:49:12 | INFO | Epoch: 1 | Bucket: 84 | Loss: 4.789 | Acc: 33.202% -2025-06-26 19:49:22 | INFO | Validation | Loss: 6.374 | Acc: 16.514% -2025-06-26 19:49:22 | INFO | Processing bucket 85/131 src: (42, 46) tgt: (30, 33) shard: 1/1 -2025-06-26 19:50:15 | INFO | Epoch: 1 | Bucket: 85 | Loss: 4.772 | Acc: 33.396% -2025-06-26 19:50:24 | INFO | Validation | Loss: 6.404 | Acc: 16.118% -2025-06-26 19:50:24 | INFO | Processing bucket 86/131 src: (46, 51) tgt: (30, 33) shard: 1/1 -2025-06-26 19:50:50 | INFO | Epoch: 1 | Bucket: 86 | Loss: 4.743 | Acc: 34.039% -2025-06-26 19:50:59 | INFO | Validation | Loss: 6.405 | Acc: 16.028% -2025-06-26 19:50:59 | INFO | Processing bucket 87/131 src: (25, 28) tgt: (33, 36) shard: 1/1 -2025-06-26 19:51:15 | INFO | Epoch: 1 | Bucket: 87 | Loss: 5.272 | Acc: 28.459% -2025-06-26 19:51:24 | INFO | Validation | Loss: 6.207 | Acc: 17.820% -2025-06-26 19:51:24 | INFO | Processing bucket 88/131 src: (28, 31) tgt: (33, 36) shard: 1/1 -2025-06-26 19:51:59 | INFO | Epoch: 1 | Bucket: 88 | Loss: 5.033 | Acc: 31.190% -2025-06-26 19:52:08 | INFO | Validation | Loss: 6.243 | Acc: 17.209% -2025-06-26 19:52:08 | INFO | Processing bucket 89/131 src: (31, 34) tgt: (33, 36) shard: 1/1 -2025-06-26 19:53:16 | INFO | Epoch: 1 | Bucket: 89 | Loss: 4.869 | Acc: 32.835% -2025-06-26 19:53:25 | INFO | Validation | Loss: 6.257 | Acc: 17.283% -2025-06-26 19:53:25 | INFO | Processing bucket 90/131 src: (34, 38) tgt: (33, 36) shard: 1/1 -2025-06-26 19:55:44 | INFO | Epoch: 1 | Bucket: 90 | Loss: 4.787 | Acc: 33.299% -2025-06-26 19:55:54 | INFO | Validation | Loss: 6.282 | Acc: 17.077% -2025-06-26 19:55:54 | INFO | Processing bucket 91/131 src: (38, 42) tgt: (33, 36) shard: 1/1 -2025-06-26 19:58:24 | INFO | Epoch: 1 | Bucket: 91 | Loss: 4.728 | Acc: 33.820% -2025-06-26 19:58:34 | INFO | Validation | Loss: 6.312 | Acc: 16.919% -2025-06-26 19:58:34 | INFO | Processing bucket 92/131 src: (42, 46) tgt: (33, 36) shard: 1/1 -2025-06-26 20:00:11 | INFO | Epoch: 1 | Bucket: 92 | Loss: 4.715 | Acc: 33.863% -2025-06-26 20:00:21 | INFO | Validation | Loss: 6.338 | Acc: 16.719% -2025-06-26 20:00:21 | INFO | Processing bucket 93/131 src: (46, 51) tgt: (33, 36) shard: 1/1 -2025-06-26 20:01:17 | INFO | Epoch: 1 | Bucket: 93 | Loss: 4.687 | Acc: 34.402% -2025-06-26 20:01:27 | INFO | Validation | Loss: 6.345 | Acc: 16.526% -2025-06-26 20:01:27 | INFO | Processing bucket 94/131 src: (28, 31) tgt: (36, 40) shard: 1/1 -2025-06-26 20:01:46 | INFO | Epoch: 1 | Bucket: 94 | Loss: 5.231 | Acc: 28.622% -2025-06-26 20:01:56 | INFO | Validation | Loss: 6.124 | Acc: 18.546% -2025-06-26 20:01:56 | INFO | Processing bucket 95/131 src: (31, 34) tgt: (36, 40) shard: 1/1 -2025-06-26 20:02:42 | INFO | Epoch: 1 | Bucket: 95 | Loss: 4.930 | Acc: 32.387% -2025-06-26 20:02:52 | INFO | Validation | Loss: 6.147 | Acc: 18.236% -2025-06-26 20:02:52 | INFO | Processing bucket 96/131 src: (34, 38) tgt: (36, 40) shard: 1/1 -2025-06-26 20:04:44 | INFO | Epoch: 1 | Bucket: 96 | Loss: 4.807 | Acc: 33.063% -2025-06-26 20:04:54 | INFO | Validation | Loss: 6.175 | Acc: 18.107% -2025-06-26 20:04:54 | INFO | Processing bucket 97/131 src: (38, 42) tgt: (36, 40) shard: 1/1 -2025-06-26 20:07:45 | INFO | Epoch: 1 | Bucket: 97 | Loss: 4.696 | Acc: 34.090% -2025-06-26 20:07:55 | INFO | Validation | Loss: 6.203 | Acc: 17.695% -2025-06-26 20:07:55 | INFO | Processing bucket 98/131 src: (42, 46) tgt: (36, 40) shard: 1/1 -2025-06-26 20:10:53 | INFO | Epoch: 1 | Bucket: 98 | Loss: 4.675 | Acc: 34.028% -2025-06-26 20:11:03 | INFO | Validation | Loss: 6.242 | Acc: 17.425% -2025-06-26 20:11:03 | INFO | Processing bucket 99/131 src: (46, 51) tgt: (36, 40) shard: 1/1 -2025-06-26 20:13:21 | INFO | Epoch: 1 | Bucket: 99 | Loss: 4.664 | Acc: 34.094% -2025-06-26 20:13:32 | INFO | Validation | Loss: 6.245 | Acc: 17.241% -2025-06-26 20:13:32 | INFO | Processing bucket 100/131 src: (51, 57) tgt: (36, 40) shard: 1/1 -2025-06-26 20:14:38 | INFO | Epoch: 1 | Bucket: 100 | Loss: 4.651 | Acc: 34.535% -2025-06-26 20:14:48 | INFO | Validation | Loss: 6.256 | Acc: 17.326% -2025-06-26 20:14:48 | INFO | Processing bucket 101/131 src: (34, 38) tgt: (40, 44) shard: 1/1 -2025-06-26 20:15:33 | INFO | Epoch: 1 | Bucket: 101 | Loss: 4.964 | Acc: 31.210% -2025-06-26 20:15:43 | INFO | Validation | Loss: 6.135 | Acc: 18.270% -2025-06-26 20:15:43 | INFO | Processing bucket 102/131 src: (38, 42) tgt: (40, 44) shard: 1/1 -2025-06-26 20:17:19 | INFO | Epoch: 1 | Bucket: 102 | Loss: 4.726 | Acc: 33.663% -2025-06-26 20:17:28 | INFO | Validation | Loss: 6.168 | Acc: 18.023% -2025-06-26 20:17:28 | INFO | Processing bucket 103/131 src: (42, 46) tgt: (40, 44) shard: 1/1 -2025-06-26 20:19:55 | INFO | Epoch: 1 | Bucket: 103 | Loss: 4.628 | Acc: 34.606% -2025-06-26 20:20:05 | INFO | Validation | Loss: 6.196 | Acc: 17.698% -2025-06-26 20:20:05 | INFO | Processing bucket 104/131 src: (46, 51) tgt: (40, 44) shard: 1/1 -2025-06-26 20:23:13 | INFO | Epoch: 1 | Bucket: 104 | Loss: 4.600 | Acc: 34.772% -2025-06-26 20:23:24 | INFO | Validation | Loss: 6.207 | Acc: 17.766% -2025-06-26 20:23:24 | INFO | Processing bucket 105/131 src: (51, 57) tgt: (40, 44) shard: 1/1 -2025-06-26 20:25:37 | INFO | Epoch: 1 | Bucket: 105 | Loss: 4.603 | Acc: 34.684% -2025-06-26 20:25:47 | INFO | Validation | Loss: 6.227 | Acc: 17.461% -2025-06-26 20:25:47 | INFO | Processing bucket 106/131 src: (57, 64) tgt: (40, 44) shard: 1/1 -2025-06-26 20:26:41 | INFO | Epoch: 1 | Bucket: 106 | Loss: 4.560 | Acc: 35.662% -2025-06-26 20:26:51 | INFO | Validation | Loss: 6.236 | Acc: 17.399% -2025-06-26 20:26:51 | INFO | Processing bucket 107/131 src: (38, 42) tgt: (44, 49) shard: 1/1 -2025-06-26 20:27:38 | INFO | Epoch: 1 | Bucket: 107 | Loss: 4.853 | Acc: 32.283% -2025-06-26 20:27:47 | INFO | Validation | Loss: 6.111 | Acc: 18.286% -2025-06-26 20:27:47 | INFO | Processing bucket 108/131 src: (42, 46) tgt: (44, 49) shard: 1/1 -2025-06-26 20:29:26 | INFO | Epoch: 1 | Bucket: 108 | Loss: 4.656 | Acc: 34.320% -2025-06-26 20:29:36 | INFO | Validation | Loss: 6.136 | Acc: 18.256% -2025-06-26 20:29:36 | INFO | Processing bucket 109/131 src: (46, 51) tgt: (44, 49) shard: 1/1 -2025-06-26 20:32:50 | INFO | Epoch: 1 | Bucket: 109 | Loss: 4.571 | Acc: 35.032% -2025-06-26 20:33:00 | INFO | Validation | Loss: 6.164 | Acc: 18.065% -2025-06-26 20:33:00 | INFO | Processing bucket 110/131 src: (51, 57) tgt: (44, 49) shard: 1/1 -2025-06-26 20:36:59 | INFO | Epoch: 1 | Bucket: 110 | Loss: 4.547 | Acc: 35.177% -2025-06-26 20:37:09 | INFO | Validation | Loss: 6.190 | Acc: 17.711% -2025-06-26 20:37:09 | INFO | Processing bucket 111/131 src: (57, 64) tgt: (44, 49) shard: 1/1 -2025-06-26 20:39:30 | INFO | Epoch: 1 | Bucket: 111 | Loss: 4.532 | Acc: 35.466% -2025-06-26 20:39:40 | INFO | Validation | Loss: 6.195 | Acc: 17.647% -2025-06-26 20:39:40 | INFO | Processing bucket 112/131 src: (64, 73) tgt: (44, 49) shard: 1/1 -2025-06-26 20:40:32 | INFO | Epoch: 1 | Bucket: 112 | Loss: 4.510 | Acc: 36.170% -2025-06-26 20:40:41 | INFO | Validation | Loss: 6.200 | Acc: 17.420% -2025-06-26 20:40:41 | INFO | Processing bucket 113/131 src: (42, 46) tgt: (49, 55) shard: 1/1 -2025-06-26 20:41:18 | INFO | Epoch: 1 | Bucket: 113 | Loss: 4.831 | Acc: 32.243% -2025-06-26 20:41:28 | INFO | Validation | Loss: 6.096 | Acc: 18.265% -2025-06-26 20:41:28 | INFO | Processing bucket 114/131 src: (46, 51) tgt: (49, 55) shard: 1/1 -2025-06-26 20:43:10 | INFO | Epoch: 1 | Bucket: 114 | Loss: 4.607 | Acc: 34.652% -2025-06-26 20:43:20 | INFO | Validation | Loss: 6.124 | Acc: 18.338% -2025-06-26 20:43:20 | INFO | Processing bucket 115/131 src: (51, 57) tgt: (49, 55) shard: 1/1 -2025-06-26 20:47:01 | INFO | Epoch: 1 | Bucket: 115 | Loss: 4.503 | Acc: 35.670% -2025-06-26 20:47:11 | INFO | Validation | Loss: 6.144 | Acc: 18.106% -2025-06-26 20:47:11 | INFO | Processing bucket 116/131 src: (57, 64) tgt: (49, 55) shard: 1/1 -2025-06-26 20:51:13 | INFO | Epoch: 1 | Bucket: 116 | Loss: 4.475 | Acc: 35.888% -2025-06-26 20:51:23 | INFO | Validation | Loss: 6.155 | Acc: 17.862% -2025-06-26 20:51:23 | INFO | Processing bucket 117/131 src: (64, 73) tgt: (49, 55) shard: 1/1 -2025-06-26 20:53:50 | INFO | Epoch: 1 | Bucket: 117 | Loss: 4.439 | Acc: 36.602% -2025-06-26 20:54:00 | INFO | Validation | Loss: 6.166 | Acc: 17.798% -2025-06-26 20:54:00 | INFO | Processing bucket 118/131 src: (51, 57) tgt: (55, 62) shard: 1/1 -2025-06-26 20:55:39 | INFO | Epoch: 1 | Bucket: 118 | Loss: 4.524 | Acc: 35.628% -2025-06-26 20:55:49 | INFO | Validation | Loss: 6.117 | Acc: 18.091% -2025-06-26 20:55:49 | INFO | Processing bucket 119/131 src: (57, 64) tgt: (55, 62) shard: 1/1 -2025-06-26 20:59:36 | INFO | Epoch: 1 | Bucket: 119 | Loss: 4.387 | Acc: 37.241% -2025-06-26 20:59:46 | INFO | Validation | Loss: 6.137 | Acc: 17.928% -2025-06-26 20:59:46 | INFO | Processing bucket 120/131 src: (64, 73) tgt: (55, 62) shard: 1/1 -2025-06-26 21:04:21 | INFO | Epoch: 1 | Bucket: 120 | Loss: 4.337 | Acc: 37.820% -2025-06-26 21:04:32 | INFO | Validation | Loss: 6.168 | Acc: 17.742% -2025-06-26 21:04:32 | INFO | Processing bucket 121/131 src: (73, 85) tgt: (55, 62) shard: 1/1 -2025-06-26 21:06:45 | INFO | Epoch: 1 | Bucket: 121 | Loss: 4.349 | Acc: 37.817% -2025-06-26 21:06:55 | INFO | Validation | Loss: 6.176 | Acc: 17.588% -2025-06-26 21:06:55 | INFO | Processing bucket 122/131 src: (57, 64) tgt: (62, 71) shard: 1/1 -2025-06-26 21:08:27 | INFO | Epoch: 1 | Bucket: 122 | Loss: 4.476 | Acc: 36.123% -2025-06-26 21:08:37 | INFO | Validation | Loss: 6.124 | Acc: 17.848% -2025-06-26 21:08:37 | INFO | Processing bucket 123/131 src: (64, 73) tgt: (62, 71) shard: 1/1 -2025-06-26 21:12:34 | INFO | Epoch: 1 | Bucket: 123 | Loss: 4.300 | Acc: 38.224% -2025-06-26 21:12:44 | INFO | Validation | Loss: 6.157 | Acc: 17.763% -2025-06-26 21:12:44 | INFO | Processing bucket 124/131 src: (73, 85) tgt: (62, 71) shard: 1/1 -2025-06-26 21:17:48 | INFO | Epoch: 1 | Bucket: 124 | Loss: 4.250 | Acc: 38.806% -2025-06-26 21:17:58 | INFO | Validation | Loss: 6.169 | Acc: 17.479% -2025-06-26 21:17:58 | INFO | Processing bucket 125/131 src: (85, 102) tgt: (62, 71) shard: 1/1 -2025-06-26 21:19:50 | INFO | Epoch: 1 | Bucket: 125 | Loss: 4.266 | Acc: 38.947% -2025-06-26 21:20:00 | INFO | Validation | Loss: 6.164 | Acc: 17.562% -2025-06-26 21:20:00 | INFO | Processing bucket 126/131 src: (64, 73) tgt: (71, 82) shard: 1/1 -2025-06-26 21:21:17 | INFO | Epoch: 1 | Bucket: 126 | Loss: 4.371 | Acc: 37.562% -2025-06-26 21:21:26 | INFO | Validation | Loss: 6.145 | Acc: 17.648% -2025-06-26 21:21:26 | INFO | Processing bucket 127/131 src: (73, 85) tgt: (71, 82) shard: 1/1 -2025-06-26 21:25:33 | INFO | Epoch: 1 | Bucket: 127 | Loss: 4.186 | Acc: 39.632% -2025-06-26 21:25:42 | INFO | Validation | Loss: 6.169 | Acc: 17.628% -2025-06-26 21:25:42 | INFO | Processing bucket 128/131 src: (85, 102) tgt: (71, 82) shard: 1/1 -2025-06-26 21:30:23 | INFO | Epoch: 1 | Bucket: 128 | Loss: 4.149 | Acc: 40.224% -2025-06-26 21:30:33 | INFO | Validation | Loss: 6.186 | Acc: 17.488% -2025-06-26 21:30:33 | INFO | Processing bucket 129/131 src: (85, 102) tgt: (82, 99) shard: 1/1 -2025-06-26 21:35:42 | INFO | Epoch: 1 | Bucket: 129 | Loss: 4.052 | Acc: 41.464% -2025-06-26 21:35:52 | INFO | Validation | Loss: 6.200 | Acc: 17.718% -2025-06-26 21:35:52 | INFO | Processing bucket 130/131 src: (102, 129) tgt: (82, 99) shard: 1/1 -2025-06-26 21:40:58 | INFO | Epoch: 1 | Bucket: 130 | Loss: 4.074 | Acc: 41.165% -2025-06-26 21:41:08 | INFO | Validation | Loss: 6.195 | Acc: 18.109% -2025-06-26 21:41:08 | INFO | Processing bucket 131/131 src: (102, 129) tgt: (99, 128) shard: 1/1 -2025-06-26 21:47:59 | INFO | Epoch: 1 | Bucket: 131 | Loss: 3.925 | Acc: 43.160% -2025-06-26 21:48:10 | INFO | Validation | Loss: 6.226 | Acc: 18.185% -2025-06-26 21:48:10 | INFO | Processing bucket 1/131 src: (57, 64) tgt: (55, 62) shard: 1/1 -2025-06-26 21:51:58 | INFO | Epoch: 2 | Bucket: 1 | Loss: 4.344 | Acc: 37.723% -2025-06-26 21:52:08 | INFO | Validation | Loss: 6.139 | Acc: 18.557% -2025-06-26 21:52:08 | INFO | Processing bucket 2/131 src: (73, 85) tgt: (62, 71) shard: 1/1 -2025-06-26 21:57:10 | INFO | Epoch: 2 | Bucket: 2 | Loss: 4.161 | Acc: 40.118% -2025-06-26 21:57:19 | INFO | Validation | Loss: 6.186 | Acc: 17.641% -2025-06-26 21:57:19 | INFO | Processing bucket 3/131 src: (25, 28) tgt: (30, 33) shard: 1/1 -2025-06-26 21:57:55 | INFO | Epoch: 2 | Bucket: 3 | Loss: 5.180 | Acc: 29.402% -2025-06-26 21:58:05 | INFO | Validation | Loss: 6.096 | Acc: 20.197% -2025-06-26 21:58:05 | INFO | Processing bucket 4/131 src: (16, 19) tgt: (12, 15) shard: 1/2 -2025-06-26 21:58:45 | INFO | Epoch: 2 | Bucket: 4 | Loss: 5.177 | Acc: 30.199% -2025-06-26 21:58:56 | INFO | Validation | Loss: 7.528 | Acc: 11.501% -2025-06-26 21:58:56 | INFO | Processing bucket 5/131 src: (28, 31) tgt: (36, 40) shard: 1/1 -2025-06-26 21:59:16 | INFO | Epoch: 2 | Bucket: 5 | Loss: 5.592 | Acc: 24.742% -2025-06-26 21:59:25 | INFO | Validation | Loss: 5.966 | Acc: 21.032% -2025-06-26 21:59:25 | INFO | Processing bucket 6/131 src: (31, 34) tgt: (27, 30) shard: 1/1 -2025-06-26 22:01:33 | INFO | Epoch: 2 | Bucket: 6 | Loss: 4.874 | Acc: 32.439% -2025-06-26 22:01:43 | INFO | Validation | Loss: 6.064 | Acc: 20.029% -2025-06-26 22:01:43 | INFO | Processing bucket 7/131 src: (31, 34) tgt: (36, 40) shard: 1/1 -2025-06-26 22:02:29 | INFO | Epoch: 2 | Bucket: 7 | Loss: 4.933 | Acc: 32.265% -2025-06-26 22:02:39 | INFO | Validation | Loss: 5.988 | Acc: 20.604% -2025-06-26 22:02:39 | INFO | Processing bucket 8/131 src: (38, 42) tgt: (27, 30) shard: 1/1 -2025-06-26 22:03:36 | INFO | Epoch: 2 | Bucket: 8 | Loss: 4.796 | Acc: 33.095% -2025-06-26 22:03:46 | INFO | Validation | Loss: 6.041 | Acc: 20.338% -2025-06-26 22:03:46 | INFO | Processing bucket 9/131 src: (22, 25) tgt: (30, 33) shard: 1/1 -2025-06-26 22:04:00 | INFO | Epoch: 2 | Bucket: 9 | Loss: 5.291 | Acc: 28.404% -2025-06-26 22:04:10 | INFO | Validation | Loss: 6.004 | Acc: 20.602% -2025-06-26 22:04:10 | INFO | Processing bucket 10/131 src: (16, 19) tgt: (21, 24) shard: 1/1 -2025-06-26 22:04:35 | INFO | Epoch: 2 | Bucket: 10 | Loss: 5.146 | Acc: 29.904% -2025-06-26 22:04:44 | INFO | Validation | Loss: 6.125 | Acc: 19.131% -2025-06-26 22:04:44 | INFO | Processing bucket 11/131 src: (51, 57) tgt: (36, 40) shard: 1/1 -2025-06-26 22:05:50 | INFO | Epoch: 2 | Bucket: 11 | Loss: 4.682 | Acc: 33.752% -2025-06-26 22:06:00 | INFO | Validation | Loss: 5.980 | Acc: 20.848% -2025-06-26 22:06:00 | INFO | Processing bucket 12/131 src: (3, 7) tgt: (2, 6) shard: 1/6 -2025-06-26 22:06:21 | INFO | Epoch: 2 | Bucket: 12 | Loss: 5.415 | Acc: 34.841% -2025-06-26 22:06:31 | INFO | Validation | Loss: 6.890 | Acc: 10.570% -2025-06-26 22:06:31 | INFO | Processing bucket 13/131 src: (16, 19) tgt: (15, 18) shard: 1/3 -2025-06-26 22:07:16 | INFO | Epoch: 2 | Bucket: 13 | Loss: 5.092 | Acc: 30.408% -2025-06-26 22:07:27 | INFO | Validation | Loss: 6.230 | Acc: 17.908% -2025-06-26 22:07:27 | INFO | Processing bucket 14/131 src: (10, 13) tgt: (15, 18) shard: 1/1 -2025-06-26 22:07:42 | INFO | Epoch: 2 | Bucket: 14 | Loss: 4.897 | Acc: 33.076% -2025-06-26 22:07:51 | INFO | Validation | Loss: 6.276 | Acc: 17.536% -2025-06-26 22:07:51 | INFO | Processing bucket 15/131 src: (38, 42) tgt: (40, 44) shard: 1/1 -2025-06-26 22:09:27 | INFO | Epoch: 2 | Bucket: 15 | Loss: 4.778 | Acc: 32.777% -2025-06-26 22:09:37 | INFO | Validation | Loss: 5.938 | Acc: 21.031% -2025-06-26 22:09:37 | INFO | Processing bucket 16/131 src: (7, 10) tgt: (2, 6) shard: 1/1 -2025-06-26 22:10:06 | INFO | Epoch: 2 | Bucket: 16 | Loss: 5.239 | Acc: 35.888% -2025-06-26 22:10:16 | INFO | Validation | Loss: 7.351 | Acc: 8.273% -2025-06-26 22:10:16 | INFO | Processing bucket 17/131 src: (25, 28) tgt: (21, 24) shard: 2/2 -2025-06-26 22:11:18 | INFO | Epoch: 2 | Bucket: 17 | Loss: 5.078 | Acc: 30.482% -2025-06-26 22:11:29 | INFO | Validation | Loss: 6.046 | Acc: 19.828% -2025-06-26 22:11:29 | INFO | Processing bucket 18/131 src: (16, 19) tgt: (12, 15) shard: 2/2 -2025-06-26 22:12:21 | INFO | Epoch: 2 | Bucket: 18 | Loss: 5.097 | Acc: 30.875% -2025-06-26 22:12:32 | INFO | Validation | Loss: 6.383 | Acc: 16.061% -2025-06-26 22:12:32 | INFO | Processing bucket 19/131 src: (64, 73) tgt: (62, 71) shard: 1/1 -2025-06-26 22:16:29 | INFO | Epoch: 2 | Bucket: 19 | Loss: 4.404 | Acc: 36.309% -2025-06-26 22:16:39 | INFO | Validation | Loss: 5.944 | Acc: 20.881% -2025-06-26 22:16:39 | INFO | Processing bucket 20/131 src: (28, 31) tgt: (24, 27) shard: 2/2 -2025-06-26 22:17:28 | INFO | Epoch: 2 | Bucket: 20 | Loss: 5.013 | Acc: 30.893% -2025-06-26 22:17:38 | INFO | Validation | Loss: 5.946 | Acc: 20.809% -2025-06-26 22:17:38 | INFO | Processing bucket 21/131 src: (28, 31) tgt: (21, 24) shard: 1/1 -2025-06-26 22:19:03 | INFO | Epoch: 2 | Bucket: 21 | Loss: 4.973 | Acc: 31.907% -2025-06-26 22:19:13 | INFO | Validation | Loss: 6.004 | Acc: 20.208% -2025-06-26 22:19:13 | INFO | Processing bucket 22/131 src: (25, 28) tgt: (27, 30) shard: 1/1 -2025-06-26 22:20:27 | INFO | Epoch: 2 | Bucket: 22 | Loss: 5.038 | Acc: 31.206% -2025-06-26 22:20:36 | INFO | Validation | Loss: 5.966 | Acc: 20.649% -2025-06-26 22:20:36 | INFO | Processing bucket 23/131 src: (46, 51) tgt: (36, 40) shard: 1/1 -2025-06-26 22:22:53 | INFO | Epoch: 2 | Bucket: 23 | Loss: 4.716 | Acc: 33.363% -2025-06-26 22:23:04 | INFO | Validation | Loss: 5.959 | Acc: 20.736% -2025-06-26 22:23:04 | INFO | Processing bucket 24/131 src: (34, 38) tgt: (33, 36) shard: 1/1 -2025-06-26 22:25:33 | INFO | Epoch: 2 | Bucket: 24 | Loss: 4.835 | Acc: 32.724% -2025-06-26 22:25:43 | INFO | Validation | Loss: 5.976 | Acc: 20.530% -2025-06-26 22:25:43 | INFO | Processing bucket 25/131 src: (19, 22) tgt: (12, 15) shard: 1/1 -2025-06-26 22:26:25 | INFO | Epoch: 2 | Bucket: 25 | Loss: 5.256 | Acc: 29.335% -2025-06-26 22:26:35 | INFO | Validation | Loss: 6.509 | Acc: 15.510% -2025-06-26 22:26:35 | INFO | Processing bucket 26/131 src: (22, 25) tgt: (21, 24) shard: 2/2 -2025-06-26 22:27:35 | INFO | Epoch: 2 | Bucket: 26 | Loss: 5.112 | Acc: 30.223% -2025-06-26 22:27:45 | INFO | Validation | Loss: 6.089 | Acc: 19.332% -2025-06-26 22:27:45 | INFO | Processing bucket 27/131 src: (19, 22) tgt: (24, 27) shard: 1/1 -2025-06-26 22:28:16 | INFO | Epoch: 2 | Bucket: 27 | Loss: 5.200 | Acc: 29.578% -2025-06-26 22:28:25 | INFO | Validation | Loss: 6.030 | Acc: 19.835% -2025-06-26 22:28:25 | INFO | Processing bucket 28/131 src: (31, 34) tgt: (33, 36) shard: 1/1 -2025-06-26 22:29:36 | INFO | Epoch: 2 | Bucket: 28 | Loss: 4.964 | Acc: 31.629% -2025-06-26 22:29:47 | INFO | Validation | Loss: 5.939 | Acc: 20.958% -2025-06-26 22:29:47 | INFO | Processing bucket 29/131 src: (16, 19) tgt: (15, 18) shard: 2/3 -2025-06-26 22:30:33 | INFO | Epoch: 2 | Bucket: 29 | Loss: 5.119 | Acc: 30.042% -2025-06-26 22:30:44 | INFO | Validation | Loss: 6.288 | Acc: 17.327% -2025-06-26 22:30:44 | INFO | Processing bucket 30/131 src: (25, 28) tgt: (15, 18) shard: 1/1 -2025-06-26 22:31:08 | INFO | Epoch: 2 | Bucket: 30 | Loss: 5.128 | Acc: 31.252% -2025-06-26 22:31:19 | INFO | Validation | Loss: 6.304 | Acc: 17.078% -2025-06-26 22:31:19 | INFO | Processing bucket 31/131 src: (25, 28) tgt: (33, 36) shard: 1/1 -2025-06-26 22:31:35 | INFO | Epoch: 2 | Bucket: 31 | Loss: 5.461 | Acc: 25.961% -2025-06-26 22:31:44 | INFO | Validation | Loss: 5.878 | Acc: 21.403% -2025-06-26 22:31:44 | INFO | Processing bucket 32/131 src: (10, 13) tgt: (6, 9) shard: 1/2 -2025-06-26 22:32:13 | INFO | Epoch: 2 | Bucket: 32 | Loss: 5.266 | Acc: 30.326% -2025-06-26 22:32:23 | INFO | Validation | Loss: 7.061 | Acc: 11.428% -2025-06-26 22:32:23 | INFO | Processing bucket 33/131 src: (57, 64) tgt: (62, 71) shard: 1/1 -2025-06-26 22:33:56 | INFO | Epoch: 2 | Bucket: 33 | Loss: 4.807 | Acc: 31.345% -2025-06-26 22:34:05 | INFO | Validation | Loss: 5.865 | Acc: 21.142% -2025-06-26 22:34:05 | INFO | Processing bucket 34/131 src: (10, 13) tgt: (9, 12) shard: 1/3 -2025-06-26 22:34:38 | INFO | Epoch: 2 | Bucket: 34 | Loss: 5.112 | Acc: 29.801% -2025-06-26 22:34:48 | INFO | Validation | Loss: 6.191 | Acc: 16.309% -2025-06-26 22:34:48 | INFO | Processing bucket 35/131 src: (22, 25) tgt: (12, 15) shard: 1/1 -2025-06-26 22:35:03 | INFO | Epoch: 2 | Bucket: 35 | Loss: 5.267 | Acc: 29.604% -2025-06-26 22:35:13 | INFO | Validation | Loss: 6.028 | Acc: 18.932% -2025-06-26 22:35:13 | INFO | Processing bucket 36/131 src: (34, 38) tgt: (30, 33) shard: 1/1 -2025-06-26 22:37:47 | INFO | Epoch: 2 | Bucket: 36 | Loss: 4.995 | Acc: 30.607% -2025-06-26 22:37:57 | INFO | Validation | Loss: 5.920 | Acc: 21.080% -2025-06-26 22:37:57 | INFO | Processing bucket 37/131 src: (16, 19) tgt: (18, 21) shard: 1/1 -2025-06-26 22:39:01 | INFO | Epoch: 2 | Bucket: 37 | Loss: 5.183 | Acc: 29.581% -2025-06-26 22:39:12 | INFO | Validation | Loss: 6.064 | Acc: 19.247% -2025-06-26 22:39:12 | INFO | Processing bucket 38/131 src: (7, 10) tgt: (6, 9) shard: 3/3 -2025-06-26 22:39:48 | INFO | Epoch: 2 | Bucket: 38 | Loss: 5.057 | Acc: 32.455% -2025-06-26 22:39:59 | INFO | Validation | Loss: 7.004 | Acc: 11.634% -2025-06-26 22:39:59 | INFO | Processing bucket 39/131 src: (51, 57) tgt: (49, 55) shard: 1/1 -2025-06-26 22:43:39 | INFO | Epoch: 2 | Bucket: 39 | Loss: 4.811 | Acc: 31.739% -2025-06-26 22:43:49 | INFO | Validation | Loss: 5.901 | Acc: 21.137% -2025-06-26 22:43:49 | INFO | Processing bucket 40/131 src: (34, 38) tgt: (24, 27) shard: 1/1 -2025-06-26 22:44:53 | INFO | Epoch: 2 | Bucket: 40 | Loss: 5.140 | Acc: 29.372% -2025-06-26 22:45:03 | INFO | Validation | Loss: 5.941 | Acc: 20.498% -2025-06-26 22:45:03 | INFO | Processing bucket 41/131 src: (57, 64) tgt: (40, 44) shard: 1/1 -2025-06-26 22:45:56 | INFO | Epoch: 2 | Bucket: 41 | Loss: 4.866 | Acc: 31.525% -2025-06-26 22:46:06 | INFO | Validation | Loss: 5.901 | Acc: 21.209% -2025-06-26 22:46:06 | INFO | Processing bucket 42/131 src: (42, 46) tgt: (40, 44) shard: 1/1 -2025-06-26 22:48:33 | INFO | Epoch: 2 | Bucket: 42 | Loss: 4.884 | Acc: 31.575% -2025-06-26 22:48:43 | INFO | Validation | Loss: 5.918 | Acc: 21.246% -2025-06-26 22:48:43 | INFO | Processing bucket 43/131 src: (42, 46) tgt: (36, 40) shard: 1/1 -2025-06-26 22:51:41 | INFO | Epoch: 2 | Bucket: 43 | Loss: 4.930 | Acc: 31.003% -2025-06-26 22:51:51 | INFO | Validation | Loss: 5.945 | Acc: 20.992% -2025-06-26 22:51:51 | INFO | Processing bucket 44/131 src: (3, 7) tgt: (2, 6) shard: 4/6 -2025-06-26 22:52:12 | INFO | Epoch: 2 | Bucket: 44 | Loss: 5.709 | Acc: 29.717% -2025-06-26 22:52:22 | INFO | Validation | Loss: 6.448 | Acc: 12.863% -2025-06-26 22:52:22 | INFO | Processing bucket 45/131 src: (64, 73) tgt: (49, 55) shard: 1/1 -2025-06-26 22:54:50 | INFO | Epoch: 2 | Bucket: 45 | Loss: 4.862 | Acc: 31.090% -2025-06-26 22:54:59 | INFO | Validation | Loss: 5.934 | Acc: 20.861% -2025-06-26 22:54:59 | INFO | Processing bucket 46/131 src: (10, 13) tgt: (9, 12) shard: 2/3 -2025-06-26 22:55:32 | INFO | Epoch: 2 | Bucket: 46 | Loss: 5.297 | Acc: 27.658% -2025-06-26 22:55:43 | INFO | Validation | Loss: 6.320 | Acc: 15.340% -2025-06-26 22:55:43 | INFO | Processing bucket 47/131 src: (64, 73) tgt: (44, 49) shard: 1/1 -2025-06-26 22:56:34 | INFO | Epoch: 2 | Bucket: 47 | Loss: 4.985 | Acc: 29.912% -2025-06-26 22:56:43 | INFO | Validation | Loss: 5.906 | Acc: 21.087% -2025-06-26 22:56:43 | INFO | Processing bucket 48/131 src: (46, 51) tgt: (40, 44) shard: 1/1 -2025-06-26 22:59:48 | INFO | Epoch: 2 | Bucket: 48 | Loss: 4.953 | Acc: 30.576% -2025-06-26 22:59:59 | INFO | Validation | Loss: 5.933 | Acc: 21.121% -2025-06-26 22:59:59 | INFO | Processing bucket 49/131 src: (73, 85) tgt: (55, 62) shard: 1/1 -2025-06-26 23:02:12 | INFO | Epoch: 2 | Bucket: 49 | Loss: 4.791 | Acc: 31.959% -2025-06-26 23:02:23 | INFO | Validation | Loss: 5.945 | Acc: 20.931% -2025-06-26 23:02:23 | INFO | Processing bucket 50/131 src: (28, 31) tgt: (33, 36) shard: 1/1 -2025-06-26 23:02:58 | INFO | Epoch: 2 | Bucket: 50 | Loss: 5.462 | Acc: 25.968% -2025-06-26 23:03:08 | INFO | Validation | Loss: 5.886 | Acc: 21.382% -2025-06-26 23:03:08 | INFO | Processing bucket 51/131 src: (57, 64) tgt: (44, 49) shard: 1/1 -2025-06-26 23:05:29 | INFO | Epoch: 2 | Bucket: 51 | Loss: 4.943 | Acc: 30.354% -2025-06-26 23:05:39 | INFO | Validation | Loss: 5.932 | Acc: 21.109% -2025-06-26 23:05:39 | INFO | Processing bucket 52/131 src: (28, 31) tgt: (30, 33) shard: 1/1 -2025-06-26 23:06:54 | INFO | Epoch: 2 | Bucket: 52 | Loss: 5.382 | Acc: 27.147% -2025-06-26 23:07:04 | INFO | Validation | Loss: 5.932 | Acc: 20.869% -2025-06-26 23:07:04 | INFO | Processing bucket 53/131 src: (3, 7) tgt: (2, 6) shard: 2/6 -2025-06-26 23:07:25 | INFO | Epoch: 2 | Bucket: 53 | Loss: 5.676 | Acc: 30.196% -2025-06-26 23:07:35 | INFO | Validation | Loss: 6.310 | Acc: 14.504% -2025-06-26 23:07:35 | INFO | Processing bucket 54/131 src: (22, 25) tgt: (24, 27) shard: 1/1 -2025-06-26 23:08:48 | INFO | Epoch: 2 | Bucket: 54 | Loss: 5.492 | Acc: 26.211% -2025-06-26 23:08:59 | INFO | Validation | Loss: 5.990 | Acc: 20.247% -2025-06-26 23:08:59 | INFO | Processing bucket 55/131 src: (22, 25) tgt: (18, 21) shard: 1/2 -2025-06-26 23:09:55 | INFO | Epoch: 2 | Bucket: 55 | Loss: 5.526 | Acc: 25.861% -2025-06-26 23:10:05 | INFO | Validation | Loss: 6.065 | Acc: 19.108% -2025-06-26 23:10:05 | INFO | Processing bucket 56/131 src: (7, 10) tgt: (6, 9) shard: 2/3 -2025-06-26 23:10:33 | INFO | Epoch: 2 | Bucket: 56 | Loss: 5.276 | Acc: 29.462% -2025-06-26 23:10:43 | INFO | Validation | Loss: 6.742 | Acc: 12.720% -2025-06-26 23:10:43 | INFO | Processing bucket 57/131 src: (10, 13) tgt: (12, 15) shard: 1/1 -2025-06-26 23:11:37 | INFO | Epoch: 2 | Bucket: 57 | Loss: 5.202 | Acc: 29.381% -2025-06-26 23:11:48 | INFO | Validation | Loss: 6.314 | Acc: 16.439% -2025-06-26 23:11:48 | INFO | Processing bucket 58/131 src: (19, 22) tgt: (18, 21) shard: 2/2 -2025-06-26 23:12:56 | INFO | Epoch: 2 | Bucket: 58 | Loss: 5.488 | Acc: 26.314% -2025-06-26 23:13:07 | INFO | Validation | Loss: 6.158 | Acc: 18.078% -2025-06-26 23:13:07 | INFO | Processing bucket 59/131 src: (31, 34) tgt: (30, 33) shard: 1/1 -2025-06-26 23:14:58 | INFO | Epoch: 2 | Bucket: 59 | Loss: 5.394 | Acc: 26.466% -2025-06-26 23:15:08 | INFO | Validation | Loss: 5.941 | Acc: 20.624% -2025-06-26 23:15:08 | INFO | Processing bucket 60/131 src: (28, 31) tgt: (15, 18) shard: 1/1 -2025-06-26 23:15:18 | INFO | Epoch: 2 | Bucket: 60 | Loss: 5.808 | Acc: 22.176% -2025-06-26 23:15:27 | INFO | Validation | Loss: 6.227 | Acc: 17.320% -2025-06-26 23:15:27 | INFO | Processing bucket 61/131 src: (19, 22) tgt: (15, 18) shard: 2/2 -2025-06-26 23:16:27 | INFO | Epoch: 2 | Bucket: 61 | Loss: 5.581 | Acc: 25.575% -2025-06-26 23:16:37 | INFO | Validation | Loss: 6.193 | Acc: 17.666% -2025-06-26 23:16:37 | INFO | Processing bucket 62/131 src: (46, 51) tgt: (49, 55) shard: 1/1 -2025-06-26 23:18:21 | INFO | Epoch: 2 | Bucket: 62 | Loss: 5.318 | Acc: 25.555% -2025-06-26 23:18:31 | INFO | Validation | Loss: 5.881 | Acc: 21.166% -2025-06-26 23:18:31 | INFO | Processing bucket 63/131 src: (64, 73) tgt: (55, 62) shard: 1/1 -2025-06-26 23:23:11 | INFO | Epoch: 2 | Bucket: 63 | Loss: 4.966 | Acc: 29.755% -2025-06-26 23:23:21 | INFO | Validation | Loss: 5.937 | Acc: 20.835% -2025-06-26 23:23:21 | INFO | Processing bucket 64/131 src: (25, 28) tgt: (18, 21) shard: 1/1 -2025-06-26 23:24:32 | INFO | Epoch: 2 | Bucket: 64 | Loss: 5.603 | Acc: 25.062% -2025-06-26 23:24:42 | INFO | Validation | Loss: 6.036 | Acc: 18.994% -2025-06-26 23:24:42 | INFO | Processing bucket 65/131 src: (42, 46) tgt: (30, 33) shard: 1/1 -2025-06-26 23:25:34 | INFO | Epoch: 2 | Bucket: 65 | Loss: 5.419 | Acc: 25.411% -2025-06-26 23:25:44 | INFO | Validation | Loss: 5.929 | Acc: 20.699% -2025-06-26 23:25:44 | INFO | Processing bucket 66/131 src: (51, 57) tgt: (40, 44) shard: 1/1 -2025-06-26 23:27:54 | INFO | Epoch: 2 | Bucket: 66 | Loss: 5.273 | Acc: 26.498% -2025-06-26 23:28:04 | INFO | Validation | Loss: 5.938 | Acc: 20.848% -2025-06-26 23:28:04 | INFO | Processing bucket 67/131 src: (31, 34) tgt: (18, 21) shard: 1/1 -2025-06-26 23:28:18 | INFO | Epoch: 2 | Bucket: 67 | Loss: 5.735 | Acc: 22.811% -2025-06-26 23:28:28 | INFO | Validation | Loss: 6.039 | Acc: 19.120% -2025-06-26 23:28:28 | INFO | Processing bucket 68/131 src: (51, 57) tgt: (44, 49) shard: 1/1 -2025-06-26 23:32:23 | INFO | Epoch: 2 | Bucket: 68 | Loss: 5.250 | Acc: 26.556% -2025-06-26 23:32:33 | INFO | Validation | Loss: 5.932 | Acc: 20.793% -2025-06-26 23:32:33 | INFO | Processing bucket 69/131 src: (10, 13) tgt: (6, 9) shard: 2/2 -2025-06-26 23:32:56 | INFO | Epoch: 2 | Bucket: 69 | Loss: 5.834 | Acc: 23.433% -2025-06-26 23:33:06 | INFO | Validation | Loss: 6.442 | Acc: 13.849% -2025-06-26 23:33:06 | INFO | Processing bucket 70/131 src: (34, 38) tgt: (21, 24) shard: 1/1 -2025-06-26 23:33:29 | INFO | Epoch: 2 | Bucket: 70 | Loss: 5.722 | Acc: 22.729% -2025-06-26 23:33:39 | INFO | Validation | Loss: 5.969 | Acc: 19.772% -2025-06-26 23:33:39 | INFO | Processing bucket 71/131 src: (64, 73) tgt: (71, 82) shard: 1/1 -2025-06-26 23:34:57 | INFO | Epoch: 2 | Bucket: 71 | Loss: 5.227 | Acc: 26.223% -2025-06-26 23:35:07 | INFO | Validation | Loss: 5.900 | Acc: 20.862% -2025-06-26 23:35:07 | INFO | Processing bucket 72/131 src: (46, 51) tgt: (30, 33) shard: 1/1 -2025-06-26 23:35:33 | INFO | Epoch: 2 | Bucket: 72 | Loss: 5.601 | Acc: 22.808% -2025-06-26 23:35:42 | INFO | Validation | Loss: 5.882 | Acc: 21.154% -2025-06-26 23:35:42 | INFO | Processing bucket 73/131 src: (22, 25) tgt: (21, 24) shard: 1/2 -2025-06-26 23:36:46 | INFO | Epoch: 2 | Bucket: 73 | Loss: 5.671 | Acc: 24.274% -2025-06-26 23:36:56 | INFO | Validation | Loss: 5.940 | Acc: 20.388% -2025-06-26 23:36:56 | INFO | Processing bucket 74/131 src: (85, 102) tgt: (71, 82) shard: 1/1 -2025-06-26 23:41:37 | INFO | Epoch: 2 | Bucket: 74 | Loss: 5.027 | Acc: 28.307% -2025-06-26 23:41:47 | INFO | Validation | Loss: 5.928 | Acc: 20.765% -2025-06-26 23:41:47 | INFO | Processing bucket 75/131 src: (25, 28) tgt: (21, 24) shard: 1/2 -2025-06-26 23:42:52 | INFO | Epoch: 2 | Bucket: 75 | Loss: 5.676 | Acc: 23.963% -2025-06-26 23:43:02 | INFO | Validation | Loss: 5.943 | Acc: 20.322% -2025-06-26 23:43:02 | INFO | Processing bucket 76/131 src: (42, 46) tgt: (33, 36) shard: 1/1 -2025-06-26 23:44:41 | INFO | Epoch: 2 | Bucket: 76 | Loss: 5.536 | Acc: 23.979% -2025-06-26 23:44:51 | INFO | Validation | Loss: 5.925 | Acc: 20.638% -2025-06-26 23:44:51 | INFO | Processing bucket 77/131 src: (42, 46) tgt: (44, 49) shard: 1/1 -2025-06-26 23:46:29 | INFO | Epoch: 2 | Bucket: 77 | Loss: 5.514 | Acc: 23.983% -2025-06-26 23:46:39 | INFO | Validation | Loss: 5.923 | Acc: 20.899% -2025-06-26 23:46:39 | INFO | Processing bucket 78/131 src: (38, 42) tgt: (44, 49) shard: 1/1 -2025-06-26 23:47:27 | INFO | Epoch: 2 | Bucket: 78 | Loss: 5.637 | Acc: 23.326% -2025-06-26 23:47:36 | INFO | Validation | Loss: 5.917 | Acc: 20.882% -2025-06-26 23:47:36 | INFO | Processing bucket 79/131 src: (57, 64) tgt: (49, 55) shard: 1/1 -2025-06-26 23:51:42 | INFO | Epoch: 2 | Bucket: 79 | Loss: 5.323 | Acc: 25.467% -2025-06-26 23:51:52 | INFO | Validation | Loss: 5.951 | Acc: 20.631% -2025-06-26 23:51:52 | INFO | Processing bucket 80/131 src: (25, 28) tgt: (24, 27) shard: 2/2 -2025-06-26 23:52:37 | INFO | Epoch: 2 | Bucket: 80 | Loss: 5.857 | Acc: 21.508% -2025-06-26 23:52:47 | INFO | Validation | Loss: 5.941 | Acc: 20.399% -2025-06-26 23:52:47 | INFO | Processing bucket 81/131 src: (19, 22) tgt: (15, 18) shard: 1/2 -2025-06-26 23:53:33 | INFO | Epoch: 2 | Bucket: 81 | Loss: 5.938 | Acc: 20.978% -2025-06-26 23:53:43 | INFO | Validation | Loss: 6.252 | Acc: 17.266% -2025-06-26 23:53:43 | INFO | Processing bucket 82/131 src: (7, 10) tgt: (6, 9) shard: 1/3 -2025-06-26 23:54:10 | INFO | Epoch: 2 | Bucket: 82 | Loss: 5.708 | Acc: 25.474% -2025-06-26 23:54:20 | INFO | Validation | Loss: 7.112 | Acc: 11.241% -2025-06-26 23:54:20 | INFO | Processing bucket 83/131 src: (19, 22) tgt: (21, 24) shard: 1/1 -2025-06-26 23:55:33 | INFO | Epoch: 2 | Bucket: 83 | Loss: 6.011 | Acc: 20.760% -2025-06-26 23:55:43 | INFO | Validation | Loss: 5.993 | Acc: 19.911% -2025-06-26 23:55:43 | INFO | Processing bucket 84/131 src: (13, 16) tgt: (9, 12) shard: 1/2 -2025-06-26 23:56:17 | INFO | Epoch: 2 | Bucket: 84 | Loss: 5.962 | Acc: 20.981% -2025-06-26 23:56:28 | INFO | Validation | Loss: 6.537 | Acc: 14.732% -2025-06-26 23:56:28 | INFO | Processing bucket 85/131 src: (31, 34) tgt: (24, 27) shard: 1/1 -2025-06-26 23:58:03 | INFO | Epoch: 2 | Bucket: 85 | Loss: 5.862 | Acc: 21.705% -2025-06-26 23:58:13 | INFO | Validation | Loss: 5.965 | Acc: 20.141% -2025-06-26 23:58:13 | INFO | Processing bucket 86/131 src: (22, 25) tgt: (18, 21) shard: 2/2 -2025-06-26 23:59:13 | INFO | Epoch: 2 | Bucket: 86 | Loss: 5.965 | Acc: 20.781% -2025-06-26 23:59:23 | INFO | Validation | Loss: 6.180 | Acc: 18.080% -2025-06-26 23:59:23 | INFO | Processing bucket 87/131 src: (34, 38) tgt: (36, 40) shard: 1/1 -2025-06-27 00:01:15 | INFO | Epoch: 2 | Bucket: 87 | Loss: 5.798 | Acc: 21.532% -2025-06-27 00:01:25 | INFO | Validation | Loss: 5.928 | Acc: 20.626% -2025-06-27 00:01:25 | INFO | Processing bucket 88/131 src: (13, 16) tgt: (18, 21) shard: 1/1 -2025-06-27 00:01:44 | INFO | Epoch: 2 | Bucket: 88 | Loss: 6.143 | Acc: 18.603% -2025-06-27 00:01:53 | INFO | Validation | Loss: 6.005 | Acc: 19.482% -2025-06-27 00:01:53 | INFO | Processing bucket 89/131 src: (10, 13) tgt: (9, 12) shard: 3/3 -2025-06-27 00:02:32 | INFO | Epoch: 2 | Bucket: 89 | Loss: 5.865 | Acc: 21.166% -2025-06-27 00:02:42 | INFO | Validation | Loss: 6.514 | Acc: 14.783% -2025-06-27 00:02:42 | INFO | Processing bucket 90/131 src: (3, 7) tgt: (6, 9) shard: 1/1 -2025-06-27 00:03:06 | INFO | Epoch: 2 | Bucket: 90 | Loss: 6.043 | Acc: 24.246% -2025-06-27 00:03:17 | INFO | Validation | Loss: 7.010 | Acc: 11.286% -2025-06-27 00:03:17 | INFO | Processing bucket 91/131 src: (34, 38) tgt: (27, 30) shard: 1/1 -2025-06-27 00:05:18 | INFO | Epoch: 2 | Bucket: 91 | Loss: 5.913 | Acc: 20.550% -2025-06-27 00:05:28 | INFO | Validation | Loss: 5.962 | Acc: 20.142% -2025-06-27 00:05:28 | INFO | Processing bucket 92/131 src: (73, 85) tgt: (71, 82) shard: 1/1 -2025-06-27 00:09:34 | INFO | Epoch: 2 | Bucket: 92 | Loss: 5.389 | Acc: 23.380% -2025-06-27 00:09:44 | INFO | Validation | Loss: 5.947 | Acc: 20.541% -2025-06-27 00:09:44 | INFO | Processing bucket 93/131 src: (19, 22) tgt: (9, 12) shard: 1/1 -2025-06-27 00:09:52 | INFO | Epoch: 2 | Bucket: 93 | Loss: 6.508 | Acc: 14.556% -2025-06-27 00:10:02 | INFO | Validation | Loss: 5.922 | Acc: 20.563% -2025-06-27 00:10:02 | INFO | Processing bucket 94/131 src: (42, 46) tgt: (49, 55) shard: 1/1 -2025-06-27 00:10:38 | INFO | Epoch: 2 | Bucket: 94 | Loss: 5.919 | Acc: 19.523% -2025-06-27 00:10:47 | INFO | Validation | Loss: 5.902 | Acc: 20.772% -2025-06-27 00:10:47 | INFO | Processing bucket 95/131 src: (7, 10) tgt: (12, 15) shard: 1/1 -2025-06-27 00:10:58 | INFO | Epoch: 2 | Bucket: 95 | Loss: 5.401 | Acc: 27.289% -2025-06-27 00:11:07 | INFO | Validation | Loss: 5.934 | Acc: 20.251% -2025-06-27 00:11:07 | INFO | Processing bucket 96/131 src: (38, 42) tgt: (30, 33) shard: 1/1 -2025-06-27 00:12:54 | INFO | Epoch: 2 | Bucket: 96 | Loss: 5.866 | Acc: 20.561% -2025-06-27 00:13:04 | INFO | Validation | Loss: 5.920 | Acc: 20.588% -2025-06-27 00:13:04 | INFO | Processing bucket 97/131 src: (46, 51) tgt: (44, 49) shard: 1/1 -2025-06-27 00:16:18 | INFO | Epoch: 2 | Bucket: 97 | Loss: 5.654 | Acc: 21.947% -2025-06-27 00:16:28 | INFO | Validation | Loss: 5.928 | Acc: 20.680% -2025-06-27 00:16:28 | INFO | Processing bucket 98/131 src: (28, 31) tgt: (27, 30) shard: 1/1 -2025-06-27 00:18:28 | INFO | Epoch: 2 | Bucket: 98 | Loss: 5.970 | Acc: 20.137% -2025-06-27 00:18:38 | INFO | Validation | Loss: 5.932 | Acc: 20.564% -2025-06-27 00:18:38 | INFO | Processing bucket 99/131 src: (102, 129) tgt: (99, 128) shard: 1/1 -2025-06-27 00:25:29 | INFO | Epoch: 2 | Bucket: 99 | Loss: 5.237 | Acc: 24.507% -2025-06-27 00:25:39 | INFO | Validation | Loss: 5.954 | Acc: 20.609% -2025-06-27 00:25:39 | INFO | Processing bucket 100/131 src: (28, 31) tgt: (18, 21) shard: 1/1 -2025-06-27 00:26:12 | INFO | Epoch: 2 | Bucket: 100 | Loss: 6.277 | Acc: 16.678% -2025-06-27 00:26:22 | INFO | Validation | Loss: 5.933 | Acc: 20.293% -2025-06-27 00:26:22 | INFO | Processing bucket 101/131 src: (51, 57) tgt: (55, 62) shard: 1/1 -2025-06-27 00:28:00 | INFO | Epoch: 2 | Bucket: 101 | Loss: 5.766 | Acc: 20.086% -2025-06-27 00:28:09 | INFO | Validation | Loss: 5.914 | Acc: 20.799% -2025-06-27 00:28:09 | INFO | Processing bucket 102/131 src: (13, 16) tgt: (15, 18) shard: 1/1 -2025-06-27 00:29:10 | INFO | Epoch: 2 | Bucket: 102 | Loss: 5.952 | Acc: 20.862% -2025-06-27 00:29:20 | INFO | Validation | Loss: 5.979 | Acc: 19.580% -2025-06-27 00:29:20 | INFO | Processing bucket 103/131 src: (13, 16) tgt: (6, 9) shard: 1/1 -2025-06-27 00:29:35 | INFO | Epoch: 2 | Bucket: 103 | Loss: 6.436 | Acc: 15.149% -2025-06-27 00:29:45 | INFO | Validation | Loss: 6.125 | Acc: 17.669% -2025-06-27 00:29:45 | INFO | Processing bucket 104/131 src: (19, 22) tgt: (18, 21) shard: 1/2 -2025-06-27 00:30:38 | INFO | Epoch: 2 | Bucket: 104 | Loss: 6.128 | Acc: 19.274% -2025-06-27 00:30:48 | INFO | Validation | Loss: 5.961 | Acc: 19.842% -2025-06-27 00:30:48 | INFO | Processing bucket 105/131 src: (22, 25) tgt: (15, 18) shard: 1/1 -2025-06-27 00:31:44 | INFO | Epoch: 2 | Bucket: 105 | Loss: 6.129 | Acc: 19.832% -2025-06-27 00:31:54 | INFO | Validation | Loss: 5.996 | Acc: 19.430% -2025-06-27 00:31:54 | INFO | Processing bucket 106/131 src: (22, 25) tgt: (27, 30) shard: 1/1 -2025-06-27 00:32:27 | INFO | Epoch: 2 | Bucket: 106 | Loss: 6.306 | Acc: 17.690% -2025-06-27 00:32:37 | INFO | Validation | Loss: 5.932 | Acc: 20.246% -2025-06-27 00:32:37 | INFO | Processing bucket 107/131 src: (19, 22) tgt: (27, 30) shard: 1/1 -2025-06-27 00:32:49 | INFO | Epoch: 2 | Bucket: 107 | Loss: 6.419 | Acc: 16.736% -2025-06-27 00:32:59 | INFO | Validation | Loss: 5.931 | Acc: 20.338% -2025-06-27 00:32:59 | INFO | Processing bucket 108/131 src: (34, 38) tgt: (40, 44) shard: 1/1 -2025-06-27 00:33:43 | INFO | Epoch: 2 | Bucket: 108 | Loss: 6.176 | Acc: 17.580% -2025-06-27 00:33:53 | INFO | Validation | Loss: 5.918 | Acc: 20.638% -2025-06-27 00:33:53 | INFO | Processing bucket 109/131 src: (10, 13) tgt: (2, 6) shard: 1/1 -2025-06-27 00:33:59 | INFO | Epoch: 2 | Bucket: 109 | Loss: 7.120 | Acc: 9.159% -2025-06-27 00:34:08 | INFO | Validation | Loss: 5.916 | Acc: 20.632% -2025-06-27 00:34:08 | INFO | Processing bucket 110/131 src: (46, 51) tgt: (33, 36) shard: 1/1 -2025-06-27 00:35:03 | INFO | Epoch: 2 | Bucket: 110 | Loss: 6.017 | Acc: 17.524% -2025-06-27 00:35:12 | INFO | Validation | Loss: 5.913 | Acc: 20.666% -2025-06-27 00:35:12 | INFO | Processing bucket 111/131 src: (102, 129) tgt: (82, 99) shard: 1/1 -2025-06-27 00:40:14 | INFO | Epoch: 2 | Bucket: 111 | Loss: 5.490 | Acc: 21.882% -2025-06-27 00:40:23 | INFO | Validation | Loss: 5.937 | Acc: 20.556% -2025-06-27 00:40:23 | INFO | Processing bucket 112/131 src: (16, 19) tgt: (15, 18) shard: 3/3 -2025-06-27 00:40:51 | INFO | Epoch: 2 | Bucket: 112 | Loss: 6.282 | Acc: 16.153% -2025-06-27 00:41:01 | INFO | Validation | Loss: 5.931 | Acc: 20.167% -2025-06-27 00:41:01 | INFO | Processing bucket 113/131 src: (16, 19) tgt: (9, 12) shard: 1/1 -2025-06-27 00:41:28 | INFO | Epoch: 2 | Bucket: 113 | Loss: 6.368 | Acc: 15.876% -2025-06-27 00:41:38 | INFO | Validation | Loss: 6.033 | Acc: 18.772% -2025-06-27 00:41:38 | INFO | Processing bucket 114/131 src: (85, 102) tgt: (62, 71) shard: 1/1 -2025-06-27 00:43:31 | INFO | Epoch: 2 | Bucket: 114 | Loss: 5.747 | Acc: 19.542% -2025-06-27 00:43:41 | INFO | Validation | Loss: 5.924 | Acc: 20.388% -2025-06-27 00:43:41 | INFO | Processing bucket 115/131 src: (85, 102) tgt: (82, 99) shard: 1/1 -2025-06-27 00:48:54 | INFO | Epoch: 2 | Bucket: 115 | Loss: 5.403 | Acc: 22.848% -2025-06-27 00:49:04 | INFO | Validation | Loss: 5.922 | Acc: 20.502% -2025-06-27 00:49:04 | INFO | Processing bucket 116/131 src: (3, 7) tgt: (2, 6) shard: 6/6 -2025-06-27 00:49:21 | INFO | Epoch: 2 | Bucket: 116 | Loss: 7.017 | Acc: 8.686% -2025-06-27 00:49:30 | INFO | Validation | Loss: 5.921 | Acc: 20.412% -2025-06-27 00:49:30 | INFO | Processing bucket 117/131 src: (28, 31) tgt: (24, 27) shard: 1/2 -2025-06-27 00:50:46 | INFO | Epoch: 2 | Bucket: 117 | Loss: 6.161 | Acc: 17.508% -2025-06-27 00:50:56 | INFO | Validation | Loss: 5.907 | Acc: 20.643% -2025-06-27 00:50:56 | INFO | Processing bucket 118/131 src: (7, 10) tgt: (9, 12) shard: 1/1 -2025-06-27 00:51:42 | INFO | Epoch: 2 | Bucket: 118 | Loss: 5.463 | Acc: 26.177% -2025-06-27 00:51:52 | INFO | Validation | Loss: 5.995 | Acc: 19.187% -2025-06-27 00:51:52 | INFO | Processing bucket 119/131 src: (13, 16) tgt: (9, 12) shard: 2/2 -2025-06-27 00:52:32 | INFO | Epoch: 2 | Bucket: 119 | Loss: 6.253 | Acc: 19.009% -2025-06-27 00:52:42 | INFO | Validation | Loss: 6.053 | Acc: 18.245% -2025-06-27 00:52:42 | INFO | Processing bucket 120/131 src: (3, 7) tgt: (2, 6) shard: 3/6 -2025-06-27 00:53:04 | INFO | Epoch: 2 | Bucket: 120 | Loss: 6.686 | Acc: 13.823% -2025-06-27 00:53:14 | INFO | Validation | Loss: 6.090 | Acc: 17.639% -2025-06-27 00:53:14 | INFO | Processing bucket 121/131 src: (38, 42) tgt: (33, 36) shard: 1/1 -2025-06-27 00:55:44 | INFO | Epoch: 2 | Bucket: 121 | Loss: 6.056 | Acc: 17.731% -2025-06-27 00:55:55 | INFO | Validation | Loss: 5.919 | Acc: 20.530% -2025-06-27 00:55:55 | INFO | Processing bucket 122/131 src: (13, 16) tgt: (12, 15) shard: 2/3 -2025-06-27 00:56:34 | INFO | Epoch: 2 | Bucket: 122 | Loss: 6.203 | Acc: 17.790% -2025-06-27 00:56:44 | INFO | Validation | Loss: 5.967 | Acc: 19.634% -2025-06-27 00:56:44 | INFO | Processing bucket 123/131 src: (42, 46) tgt: (27, 30) shard: 1/1 -2025-06-27 00:57:07 | INFO | Epoch: 2 | Bucket: 123 | Loss: 6.158 | Acc: 17.038% -2025-06-27 00:57:16 | INFO | Validation | Loss: 5.939 | Acc: 20.165% -2025-06-27 00:57:16 | INFO | Processing bucket 124/131 src: (25, 28) tgt: (24, 27) shard: 1/2 -2025-06-27 00:58:33 | INFO | Epoch: 2 | Bucket: 124 | Loss: 6.167 | Acc: 18.193% -2025-06-27 00:58:43 | INFO | Validation | Loss: 5.925 | Acc: 20.391% -2025-06-27 00:58:43 | INFO | Processing bucket 125/131 src: (3, 7) tgt: (9, 12) shard: 1/1 -2025-06-27 00:58:49 | INFO | Epoch: 2 | Bucket: 125 | Loss: 6.444 | Acc: 17.094% -2025-06-27 00:58:59 | INFO | Validation | Loss: 5.925 | Acc: 20.374% -2025-06-27 00:58:59 | INFO | Processing bucket 126/131 src: (13, 16) tgt: (12, 15) shard: 3/3 -2025-06-27 00:59:35 | INFO | Epoch: 2 | Bucket: 126 | Loss: 6.101 | Acc: 19.133% -2025-06-27 00:59:44 | INFO | Validation | Loss: 5.972 | Acc: 19.571% -2025-06-27 00:59:44 | INFO | Processing bucket 127/131 src: (31, 34) tgt: (21, 24) shard: 1/1 -2025-06-27 01:00:26 | INFO | Epoch: 2 | Bucket: 127 | Loss: 6.247 | Acc: 17.630% -2025-06-27 01:00:36 | INFO | Validation | Loss: 5.950 | Acc: 20.028% -2025-06-27 01:00:36 | INFO | Processing bucket 128/131 src: (38, 42) tgt: (36, 40) shard: 1/1 -2025-06-27 01:03:30 | INFO | Epoch: 2 | Bucket: 128 | Loss: 5.971 | Acc: 18.833% -2025-06-27 01:03:41 | INFO | Validation | Loss: 5.912 | Acc: 20.756% -2025-06-27 01:03:41 | INFO | Processing bucket 129/131 src: (3, 7) tgt: (2, 6) shard: 5/6 -2025-06-27 01:04:02 | INFO | Epoch: 2 | Bucket: 129 | Loss: 6.731 | Acc: 11.292% -2025-06-27 01:04:13 | INFO | Validation | Loss: 5.914 | Acc: 20.661% -2025-06-27 01:04:13 | INFO | Processing bucket 130/131 src: (13, 16) tgt: (12, 15) shard: 1/3 -2025-06-27 01:04:52 | INFO | Epoch: 2 | Bucket: 130 | Loss: 6.085 | Acc: 18.752% -2025-06-27 01:05:02 | INFO | Validation | Loss: 5.957 | Acc: 19.920% -2025-06-27 01:05:02 | INFO | Processing bucket 131/131 src: (38, 42) tgt: (24, 27) shard: 1/1 -2025-06-27 01:05:26 | INFO | Epoch: 2 | Bucket: 131 | Loss: 6.208 | Acc: 17.589% -2025-06-27 01:05:37 | INFO | Validation | Loss: 5.938 | Acc: 20.194% -2025-06-27 01:05:37 | INFO | Processing bucket 1/131 src: (34, 38) tgt: (27, 30) shard: 1/1 -2025-06-27 02:40:24 | INFO | Processing bucket 1/131 src: (31, 34) tgt: (18, 21) shard: 1/1 -2025-06-27 02:40:37 | INFO | Epoch: 3 | Bucket: 1 | Loss: 6.326 | Acc: 14.815% -2025-06-27 02:40:46 | INFO | Validation | Loss: 5.942 | Acc: 20.102% -2025-06-27 02:40:46 | INFO | Processing bucket 2/131 src: (13, 16) tgt: (9, 12) shard: 2/2 -2025-06-27 02:41:24 | INFO | Epoch: 3 | Bucket: 2 | Loss: 6.219 | Acc: 18.670% -2025-06-27 02:41:34 | INFO | Validation | Loss: 6.026 | Acc: 18.729% -2025-06-27 02:41:34 | INFO | Processing bucket 3/131 src: (64, 73) tgt: (44, 49) shard: 1/1 -2025-06-27 02:42:24 | INFO | Epoch: 3 | Bucket: 3 | Loss: 6.038 | Acc: 16.838% -2025-06-27 02:42:34 | INFO | Validation | Loss: 5.949 | Acc: 19.959% -2025-06-27 02:42:34 | INFO | Processing bucket 4/131 src: (38, 42) tgt: (27, 30) shard: 1/1 -2025-06-27 02:43:30 | INFO | Epoch: 3 | Bucket: 4 | Loss: 6.134 | Acc: 16.568% -2025-06-27 02:43:38 | INFO | Validation | Loss: 5.937 | Acc: 20.255% -2025-06-27 02:43:38 | INFO | Processing bucket 5/131 src: (16, 19) tgt: (9, 12) shard: 1/1 -2025-06-27 02:44:05 | INFO | Epoch: 3 | Bucket: 5 | Loss: 6.213 | Acc: 19.143% -2025-06-27 02:44:15 | INFO | Validation | Loss: 5.977 | Acc: 19.437% -2025-06-27 02:44:15 | INFO | Processing bucket 6/131 src: (102, 129) tgt: (82, 99) shard: 1/1 +2025-06-27 13:04:05 | INFO | Processing bucket 1/131 src: (13, 16) tgt: (9, 12) shard: 2/2 +2025-06-27 13:05:10 | INFO | Epoch: 1 | Bucket: 1 | Loss: 6.788 | Acc: 17.478% +2025-06-27 13:05:19 | INFO | Validation | Loss: 10.352 | Acc: 4.847% +2025-06-27 13:05:19 | INFO | Processing bucket 2/131 src: (34, 38) tgt: (40, 44) shard: 1/1 +2025-06-27 13:06:26 | INFO | Epoch: 1 | Bucket: 2 | Loss: 6.823 | Acc: 13.909% +2025-06-27 13:06:36 | INFO | Validation | Loss: 7.331 | Acc: 10.861% +2025-06-27 13:06:36 | INFO | Processing bucket 3/131 src: (38, 42) tgt: (36, 40) shard: 1/1 +2025-06-27 13:11:23 | INFO | Epoch: 1 | Bucket: 3 | Loss: 5.854 | Acc: 21.310% +2025-06-27 13:11:34 | INFO | Validation | Loss: 7.088 | Acc: 12.017% +2025-06-27 13:11:34 | INFO | Processing bucket 4/131 src: (25, 28) tgt: (18, 21) shard: 1/1 +2025-06-27 13:13:48 | INFO | Epoch: 1 | Bucket: 4 | Loss: 5.743 | Acc: 24.353% +2025-06-27 13:14:00 | INFO | Validation | Loss: 8.246 | Acc: 11.277% +2025-06-27 13:14:00 | INFO | Processing bucket 5/131 src: (38, 42) tgt: (33, 36) shard: 1/1 +2025-06-27 13:18:15 | INFO | Epoch: 1 | Bucket: 5 | Loss: 5.329 | Acc: 26.801% +2025-06-27 13:18:26 | INFO | Validation | Loss: 6.944 | Acc: 13.079% +2025-06-27 13:18:26 | INFO | Processing bucket 6/131 src: (38, 42) tgt: (44, 49) shard: 1/1 +2025-06-27 13:19:38 | INFO | Epoch: 1 | Bucket: 6 | Loss: 5.390 | Acc: 25.714% +2025-06-27 13:19:48 | INFO | Validation | Loss: 6.682 | Acc: 13.545% +2025-06-27 13:19:48 | INFO | Processing bucket 7/131 src: (3, 7) tgt: (2, 6) shard: 2/6 +2025-06-27 13:20:18 | INFO | Epoch: 1 | Bucket: 7 | Loss: 5.056 | Acc: 38.732% +2025-06-27 13:20:29 | INFO | Validation | Loss: 8.994 | Acc: 3.923% +2025-06-27 13:20:29 | INFO | Processing bucket 8/131 src: (31, 34) tgt: (30, 33) shard: 1/1 +2025-06-27 13:23:29 | INFO | Epoch: 1 | Bucket: 8 | Loss: 5.288 | Acc: 27.737% +2025-06-27 13:23:41 | INFO | Validation | Loss: 6.745 | Acc: 14.275% +2025-06-27 13:23:41 | INFO | Processing bucket 9/131 src: (19, 22) tgt: (15, 18) shard: 2/2 +2025-06-27 13:25:26 | INFO | Epoch: 1 | Bucket: 9 | Loss: 5.230 | Acc: 29.684% +2025-06-27 13:25:37 | INFO | Validation | Loss: 7.593 | Acc: 8.767% +2025-06-27 13:25:37 | INFO | Processing bucket 10/131 src: (22, 25) tgt: (21, 24) shard: 2/2 +2025-06-27 13:27:16 | INFO | Epoch: 1 | Bucket: 10 | Loss: 5.082 | Acc: 31.087% +2025-06-27 13:27:27 | INFO | Validation | Loss: 7.202 | Acc: 11.308% +2025-06-27 13:27:27 | INFO | Processing bucket 11/131 src: (7, 10) tgt: (6, 9) shard: 1/3 +2025-06-27 13:28:08 | INFO | Epoch: 1 | Bucket: 11 | Loss: 4.319 | Acc: 45.259% +2025-06-27 13:28:19 | INFO | Validation | Loss: 9.411 | Acc: 6.165% +2025-06-27 13:28:19 | INFO | Processing bucket 12/131 src: (7, 10) tgt: (9, 12) shard: 1/1 +2025-06-27 13:29:23 | INFO | Epoch: 1 | Bucket: 12 | Loss: 3.728 | Acc: 54.390% +2025-06-27 13:29:33 | INFO | Validation | Loss: 8.470 | Acc: 7.842% +2025-06-27 13:29:33 | INFO | Processing bucket 13/131 src: (22, 25) tgt: (30, 33) shard: 1/1 +2025-06-27 13:29:55 | INFO | Epoch: 1 | Bucket: 13 | Loss: 5.865 | Acc: 21.557% +2025-06-27 13:30:04 | INFO | Validation | Loss: 6.758 | Acc: 14.624% +2025-06-27 13:30:04 | INFO | Processing bucket 14/131 src: (42, 46) tgt: (44, 49) shard: 1/1 +2025-06-27 13:32:36 | INFO | Epoch: 1 | Bucket: 14 | Loss: 4.946 | Acc: 30.755% +2025-06-27 13:32:45 | INFO | Validation | Loss: 6.754 | Acc: 13.792% +2025-06-27 13:32:45 | INFO | Processing bucket 15/131 src: (64, 73) tgt: (62, 71) shard: 1/1 +2025-06-27 13:39:01 | INFO | Epoch: 1 | Bucket: 15 | Loss: 4.590 | Acc: 34.736% +2025-06-27 13:39:10 | INFO | Validation | Loss: 6.633 | Acc: 13.517% +2025-06-27 13:39:10 | INFO | Processing bucket 16/131 src: (10, 13) tgt: (2, 6) shard: 1/1 +2025-06-27 13:39:21 | INFO | Epoch: 1 | Bucket: 16 | Loss: 5.307 | Acc: 32.630% +2025-06-27 13:39:31 | INFO | Validation | Loss: 7.280 | Acc: 8.414% +2025-06-27 13:39:31 | INFO | Processing bucket 17/131 src: (13, 16) tgt: (12, 15) shard: 1/3 +2025-06-27 13:40:33 | INFO | Epoch: 1 | Bucket: 17 | Loss: 4.719 | Acc: 36.816% +2025-06-27 13:40:43 | INFO | Validation | Loss: 7.807 | Acc: 8.690% +2025-06-27 13:40:43 | INFO | Processing bucket 18/131 src: (51, 57) tgt: (40, 44) shard: 1/1 +2025-06-27 13:44:42 | INFO | Epoch: 1 | Bucket: 18 | Loss: 4.712 | Acc: 33.993% +2025-06-27 13:44:53 | INFO | Validation | Loss: 6.747 | Acc: 15.241% +2025-06-27 13:44:53 | INFO | Processing bucket 19/131 src: (22, 25) tgt: (18, 21) shard: 1/2 +2025-06-27 13:46:32 | INFO | Epoch: 1 | Bucket: 19 | Loss: 4.808 | Acc: 35.090% +2025-06-27 13:46:43 | INFO | Validation | Loss: 6.999 | Acc: 13.782% +2025-06-27 13:46:43 | INFO | Processing bucket 20/131 src: (28, 31) tgt: (30, 33) shard: 1/1 +2025-06-27 13:48:40 | INFO | Epoch: 1 | Bucket: 20 | Loss: 4.836 | Acc: 34.024% +2025-06-27 13:48:50 | INFO | Validation | Loss: 6.762 | Acc: 14.640% +2025-06-27 13:48:51 | INFO | Processing bucket 21/131 src: (16, 19) tgt: (12, 15) shard: 2/2 +2025-06-27 13:50:19 | INFO | Epoch: 1 | Bucket: 21 | Loss: 4.498 | Acc: 39.952% +2025-06-27 13:50:29 | INFO | Validation | Loss: 7.422 | Acc: 9.789% +2025-06-27 13:50:29 | INFO | Processing bucket 22/131 src: (16, 19) tgt: (21, 24) shard: 1/1 +2025-06-27 13:51:06 | INFO | Epoch: 1 | Bucket: 22 | Loss: 4.933 | Acc: 32.873% +2025-06-27 13:51:16 | INFO | Validation | Loss: 7.016 | Acc: 12.433% +2025-06-27 13:51:16 | INFO | Processing bucket 23/131 src: (19, 22) tgt: (12, 15) shard: 1/1 +2025-06-27 13:52:34 | INFO | Epoch: 1 | Bucket: 23 | Loss: 4.427 | Acc: 40.934% +2025-06-27 13:52:44 | INFO | Validation | Loss: 7.649 | Acc: 9.202% +2025-06-27 13:52:44 | INFO | Processing bucket 24/131 src: (57, 64) tgt: (62, 71) shard: 1/1 +2025-06-27 13:55:01 | INFO | Epoch: 1 | Bucket: 24 | Loss: 4.749 | Acc: 32.864% +2025-06-27 13:55:11 | INFO | Validation | Loss: 6.409 | Acc: 16.467% +2025-06-27 13:55:11 | INFO | Processing bucket 25/131 src: (46, 51) tgt: (36, 40) shard: 1/1 +2025-06-27 13:59:19 | INFO | Epoch: 1 | Bucket: 25 | Loss: 4.473 | Acc: 37.393% +2025-06-27 13:59:30 | INFO | Validation | Loss: 6.655 | Acc: 15.434% +2025-06-27 13:59:30 | INFO | Processing bucket 26/131 src: (28, 31) tgt: (36, 40) shard: 1/1 +2025-06-27 13:59:58 | INFO | Epoch: 1 | Bucket: 26 | Loss: 5.147 | Acc: 29.721% +2025-06-27 14:00:08 | INFO | Validation | Loss: 6.577 | Acc: 15.899% +2025-06-27 14:00:08 | INFO | Processing bucket 27/131 src: (10, 13) tgt: (9, 12) shard: 2/3 +2025-06-27 14:00:58 | INFO | Epoch: 1 | Bucket: 27 | Loss: 4.087 | Acc: 46.536% +2025-06-27 14:01:08 | INFO | Validation | Loss: 7.299 | Acc: 9.542% +2025-06-27 14:01:08 | INFO | Processing bucket 28/131 src: (102, 129) tgt: (82, 99) shard: 1/1 +2025-06-27 14:09:26 | INFO | Epoch: 1 | Bucket: 28 | Loss: 4.391 | Acc: 36.635% +2025-06-27 14:09:37 | INFO | Validation | Loss: 6.158 | Acc: 18.192% +2025-06-27 14:09:37 | INFO | Processing bucket 29/131 src: (22, 25) tgt: (12, 15) shard: 1/1 +2025-06-27 14:11:27 | INFO | Epoch: 1 | Bucket: 29 | Loss: 4.542 | Acc: 39.069% +2025-06-27 14:11:37 | INFO | Validation | Loss: 6.481 | Acc: 15.290% +2025-06-27 14:11:37 | INFO | Processing bucket 30/131 src: (42, 46) tgt: (40, 44) shard: 1/1 +2025-06-27 14:15:36 | INFO | Epoch: 1 | Bucket: 30 | Loss: 4.426 | Acc: 38.214% +2025-06-27 14:15:46 | INFO | Validation | Loss: 6.499 | Acc: 16.495% +2025-06-27 14:15:46 | INFO | Processing bucket 31/131 src: (25, 28) tgt: (24, 27) shard: 1/2 +2025-06-27 14:17:54 | INFO | Epoch: 1 | Bucket: 31 | Loss: 4.552 | Acc: 37.871% +2025-06-27 14:18:05 | INFO | Validation | Loss: 6.608 | Acc: 15.841% +2025-06-27 14:18:05 | INFO | Processing bucket 32/131 src: (28, 31) tgt: (24, 27) shard: 2/2 +2025-06-27 14:19:31 | INFO | Epoch: 1 | Bucket: 32 | Loss: 4.412 | Acc: 39.775% +2025-06-27 14:19:42 | INFO | Validation | Loss: 6.675 | Acc: 15.507% +2025-06-27 14:19:42 | INFO | Processing bucket 33/131 src: (3, 7) tgt: (2, 6) shard: 3/6 +2025-06-27 14:20:12 | INFO | Epoch: 1 | Bucket: 33 | Loss: 3.227 | Acc: 66.321% +2025-06-27 14:20:23 | INFO | Validation | Loss: 7.300 | Acc: 8.723% +2025-06-27 14:20:23 | INFO | Processing bucket 34/131 src: (16, 19) tgt: (15, 18) shard: 2/3 +2025-06-27 14:21:37 | INFO | Epoch: 1 | Bucket: 34 | Loss: 4.265 | Acc: 42.759% +2025-06-27 14:21:48 | INFO | Validation | Loss: 6.880 | Acc: 14.023% +2025-06-27 14:21:48 | INFO | Processing bucket 35/131 src: (46, 51) tgt: (44, 49) shard: 1/1 +2025-06-27 14:27:02 | INFO | Epoch: 1 | Bucket: 35 | Loss: 4.299 | Acc: 39.640% +2025-06-27 14:27:13 | INFO | Validation | Loss: 6.553 | Acc: 16.069% +2025-06-27 14:27:13 | INFO | Processing bucket 36/131 src: (34, 38) tgt: (36, 40) shard: 1/1 +2025-06-27 14:30:08 | INFO | Epoch: 1 | Bucket: 36 | Loss: 4.416 | Acc: 38.970% +2025-06-27 14:30:19 | INFO | Validation | Loss: 6.591 | Acc: 15.948% +2025-06-27 14:30:19 | INFO | Processing bucket 37/131 src: (13, 16) tgt: (6, 9) shard: 1/1 +2025-06-27 14:30:45 | INFO | Epoch: 1 | Bucket: 37 | Loss: 3.979 | Acc: 48.894% +2025-06-27 14:30:55 | INFO | Validation | Loss: 7.273 | Acc: 8.723% +2025-06-27 14:30:55 | INFO | Processing bucket 38/131 src: (57, 64) tgt: (40, 44) shard: 1/1 +2025-06-27 14:32:35 | INFO | Epoch: 1 | Bucket: 38 | Loss: 4.322 | Acc: 39.247% +2025-06-27 14:32:45 | INFO | Validation | Loss: 6.396 | Acc: 17.208% +2025-06-27 14:32:45 | INFO | Processing bucket 39/131 src: (31, 34) tgt: (18, 21) shard: 1/1 +2025-06-27 14:33:13 | INFO | Epoch: 1 | Bucket: 39 | Loss: 4.354 | Acc: 40.452% +2025-06-27 14:33:23 | INFO | Validation | Loss: 6.535 | Acc: 16.379% +2025-06-27 14:33:23 | INFO | Processing bucket 40/131 src: (85, 102) tgt: (71, 82) shard: 1/1 +2025-06-27 14:41:02 | INFO | Epoch: 1 | Bucket: 40 | Loss: 4.106 | Acc: 41.402% +2025-06-27 14:41:12 | INFO | Validation | Loss: 6.158 | Acc: 18.529% +2025-06-27 14:41:12 | INFO | Processing bucket 41/131 src: (34, 38) tgt: (21, 24) shard: 1/1 +2025-06-27 14:41:59 | INFO | Epoch: 1 | Bucket: 41 | Loss: 4.299 | Acc: 41.292% +2025-06-27 14:42:08 | INFO | Validation | Loss: 6.452 | Acc: 16.796% +2025-06-27 14:42:08 | INFO | Processing bucket 42/131 src: (28, 31) tgt: (18, 21) shard: 1/1 +2025-06-27 14:43:15 | INFO | Epoch: 1 | Bucket: 42 | Loss: 4.177 | Acc: 43.867% +2025-06-27 14:43:24 | INFO | Validation | Loss: 6.548 | Acc: 16.180% +2025-06-27 14:43:24 | INFO | Processing bucket 43/131 src: (38, 42) tgt: (27, 30) shard: 1/1 +2025-06-27 14:45:12 | INFO | Epoch: 1 | Bucket: 43 | Loss: 4.173 | Acc: 42.423% +2025-06-27 14:45:22 | INFO | Validation | Loss: 6.565 | Acc: 16.579% +2025-06-27 14:45:22 | INFO | Processing bucket 44/131 src: (13, 16) tgt: (15, 18) shard: 1/1 +2025-06-27 14:46:54 | INFO | Epoch: 1 | Bucket: 44 | Loss: 4.139 | Acc: 45.201% +2025-06-27 14:47:05 | INFO | Validation | Loss: 6.761 | Acc: 14.783% +2025-06-27 14:47:05 | INFO | Processing bucket 45/131 src: (25, 28) tgt: (21, 24) shard: 1/2 +2025-06-27 14:49:03 | INFO | Epoch: 1 | Bucket: 45 | Loss: 4.220 | Acc: 42.627% +2025-06-27 14:49:14 | INFO | Validation | Loss: 6.688 | Acc: 15.568% +2025-06-27 14:49:14 | INFO | Processing bucket 46/131 src: (31, 34) tgt: (21, 24) shard: 1/1 +2025-06-27 14:50:37 | INFO | Epoch: 1 | Bucket: 46 | Loss: 4.083 | Acc: 44.602% +2025-06-27 14:50:47 | INFO | Validation | Loss: 6.748 | Acc: 15.243% +2025-06-27 14:50:47 | INFO | Processing bucket 47/131 src: (19, 22) tgt: (15, 18) shard: 1/2 +2025-06-27 14:52:10 | INFO | Epoch: 1 | Bucket: 47 | Loss: 4.119 | Acc: 44.394% +2025-06-27 14:52:21 | INFO | Validation | Loss: 6.874 | Acc: 14.223% +2025-06-27 14:52:21 | INFO | Processing bucket 48/131 src: (57, 64) tgt: (49, 55) shard: 1/1 +2025-06-27 14:59:15 | INFO | Epoch: 1 | Bucket: 48 | Loss: 4.108 | Acc: 41.886% +2025-06-27 14:59:25 | INFO | Validation | Loss: 6.531 | Acc: 15.798% +2025-06-27 14:59:25 | INFO | Processing bucket 49/131 src: (25, 28) tgt: (15, 18) shard: 1/1 +2025-06-27 15:00:11 | INFO | Epoch: 1 | Bucket: 49 | Loss: 4.082 | Acc: 45.259% +2025-06-27 15:00:21 | INFO | Validation | Loss: 6.644 | Acc: 15.400% +2025-06-27 15:00:21 | INFO | Processing bucket 50/131 src: (31, 34) tgt: (33, 36) shard: 1/1 +2025-06-27 15:02:11 | INFO | Epoch: 1 | Bucket: 50 | Loss: 4.369 | Acc: 39.974% +2025-06-27 15:02:21 | INFO | Validation | Loss: 6.659 | Acc: 16.264% +2025-06-27 15:02:21 | INFO | Processing bucket 51/131 src: (34, 38) tgt: (30, 33) shard: 1/1 +2025-06-27 15:06:49 | INFO | Epoch: 1 | Bucket: 51 | Loss: 4.083 | Acc: 43.581% +2025-06-27 15:07:00 | INFO | Validation | Loss: 6.775 | Acc: 15.841% +2025-06-27 15:07:00 | INFO | Processing bucket 52/131 src: (19, 22) tgt: (24, 27) shard: 1/1 +2025-06-27 15:07:47 | INFO | Epoch: 1 | Bucket: 52 | Loss: 4.626 | Acc: 36.870% +2025-06-27 15:07:58 | INFO | Validation | Loss: 6.854 | Acc: 15.090% +2025-06-27 15:07:58 | INFO | Processing bucket 53/131 src: (28, 31) tgt: (15, 18) shard: 1/1 +2025-06-27 15:08:16 | INFO | Epoch: 1 | Bucket: 53 | Loss: 4.169 | Acc: 43.371% +2025-06-27 15:08:25 | INFO | Validation | Loss: 7.017 | Acc: 13.494% +2025-06-27 15:08:25 | INFO | Processing bucket 54/131 src: (28, 31) tgt: (33, 36) shard: 1/1 +2025-06-27 15:09:18 | INFO | Epoch: 1 | Bucket: 54 | Loss: 4.594 | Acc: 36.805% +2025-06-27 15:09:28 | INFO | Validation | Loss: 6.873 | Acc: 15.031% +2025-06-27 15:09:28 | INFO | Processing bucket 55/131 src: (16, 19) tgt: (9, 12) shard: 1/1 +2025-06-27 15:10:17 | INFO | Epoch: 1 | Bucket: 55 | Loss: 3.832 | Acc: 49.821% +2025-06-27 15:10:27 | INFO | Validation | Loss: 7.302 | Acc: 11.253% +2025-06-27 15:10:27 | INFO | Processing bucket 56/131 src: (51, 57) tgt: (36, 40) shard: 1/1 +2025-06-27 15:12:30 | INFO | Epoch: 1 | Bucket: 56 | Loss: 4.091 | Acc: 42.706% +2025-06-27 15:12:40 | INFO | Validation | Loss: 6.506 | Acc: 17.042% +2025-06-27 15:12:40 | INFO | Processing bucket 57/131 src: (28, 31) tgt: (24, 27) shard: 1/2 +2025-06-27 15:14:58 | INFO | Epoch: 1 | Bucket: 57 | Loss: 4.105 | Acc: 43.746% +2025-06-27 15:15:08 | INFO | Validation | Loss: 6.677 | Acc: 16.142% +2025-06-27 15:15:08 | INFO | Processing bucket 58/131 src: (19, 22) tgt: (9, 12) shard: 1/1 +2025-06-27 15:15:24 | INFO | Epoch: 1 | Bucket: 58 | Loss: 4.027 | Acc: 46.006% +2025-06-27 15:15:34 | INFO | Validation | Loss: 6.977 | Acc: 13.026% +2025-06-27 15:15:34 | INFO | Processing bucket 59/131 src: (38, 42) tgt: (40, 44) shard: 1/1 +2025-06-27 15:18:05 | INFO | Epoch: 1 | Bucket: 59 | Loss: 4.239 | Acc: 40.773% +2025-06-27 15:18:15 | INFO | Validation | Loss: 6.584 | Acc: 16.296% +2025-06-27 15:18:15 | INFO | Processing bucket 60/131 src: (22, 25) tgt: (15, 18) shard: 1/1 +2025-06-27 15:20:01 | INFO | Epoch: 1 | Bucket: 60 | Loss: 3.969 | Acc: 46.599% +2025-06-27 15:20:12 | INFO | Validation | Loss: 6.988 | Acc: 13.846% +2025-06-27 15:20:12 | INFO | Processing bucket 61/131 src: (57, 64) tgt: (44, 49) shard: 1/1 +2025-06-27 15:24:21 | INFO | Epoch: 1 | Bucket: 61 | Loss: 4.003 | Acc: 43.592% +2025-06-27 15:24:32 | INFO | Validation | Loss: 6.391 | Acc: 17.583% +2025-06-27 15:24:32 | INFO | Processing bucket 62/131 src: (64, 73) tgt: (71, 82) shard: 1/1 +2025-06-27 15:26:23 | INFO | Epoch: 1 | Bucket: 62 | Loss: 4.180 | Acc: 40.750% +2025-06-27 15:26:33 | INFO | Validation | Loss: 6.303 | Acc: 17.471% +2025-06-27 15:26:33 | INFO | Processing bucket 63/131 src: (28, 31) tgt: (27, 30) shard: 1/1 +2025-06-27 15:29:51 | INFO | Epoch: 1 | Bucket: 63 | Loss: 4.138 | Acc: 43.274% +2025-06-27 15:30:02 | INFO | Validation | Loss: 6.551 | Acc: 16.883% +2025-06-27 15:30:02 | INFO | Processing bucket 64/131 src: (42, 46) tgt: (30, 33) shard: 1/1 +2025-06-27 15:31:41 | INFO | Epoch: 1 | Bucket: 64 | Loss: 3.925 | Acc: 45.645% +2025-06-27 15:31:52 | INFO | Validation | Loss: 6.606 | Acc: 16.609% +2025-06-27 15:31:52 | INFO | Processing bucket 65/131 src: (31, 34) tgt: (24, 27) shard: 1/1 +2025-06-27 15:34:43 | INFO | Epoch: 1 | Bucket: 65 | Loss: 3.938 | Acc: 46.122% +2025-06-27 15:34:53 | INFO | Validation | Loss: 6.750 | Acc: 15.612% +2025-06-27 15:34:53 | INFO | Processing bucket 66/131 src: (31, 34) tgt: (27, 30) shard: 1/1 +2025-06-27 15:38:33 | INFO | Epoch: 1 | Bucket: 66 | Loss: 3.965 | Acc: 45.612% +2025-06-27 15:38:45 | INFO | Validation | Loss: 6.833 | Acc: 15.225% +2025-06-27 15:38:45 | INFO | Processing bucket 67/131 src: (25, 28) tgt: (27, 30) shard: 1/1 +2025-06-27 15:40:43 | INFO | Epoch: 1 | Bucket: 67 | Loss: 4.226 | Acc: 42.210% +2025-06-27 15:40:53 | INFO | Validation | Loss: 6.788 | Acc: 15.495% +2025-06-27 15:40:53 | INFO | Processing bucket 68/131 src: (64, 73) tgt: (44, 49) shard: 1/1 +2025-06-27 15:42:31 | INFO | Epoch: 1 | Bucket: 68 | Loss: 4.043 | Acc: 43.002% +2025-06-27 15:42:41 | INFO | Validation | Loss: 6.396 | Acc: 17.096% +2025-06-27 15:42:41 | INFO | Processing bucket 69/131 src: (25, 28) tgt: (30, 33) shard: 1/1 +2025-06-27 15:43:35 | INFO | Epoch: 1 | Bucket: 69 | Loss: 4.460 | Acc: 38.957% +2025-06-27 15:43:45 | INFO | Validation | Loss: 6.573 | Acc: 16.941% +2025-06-27 15:43:45 | INFO | Processing bucket 70/131 src: (3, 7) tgt: (6, 9) shard: 1/1 +2025-06-27 15:44:18 | INFO | Epoch: 1 | Bucket: 70 | Loss: 4.126 | Acc: 48.496% +2025-06-27 15:44:28 | INFO | Validation | Loss: 6.914 | Acc: 12.373% +2025-06-27 15:44:28 | INFO | Processing bucket 71/131 src: (7, 10) tgt: (12, 15) shard: 1/1 +2025-06-27 15:44:43 | INFO | Epoch: 1 | Bucket: 71 | Loss: 3.642 | Acc: 54.580% +2025-06-27 15:44:53 | INFO | Validation | Loss: 6.755 | Acc: 14.416% +2025-06-27 15:44:53 | INFO | Processing bucket 72/131 src: (19, 22) tgt: (18, 21) shard: 2/2 +2025-06-27 15:46:49 | INFO | Epoch: 1 | Bucket: 72 | Loss: 4.011 | Acc: 45.644% +2025-06-27 15:47:00 | INFO | Validation | Loss: 6.786 | Acc: 15.366% +2025-06-27 15:47:00 | INFO | Processing bucket 73/131 src: (16, 19) tgt: (15, 18) shard: 3/3 +2025-06-27 15:47:46 | INFO | Epoch: 1 | Bucket: 73 | Loss: 3.846 | Acc: 48.550% +2025-06-27 15:47:56 | INFO | Validation | Loss: 6.824 | Acc: 14.838% +2025-06-27 15:47:56 | INFO | Processing bucket 74/131 src: (85, 102) tgt: (82, 99) shard: 1/1 +2025-06-27 15:55:50 | INFO | Epoch: 1 | Bucket: 74 | Loss: 3.929 | Acc: 43.663% +2025-06-27 15:56:01 | INFO | Validation | Loss: 6.023 | Acc: 19.592% +2025-06-27 15:56:01 | INFO | Processing bucket 75/131 src: (7, 10) tgt: (6, 9) shard: 2/3 +2025-06-27 15:56:41 | INFO | Epoch: 1 | Bucket: 75 | Loss: 3.306 | Acc: 60.619% +2025-06-27 15:56:52 | INFO | Validation | Loss: 6.519 | Acc: 12.398% +2025-06-27 15:56:52 | INFO | Processing bucket 76/131 src: (46, 51) tgt: (30, 33) shard: 1/1 +2025-06-27 15:57:41 | INFO | Epoch: 1 | Bucket: 76 | Loss: 4.054 | Acc: 43.183% +2025-06-27 15:57:51 | INFO | Validation | Loss: 6.301 | Acc: 17.680% +2025-06-27 15:57:51 | INFO | Processing bucket 77/131 src: (3, 7) tgt: (9, 12) shard: 1/1 +2025-06-27 15:57:58 | INFO | Epoch: 1 | Bucket: 77 | Loss: 4.468 | Acc: 38.912% +2025-06-27 15:58:08 | INFO | Validation | Loss: 6.386 | Acc: 16.861% +2025-06-27 15:58:08 | INFO | Processing bucket 78/131 src: (34, 38) tgt: (24, 27) shard: 1/1 +2025-06-27 16:00:09 | INFO | Epoch: 1 | Bucket: 78 | Loss: 3.901 | Acc: 46.528% +2025-06-27 16:00:19 | INFO | Validation | Loss: 6.349 | Acc: 17.523% +2025-06-27 16:00:19 | INFO | Processing bucket 79/131 src: (28, 31) tgt: (21, 24) shard: 1/1 +2025-06-27 16:02:55 | INFO | Epoch: 1 | Bucket: 79 | Loss: 3.866 | Acc: 47.570% +2025-06-27 16:03:06 | INFO | Validation | Loss: 6.456 | Acc: 17.014% +2025-06-27 16:03:06 | INFO | Processing bucket 80/131 src: (3, 7) tgt: (2, 6) shard: 6/6 +2025-06-27 16:03:30 | INFO | Epoch: 1 | Bucket: 80 | Loss: 2.952 | Acc: 69.948% +2025-06-27 16:03:41 | INFO | Validation | Loss: 6.862 | Acc: 10.589% +2025-06-27 16:03:41 | INFO | Processing bucket 81/131 src: (10, 13) tgt: (15, 18) shard: 1/1 +2025-06-27 16:04:00 | INFO | Epoch: 1 | Bucket: 81 | Loss: 4.309 | Acc: 42.264% +2025-06-27 16:04:10 | INFO | Validation | Loss: 6.538 | Acc: 16.315% +2025-06-27 16:04:10 | INFO | Processing bucket 82/131 src: (51, 57) tgt: (44, 49) shard: 1/1 +2025-06-27 16:10:51 | INFO | Epoch: 1 | Bucket: 82 | Loss: 3.895 | Acc: 45.148% +2025-06-27 16:11:02 | INFO | Validation | Loss: 6.369 | Acc: 17.227% +2025-06-27 16:11:02 | INFO | Processing bucket 83/131 src: (16, 19) tgt: (18, 21) shard: 1/1 +2025-06-27 16:12:43 | INFO | Epoch: 1 | Bucket: 83 | Loss: 4.088 | Acc: 44.720% +2025-06-27 16:12:54 | INFO | Validation | Loss: 6.503 | Acc: 16.792% +2025-06-27 16:12:54 | INFO | Processing bucket 84/131 src: (19, 22) tgt: (18, 21) shard: 1/2 +2025-06-27 16:14:24 | INFO | Epoch: 1 | Bucket: 84 | Loss: 3.893 | Acc: 47.464% +2025-06-27 16:14:35 | INFO | Validation | Loss: 6.538 | Acc: 16.746% +2025-06-27 16:14:35 | INFO | Processing bucket 85/131 src: (10, 13) tgt: (6, 9) shard: 1/2 +2025-06-27 16:15:21 | INFO | Epoch: 1 | Bucket: 85 | Loss: 3.366 | Acc: 58.390% +2025-06-27 16:15:32 | INFO | Validation | Loss: 6.900 | Acc: 11.931% +2025-06-27 16:15:32 | INFO | Processing bucket 86/131 src: (22, 25) tgt: (18, 21) shard: 2/2 +2025-06-27 16:17:20 | INFO | Epoch: 1 | Bucket: 86 | Loss: 3.890 | Acc: 47.174% +2025-06-27 16:17:32 | INFO | Validation | Loss: 6.570 | Acc: 16.449% +2025-06-27 16:17:32 | INFO | Processing bucket 87/131 src: (46, 51) tgt: (49, 55) shard: 1/1 +2025-06-27 16:20:08 | INFO | Epoch: 1 | Bucket: 87 | Loss: 4.111 | Acc: 42.031% +2025-06-27 16:20:19 | INFO | Validation | Loss: 6.369 | Acc: 17.555% +2025-06-27 16:20:19 | INFO | Processing bucket 88/131 src: (73, 85) tgt: (62, 71) shard: 1/1 +2025-06-27 16:28:34 | INFO | Epoch: 1 | Bucket: 88 | Loss: 3.804 | Acc: 46.221% +2025-06-27 16:28:44 | INFO | Validation | Loss: 6.084 | Acc: 18.230% +2025-06-27 16:28:44 | INFO | Processing bucket 89/131 src: (46, 51) tgt: (33, 36) shard: 1/1 +2025-06-27 16:30:27 | INFO | Epoch: 1 | Bucket: 89 | Loss: 3.836 | Acc: 46.607% +2025-06-27 16:30:36 | INFO | Validation | Loss: 6.301 | Acc: 17.854% +2025-06-27 16:30:36 | INFO | Processing bucket 90/131 src: (42, 46) tgt: (49, 55) shard: 1/1 +2025-06-27 16:31:29 | INFO | Epoch: 1 | Bucket: 90 | Loss: 4.373 | Acc: 38.717% +2025-06-27 16:31:39 | INFO | Validation | Loss: 6.360 | Acc: 17.194% +2025-06-27 16:31:39 | INFO | Processing bucket 91/131 src: (10, 13) tgt: (9, 12) shard: 3/3 +2025-06-27 16:32:37 | INFO | Epoch: 1 | Bucket: 91 | Loss: 3.532 | Acc: 54.482% +2025-06-27 16:32:48 | INFO | Validation | Loss: 6.700 | Acc: 13.031% +2025-06-27 16:32:48 | INFO | Processing bucket 92/131 src: (42, 46) tgt: (36, 40) shard: 1/1 +2025-06-27 16:37:50 | INFO | Epoch: 1 | Bucket: 92 | Loss: 3.825 | Acc: 46.664% +2025-06-27 16:38:02 | INFO | Validation | Loss: 6.414 | Acc: 17.527% +2025-06-27 16:38:02 | INFO | Processing bucket 93/131 src: (13, 16) tgt: (18, 21) shard: 1/1 +2025-06-27 16:38:30 | INFO | Epoch: 1 | Bucket: 93 | Loss: 4.290 | Acc: 41.973% +2025-06-27 16:38:40 | INFO | Validation | Loss: 6.576 | Acc: 16.655% +2025-06-27 16:38:40 | INFO | Processing bucket 94/131 src: (64, 73) tgt: (49, 55) shard: 1/1 +2025-06-27 16:43:06 | INFO | Epoch: 1 | Bucket: 94 | Loss: 3.812 | Acc: 46.386% +2025-06-27 16:43:16 | INFO | Validation | Loss: 6.227 | Acc: 18.104% +2025-06-27 16:43:16 | INFO | Processing bucket 95/131 src: (46, 51) tgt: (40, 44) shard: 1/1 +2025-06-27 16:48:37 | INFO | Epoch: 1 | Bucket: 95 | Loss: 3.780 | Acc: 47.263% +2025-06-27 16:48:48 | INFO | Validation | Loss: 6.421 | Acc: 16.961% +2025-06-27 16:48:48 | INFO | Processing bucket 96/131 src: (13, 16) tgt: (9, 12) shard: 1/2 +2025-06-27 16:49:46 | INFO | Epoch: 1 | Bucket: 96 | Loss: 3.624 | Acc: 52.454% +2025-06-27 16:49:56 | INFO | Validation | Loss: 6.601 | Acc: 15.790% +2025-06-27 16:49:56 | INFO | Processing bucket 97/131 src: (3, 7) tgt: (2, 6) shard: 1/6 +2025-06-27 16:50:26 | INFO | Epoch: 1 | Bucket: 97 | Loss: 2.646 | Acc: 75.586% +2025-06-27 16:50:37 | INFO | Validation | Loss: 6.749 | Acc: 13.536% +2025-06-27 16:50:37 | INFO | Processing bucket 98/131 src: (16, 19) tgt: (15, 18) shard: 1/3 +2025-06-27 16:51:52 | INFO | Epoch: 1 | Bucket: 98 | Loss: 3.811 | Acc: 48.889% +2025-06-27 16:52:02 | INFO | Validation | Loss: 6.623 | Acc: 16.452% +2025-06-27 16:52:02 | INFO | Processing bucket 99/131 src: (51, 57) tgt: (55, 62) shard: 1/1 +2025-06-27 16:54:32 | INFO | Epoch: 1 | Bucket: 99 | Loss: 4.040 | Acc: 43.073% +2025-06-27 16:54:42 | INFO | Validation | Loss: 6.314 | Acc: 18.114% +2025-06-27 16:54:42 | INFO | Processing bucket 100/131 src: (25, 28) tgt: (21, 24) shard: 2/2 +2025-06-27 16:56:25 | INFO | Epoch: 1 | Bucket: 100 | Loss: 3.879 | Acc: 47.064% +2025-06-27 16:56:36 | INFO | Validation | Loss: 6.452 | Acc: 17.733% +2025-06-27 16:56:36 | INFO | Processing bucket 101/131 src: (73, 85) tgt: (71, 82) shard: 1/1 +2025-06-27 17:02:57 | INFO | Epoch: 1 | Bucket: 101 | Loss: 3.786 | Acc: 46.310% +2025-06-27 17:03:07 | INFO | Validation | Loss: 6.089 | Acc: 19.002% +2025-06-27 17:03:07 | INFO | Processing bucket 102/131 src: (19, 22) tgt: (21, 24) shard: 1/1 +2025-06-27 17:05:04 | INFO | Epoch: 1 | Bucket: 102 | Loss: 4.107 | Acc: 44.063% +2025-06-27 17:05:14 | INFO | Validation | Loss: 6.449 | Acc: 16.895% +2025-06-27 17:05:14 | INFO | Processing bucket 103/131 src: (64, 73) tgt: (55, 62) shard: 1/1 +2025-06-27 17:12:50 | INFO | Epoch: 1 | Bucket: 103 | Loss: 3.724 | Acc: 47.828% +2025-06-27 17:13:01 | INFO | Validation | Loss: 6.197 | Acc: 17.624% +2025-06-27 17:13:01 | INFO | Processing bucket 104/131 src: (34, 38) tgt: (33, 36) shard: 1/1 +2025-06-27 17:16:54 | INFO | Epoch: 1 | Bucket: 104 | Loss: 3.884 | Acc: 46.383% +2025-06-27 17:17:05 | INFO | Validation | Loss: 6.381 | Acc: 17.154% +2025-06-27 17:17:05 | INFO | Processing bucket 105/131 src: (38, 42) tgt: (30, 33) shard: 1/1 +2025-06-27 17:20:22 | INFO | Epoch: 1 | Bucket: 105 | Loss: 3.732 | Acc: 48.496% +2025-06-27 17:20:33 | INFO | Validation | Loss: 6.424 | Acc: 17.408% +2025-06-27 17:20:33 | INFO | Processing bucket 106/131 src: (42, 46) tgt: (33, 36) shard: 1/1 +2025-06-27 17:23:29 | INFO | Epoch: 1 | Bucket: 106 | Loss: 3.691 | Acc: 48.990% +2025-06-27 17:23:39 | INFO | Validation | Loss: 6.437 | Acc: 16.964% +2025-06-27 17:23:39 | INFO | Processing bucket 107/131 src: (10, 13) tgt: (12, 15) shard: 1/1 +2025-06-27 17:24:58 | INFO | Epoch: 1 | Bucket: 107 | Loss: 3.584 | Acc: 54.133% +2025-06-27 17:25:09 | INFO | Validation | Loss: 6.604 | Acc: 16.112% +2025-06-27 17:25:09 | INFO | Processing bucket 108/131 src: (22, 25) tgt: (27, 30) shard: 1/1 +2025-06-27 17:26:00 | INFO | Epoch: 1 | Bucket: 108 | Loss: 4.417 | Acc: 39.436% +2025-06-27 17:26:11 | INFO | Validation | Loss: 6.514 | Acc: 16.497% +2025-06-27 17:26:11 | INFO | Processing bucket 109/131 src: (73, 85) tgt: (55, 62) shard: 1/1 +2025-06-27 17:30:08 | INFO | Epoch: 1 | Bucket: 109 | Loss: 3.782 | Acc: 46.704% +2025-06-27 17:30:18 | INFO | Validation | Loss: 6.133 | Acc: 18.013% +2025-06-27 17:30:18 | INFO | Processing bucket 110/131 src: (42, 46) tgt: (27, 30) shard: 1/1 +2025-06-27 17:31:03 | INFO | Epoch: 1 | Bucket: 110 | Loss: 3.812 | Acc: 47.127% +2025-06-27 17:31:13 | INFO | Validation | Loss: 6.236 | Acc: 18.556% +2025-06-27 17:31:13 | INFO | Processing bucket 111/131 src: (25, 28) tgt: (24, 27) shard: 2/2 +2025-06-27 17:32:29 | INFO | Epoch: 1 | Bucket: 111 | Loss: 3.971 | Acc: 45.657% +2025-06-27 17:32:39 | INFO | Validation | Loss: 6.335 | Acc: 18.274% +2025-06-27 17:32:39 | INFO | Processing bucket 112/131 src: (16, 19) tgt: (12, 15) shard: 1/2 +2025-06-27 17:33:48 | INFO | Epoch: 1 | Bucket: 112 | Loss: 3.680 | Acc: 50.859% +2025-06-27 17:33:58 | INFO | Validation | Loss: 6.458 | Acc: 17.006% +2025-06-27 17:33:58 | INFO | Processing bucket 113/131 src: (13, 16) tgt: (12, 15) shard: 2/3 +2025-06-27 17:35:00 | INFO | Epoch: 1 | Bucket: 113 | Loss: 3.556 | Acc: 53.441% +2025-06-27 17:35:11 | INFO | Validation | Loss: 6.502 | Acc: 16.821% +2025-06-27 17:35:11 | INFO | Processing bucket 114/131 src: (57, 64) tgt: (55, 62) shard: 1/1 +2025-06-27 17:41:03 | INFO | Epoch: 1 | Bucket: 114 | Loss: 3.787 | Acc: 46.851% +2025-06-27 17:41:14 | INFO | Validation | Loss: 6.283 | Acc: 16.903% +2025-06-27 17:41:14 | INFO | Processing bucket 115/131 src: (3, 7) tgt: (2, 6) shard: 4/6 +2025-06-27 17:41:44 | INFO | Epoch: 1 | Bucket: 115 | Loss: 2.722 | Acc: 73.663% +2025-06-27 17:41:55 | INFO | Validation | Loss: 6.372 | Acc: 16.720% +2025-06-27 17:41:55 | INFO | Processing bucket 116/131 src: (3, 7) tgt: (2, 6) shard: 5/6 +2025-06-27 17:42:25 | INFO | Epoch: 1 | Bucket: 116 | Loss: 2.416 | Acc: 79.540% +2025-06-27 17:42:36 | INFO | Validation | Loss: 6.403 | Acc: 16.314% +2025-06-27 17:42:36 | INFO | Processing bucket 117/131 src: (22, 25) tgt: (21, 24) shard: 1/2 +2025-06-27 17:44:24 | INFO | Epoch: 1 | Bucket: 117 | Loss: 3.904 | Acc: 46.856% +2025-06-27 17:44:35 | INFO | Validation | Loss: 6.502 | Acc: 16.981% +2025-06-27 17:44:35 | INFO | Processing bucket 118/131 src: (34, 38) tgt: (27, 30) shard: 1/1 +2025-06-27 17:48:14 | INFO | Epoch: 1 | Bucket: 118 | Loss: 3.732 | Acc: 48.609% +2025-06-27 17:48:25 | INFO | Validation | Loss: 6.501 | Acc: 17.173% +2025-06-27 17:48:25 | INFO | Processing bucket 119/131 src: (7, 10) tgt: (6, 9) shard: 3/3 +2025-06-27 17:49:20 | INFO | Epoch: 1 | Bucket: 119 | Loss: 3.005 | Acc: 66.040% +2025-06-27 17:49:31 | INFO | Validation | Loss: 6.621 | Acc: 16.104% +2025-06-27 17:49:31 | INFO | Processing bucket 120/131 src: (38, 42) tgt: (24, 27) shard: 1/1 +2025-06-27 17:50:19 | INFO | Epoch: 1 | Bucket: 120 | Loss: 3.732 | Acc: 48.942% +2025-06-27 17:50:29 | INFO | Validation | Loss: 6.502 | Acc: 17.214% +2025-06-27 17:50:29 | INFO | Processing bucket 121/131 src: (51, 57) tgt: (49, 55) shard: 1/1 +2025-06-27 17:56:18 | INFO | Epoch: 1 | Bucket: 121 | Loss: 3.793 | Acc: 46.697% +2025-06-27 17:56:29 | INFO | Validation | Loss: 6.301 | Acc: 17.086% +2025-06-27 17:56:29 | INFO | Processing bucket 122/131 src: (85, 102) tgt: (62, 71) shard: 1/1 +2025-06-27 17:59:49 | INFO | Epoch: 1 | Bucket: 122 | Loss: 3.773 | Acc: 46.622% +2025-06-27 17:59:59 | INFO | Validation | Loss: 5.902 | Acc: 19.499% +2025-06-27 17:59:59 | INFO | Processing bucket 123/131 src: (25, 28) tgt: (33, 36) shard: 1/1 +2025-06-27 18:00:22 | INFO | Epoch: 1 | Bucket: 123 | Loss: 4.752 | Acc: 34.259% +2025-06-27 18:00:31 | INFO | Validation | Loss: 6.228 | Acc: 18.341% +2025-06-27 18:00:31 | INFO | Processing bucket 124/131 src: (10, 13) tgt: (6, 9) shard: 2/2 +2025-06-27 18:01:08 | INFO | Epoch: 1 | Bucket: 124 | Loss: 3.311 | Acc: 58.844% +2025-06-27 18:01:18 | INFO | Validation | Loss: 6.433 | Acc: 15.636% +2025-06-27 18:01:18 | INFO | Processing bucket 125/131 src: (31, 34) tgt: (36, 40) shard: 1/1 +2025-06-27 18:02:24 | INFO | Epoch: 1 | Bucket: 125 | Loss: 4.314 | Acc: 40.476% +2025-06-27 18:02:35 | INFO | Validation | Loss: 6.307 | Acc: 18.515% +2025-06-27 18:02:35 | INFO | Processing bucket 126/131 src: (10, 13) tgt: (9, 12) shard: 1/3 +2025-06-27 18:03:25 | INFO | Epoch: 1 | Bucket: 126 | Loss: 3.346 | Acc: 57.622% +2025-06-27 18:03:35 | INFO | Validation | Loss: 6.442 | Acc: 17.153% +2025-06-27 18:03:35 | INFO | Processing bucket 127/131 src: (102, 129) tgt: (99, 128) shard: 1/1 +2025-06-27 18:13:23 | INFO | Epoch: 1 | Bucket: 127 | Loss: 3.732 | Acc: 46.373% +2025-06-27 18:13:33 | INFO | Validation | Loss: 5.770 | Acc: 21.032% +2025-06-27 18:13:33 | INFO | Processing bucket 128/131 src: (22, 25) tgt: (24, 27) shard: 1/1 +2025-06-27 18:15:30 | INFO | Epoch: 1 | Bucket: 128 | Loss: 4.129 | Acc: 43.369% +2025-06-27 18:15:40 | INFO | Validation | Loss: 6.239 | Acc: 18.229% +2025-06-27 18:15:40 | INFO | Processing bucket 129/131 src: (19, 22) tgt: (27, 30) shard: 1/1 +2025-06-27 18:15:58 | INFO | Epoch: 1 | Bucket: 129 | Loss: 4.753 | Acc: 34.238% +2025-06-27 18:16:08 | INFO | Validation | Loss: 6.258 | Acc: 18.372% +2025-06-27 18:16:08 | INFO | Processing bucket 130/131 src: (7, 10) tgt: (2, 6) shard: 1/1 +2025-06-27 18:16:55 | INFO | Epoch: 1 | Bucket: 130 | Loss: 3.057 | Acc: 66.801% +2025-06-27 18:17:06 | INFO | Validation | Loss: 6.316 | Acc: 15.451% +2025-06-27 18:17:06 | INFO | Processing bucket 131/131 src: (13, 16) tgt: (12, 15) shard: 3/3 +2025-06-27 18:18:04 | INFO | Epoch: 1 | Bucket: 131 | Loss: 3.593 | Acc: 52.412% +2025-06-27 18:18:16 | INFO | Validation | Loss: 6.300 | Acc: 17.938% +2025-06-27 18:18:16 | INFO | Processing bucket 1/131 src: (13, 16) tgt: (9, 12) shard: 1/2 +2025-06-27 18:19:23 | INFO | Processing bucket 1/131 src: (13, 16) tgt: (9, 12) shard: 1/2 +2025-06-27 18:20:20 | INFO | Epoch: 2 | Bucket: 1 | Loss: 3.404 | Acc: 55.790% +2025-06-27 18:20:29 | INFO | Validation | Loss: 6.286 | Acc: 17.700% +2025-06-27 18:20:29 | INFO | Processing bucket 2/131 src: (28, 31) tgt: (33, 36) shard: 1/1 +2025-06-27 18:21:22 | INFO | Epoch: 2 | Bucket: 2 | Loss: 4.323 | Acc: 40.203% +2025-06-27 18:21:32 | INFO | Validation | Loss: 6.265 | Acc: 18.084% +2025-06-27 18:21:32 | INFO | Processing bucket 3/131 src: (19, 22) tgt: (9, 12) shard: 1/1 +2025-06-27 18:21:47 | INFO | Epoch: 2 | Bucket: 3 | Loss: 3.787 | Acc: 48.586% +2025-06-27 18:21:55 | INFO | Validation | Loss: 6.268 | Acc: 17.493% +2025-06-27 18:21:55 | INFO | Processing bucket 4/131 src: (22, 25) tgt: (18, 21) shard: 1/2 +2025-06-27 18:23:33 | INFO | Epoch: 2 | Bucket: 4 | Loss: 3.801 | Acc: 48.174% +2025-06-27 18:23:43 | INFO | Validation | Loss: 6.286 | Acc: 18.143% +2025-06-27 18:23:43 | INFO | Processing bucket 5/131 src: (38, 42) tgt: (44, 49) shard: 1/1 +2025-06-27 18:24:54 | INFO | Epoch: 2 | Bucket: 5 | Loss: 4.206 | Acc: 41.244% +2025-06-27 18:25:04 | INFO | Validation | Loss: 6.220 | Acc: 18.712% +2025-06-27 18:25:04 | INFO | Processing bucket 6/131 src: (10, 13) tgt: (9, 12) shard: 2/3 +2025-06-27 18:25:53 | INFO | Epoch: 2 | Bucket: 6 | Loss: 3.276 | Acc: 58.727% +2025-06-27 18:26:03 | INFO | Validation | Loss: 6.349 | Acc: 17.529% +2025-06-27 18:26:03 | INFO | Processing bucket 7/131 src: (31, 34) tgt: (36, 40) shard: 1/1 +2025-06-27 18:27:11 | INFO | Epoch: 2 | Bucket: 7 | Loss: 4.127 | Acc: 43.028% +2025-06-27 18:27:21 | INFO | Validation | Loss: 6.248 | Acc: 18.371% +2025-06-27 18:27:21 | INFO | Processing bucket 8/131 src: (7, 10) tgt: (9, 12) shard: 1/1 +2025-06-27 18:28:24 | INFO | Epoch: 2 | Bucket: 8 | Loss: 2.997 | Acc: 65.870% +2025-06-27 18:28:35 | INFO | Validation | Loss: 6.401 | Acc: 17.182% +2025-06-27 18:28:35 | INFO | Processing bucket 9/131 src: (22, 25) tgt: (21, 24) shard: 2/2 +2025-06-27 18:30:14 | INFO | Epoch: 2 | Bucket: 9 | Loss: 3.842 | Acc: 47.680% +2025-06-27 18:30:24 | INFO | Validation | Loss: 6.352 | Acc: 17.931% +2025-06-27 18:30:24 | INFO | Processing bucket 10/131 src: (19, 22) tgt: (21, 24) shard: 1/1 +2025-06-27 18:32:20 | INFO | Epoch: 2 | Bucket: 10 | Loss: 3.934 | Acc: 46.486% +2025-06-27 18:32:31 | INFO | Validation | Loss: 6.396 | Acc: 17.212% +2025-06-27 18:32:31 | INFO | Processing bucket 11/131 src: (28, 31) tgt: (24, 27) shard: 2/2 +2025-06-27 18:33:57 | INFO | Epoch: 2 | Bucket: 11 | Loss: 3.807 | Acc: 47.666% +2025-06-27 18:34:07 | INFO | Validation | Loss: 6.295 | Acc: 18.481% +2025-06-27 18:34:07 | INFO | Processing bucket 12/131 src: (34, 38) tgt: (30, 33) shard: 1/1 +2025-06-27 18:38:38 | INFO | Epoch: 2 | Bucket: 12 | Loss: 3.734 | Acc: 48.459% +2025-06-27 18:38:48 | INFO | Validation | Loss: 6.303 | Acc: 18.127% +2025-06-27 18:38:48 | INFO | Processing bucket 13/131 src: (28, 31) tgt: (24, 27) shard: 1/2 +2025-06-27 18:41:06 | INFO | Epoch: 2 | Bucket: 13 | Loss: 3.722 | Acc: 49.189% +2025-06-27 18:41:17 | INFO | Validation | Loss: 6.381 | Acc: 17.781% +2025-06-27 18:41:17 | INFO | Processing bucket 14/131 src: (46, 51) tgt: (36, 40) shard: 1/1 +2025-06-27 18:45:27 | INFO | Epoch: 2 | Bucket: 14 | Loss: 3.680 | Acc: 48.583% +2025-06-27 18:45:38 | INFO | Validation | Loss: 6.277 | Acc: 18.177% +2025-06-27 18:45:38 | INFO | Processing bucket 15/131 src: (28, 31) tgt: (15, 18) shard: 1/1 +2025-06-27 18:45:55 | INFO | Epoch: 2 | Bucket: 15 | Loss: 3.838 | Acc: 47.389% +2025-06-27 18:46:05 | INFO | Validation | Loss: 6.379 | Acc: 17.272% +2025-06-27 18:46:05 | INFO | Processing bucket 16/131 src: (16, 19) tgt: (9, 12) shard: 1/1 +2025-06-27 18:46:53 | INFO | Epoch: 2 | Bucket: 16 | Loss: 3.415 | Acc: 55.903% +2025-06-27 18:47:03 | INFO | Validation | Loss: 6.462 | Acc: 16.469% +2025-06-27 18:47:03 | INFO | Processing bucket 17/131 src: (10, 13) tgt: (6, 9) shard: 1/2 +2025-06-27 18:47:49 | INFO | Epoch: 2 | Bucket: 17 | Loss: 3.096 | Acc: 62.753% +2025-06-27 18:47:59 | INFO | Validation | Loss: 6.482 | Acc: 16.107% +2025-06-27 18:47:59 | INFO | Processing bucket 18/131 src: (38, 42) tgt: (24, 27) shard: 1/1 +2025-06-27 18:48:46 | INFO | Epoch: 2 | Bucket: 18 | Loss: 3.651 | Acc: 49.882% +2025-06-27 18:48:56 | INFO | Validation | Loss: 6.362 | Acc: 17.944% +2025-06-27 18:48:56 | INFO | Processing bucket 19/131 src: (51, 57) tgt: (40, 44) shard: 1/1 +2025-06-27 18:52:57 | INFO | Epoch: 2 | Bucket: 19 | Loss: 3.704 | Acc: 48.072% +2025-06-27 18:53:07 | INFO | Validation | Loss: 6.263 | Acc: 18.595% +2025-06-27 18:53:07 | INFO | Processing bucket 20/131 src: (3, 7) tgt: (2, 6) shard: 2/6 +2025-06-27 18:53:37 | INFO | Epoch: 2 | Bucket: 20 | Loss: 2.549 | Acc: 76.604% +2025-06-27 18:53:48 | INFO | Validation | Loss: 6.356 | Acc: 17.523% +2025-06-27 18:53:48 | INFO | Processing bucket 21/131 src: (22, 25) tgt: (18, 21) shard: 2/2 +2025-06-27 18:55:36 | INFO | Epoch: 2 | Bucket: 21 | Loss: 3.706 | Acc: 49.750% +2025-06-27 18:55:47 | INFO | Validation | Loss: 6.477 | Acc: 17.598% +2025-06-27 18:55:47 | INFO | Processing bucket 22/131 src: (85, 102) tgt: (62, 71) shard: 1/1 +2025-06-27 18:59:10 | INFO | Epoch: 2 | Bucket: 22 | Loss: 3.755 | Acc: 46.741% +2025-06-27 18:59:20 | INFO | Validation | Loss: 5.862 | Acc: 20.794% +2025-06-27 18:59:20 | INFO | Processing bucket 23/131 src: (22, 25) tgt: (27, 30) shard: 1/1 +2025-06-27 19:00:10 | INFO | Epoch: 2 | Bucket: 23 | Loss: 4.334 | Acc: 40.204% +2025-06-27 19:00:20 | INFO | Validation | Loss: 6.224 | Acc: 18.273% +2025-06-27 19:00:20 | INFO | Processing bucket 24/131 src: (19, 22) tgt: (18, 21) shard: 2/2 +2025-06-27 19:02:16 | INFO | Epoch: 2 | Bucket: 24 | Loss: 3.748 | Acc: 49.312% +2025-06-27 19:02:26 | INFO | Validation | Loss: 6.284 | Acc: 18.414% +2025-06-27 19:02:26 | INFO | Processing bucket 25/131 src: (16, 19) tgt: (12, 15) shard: 1/2 +2025-06-27 19:03:35 | INFO | Epoch: 2 | Bucket: 25 | Loss: 3.518 | Acc: 53.253% +2025-06-27 19:03:46 | INFO | Validation | Loss: 6.308 | Acc: 18.068% +2025-06-27 19:03:46 | INFO | Processing bucket 26/131 src: (42, 46) tgt: (40, 44) shard: 1/1 +2025-06-27 19:07:49 | INFO | Epoch: 2 | Bucket: 26 | Loss: 3.752 | Acc: 47.686% +2025-06-27 19:08:00 | INFO | Validation | Loss: 6.229 | Acc: 18.135% +2025-06-27 19:08:00 | INFO | Processing bucket 27/131 src: (19, 22) tgt: (18, 21) shard: 1/2 +2025-06-27 19:09:29 | INFO | Epoch: 2 | Bucket: 27 | Loss: 3.695 | Acc: 50.231% +2025-06-27 19:09:40 | INFO | Validation | Loss: 6.363 | Acc: 17.560% +2025-06-27 19:09:40 | INFO | Processing bucket 28/131 src: (38, 42) tgt: (30, 33) shard: 1/1 +2025-06-27 19:12:57 | INFO | Epoch: 2 | Bucket: 28 | Loss: 3.618 | Acc: 50.074% +2025-06-27 19:13:08 | INFO | Validation | Loss: 6.274 | Acc: 18.097% +2025-06-27 19:13:08 | INFO | Processing bucket 29/131 src: (10, 13) tgt: (12, 15) shard: 1/1 +2025-06-27 19:14:26 | INFO | Epoch: 2 | Bucket: 29 | Loss: 3.412 | Acc: 56.706% +2025-06-27 19:14:37 | INFO | Validation | Loss: 6.341 | Acc: 17.386% +2025-06-27 19:14:37 | INFO | Processing bucket 30/131 src: (46, 51) tgt: (33, 36) shard: 1/1 +2025-06-27 19:16:20 | INFO | Epoch: 2 | Bucket: 30 | Loss: 3.634 | Acc: 49.667% +2025-06-27 19:16:30 | INFO | Validation | Loss: 6.263 | Acc: 17.900% +2025-06-27 19:16:30 | INFO | Processing bucket 31/131 src: (42, 46) tgt: (49, 55) shard: 1/1 +2025-06-27 19:17:24 | INFO | Epoch: 2 | Bucket: 31 | Loss: 4.267 | Acc: 40.003% +2025-06-27 19:17:34 | INFO | Validation | Loss: 6.265 | Acc: 17.294% +2025-06-27 19:17:34 | INFO | Processing bucket 32/131 src: (25, 28) tgt: (18, 21) shard: 1/1 +2025-06-27 19:19:48 | INFO | Epoch: 2 | Bucket: 32 | Loss: 3.661 | Acc: 50.445% +2025-06-27 19:19:58 | INFO | Validation | Loss: 6.335 | Acc: 18.358% +2025-06-27 19:19:58 | INFO | Processing bucket 33/131 src: (7, 10) tgt: (6, 9) shard: 2/3 +2025-06-27 19:20:39 | INFO | Epoch: 2 | Bucket: 33 | Loss: 2.932 | Acc: 67.035% +2025-06-27 19:20:49 | INFO | Validation | Loss: 6.397 | Acc: 17.317% +2025-06-27 19:20:49 | INFO | Processing bucket 34/131 src: (10, 13) tgt: (9, 12) shard: 3/3 +2025-06-27 19:21:47 | INFO | Epoch: 2 | Bucket: 34 | Loss: 3.203 | Acc: 60.003% +2025-06-27 19:21:58 | INFO | Validation | Loss: 6.410 | Acc: 17.681% +2025-06-27 19:21:58 | INFO | Processing bucket 35/131 src: (13, 16) tgt: (6, 9) shard: 1/1 +2025-06-27 19:22:24 | INFO | Epoch: 2 | Bucket: 35 | Loss: 3.279 | Acc: 58.941% +2025-06-27 19:22:34 | INFO | Validation | Loss: 6.557 | Acc: 15.320% +2025-06-27 19:22:34 | INFO | Processing bucket 36/131 src: (19, 22) tgt: (27, 30) shard: 1/1 +2025-06-27 19:22:51 | INFO | Epoch: 2 | Bucket: 36 | Loss: 4.940 | Acc: 30.883% +2025-06-27 19:23:01 | INFO | Validation | Loss: 6.376 | Acc: 17.751% +2025-06-27 19:23:01 | INFO | Processing bucket 37/131 src: (34, 38) tgt: (36, 40) shard: 1/1 +2025-06-27 19:25:58 | INFO | Epoch: 2 | Bucket: 37 | Loss: 3.951 | Acc: 45.179% +2025-06-27 19:26:08 | INFO | Validation | Loss: 6.244 | Acc: 18.447% +2025-06-27 19:26:08 | INFO | Processing bucket 38/131 src: (22, 25) tgt: (21, 24) shard: 1/2 +2025-06-27 19:27:56 | INFO | Epoch: 2 | Bucket: 38 | Loss: 3.747 | Acc: 49.114% +2025-06-27 19:28:06 | INFO | Validation | Loss: 6.348 | Acc: 18.109% +2025-06-27 19:28:06 | INFO | Processing bucket 39/131 src: (42, 46) tgt: (30, 33) shard: 1/1 +2025-06-27 19:29:45 | INFO | Epoch: 2 | Bucket: 39 | Loss: 3.648 | Acc: 49.324% +2025-06-27 19:29:56 | INFO | Validation | Loss: 6.346 | Acc: 18.217% +2025-06-27 19:29:56 | INFO | Processing bucket 40/131 src: (38, 42) tgt: (33, 36) shard: 1/1 +2025-06-27 19:34:11 | INFO | Epoch: 2 | Bucket: 40 | Loss: 3.649 | Acc: 49.582% +2025-06-27 19:34:22 | INFO | Validation | Loss: 6.315 | Acc: 17.878% +2025-06-27 19:34:22 | INFO | Processing bucket 41/131 src: (22, 25) tgt: (24, 27) shard: 1/1 +2025-06-27 19:36:19 | INFO | Epoch: 2 | Bucket: 41 | Loss: 3.946 | Acc: 46.099% +2025-06-27 19:36:29 | INFO | Validation | Loss: 6.351 | Acc: 17.950% +2025-06-27 19:36:29 | INFO | Processing bucket 42/131 src: (10, 13) tgt: (2, 6) shard: 1/1 +2025-06-27 19:36:40 | INFO | Epoch: 2 | Bucket: 42 | Loss: 3.993 | Acc: 47.143% +2025-06-27 19:36:50 | INFO | Validation | Loss: 6.420 | Acc: 16.542% +2025-06-27 19:36:50 | INFO | Processing bucket 43/131 src: (16, 19) tgt: (15, 18) shard: 3/3 +2025-06-27 19:37:35 | INFO | Epoch: 2 | Bucket: 43 | Loss: 3.653 | Acc: 50.839% +2025-06-27 19:37:45 | INFO | Validation | Loss: 6.360 | Acc: 18.404% +2025-06-27 19:37:45 | INFO | Processing bucket 44/131 src: (19, 22) tgt: (24, 27) shard: 1/1 +2025-06-27 19:38:31 | INFO | Epoch: 2 | Bucket: 44 | Loss: 4.267 | Acc: 41.352% +2025-06-27 19:38:41 | INFO | Validation | Loss: 6.328 | Acc: 18.594% +2025-06-27 19:38:41 | INFO | Processing bucket 45/131 src: (64, 73) tgt: (71, 82) shard: 1/1 +2025-06-27 19:40:35 | INFO | Epoch: 2 | Bucket: 45 | Loss: 4.010 | Acc: 42.961% +2025-06-27 19:40:45 | INFO | Validation | Loss: 6.087 | Acc: 19.400% +2025-06-27 19:40:45 | INFO | Processing bucket 46/131 src: (13, 16) tgt: (12, 15) shard: 3/3 +2025-06-27 19:41:42 | INFO | Epoch: 2 | Bucket: 46 | Loss: 3.485 | Acc: 53.914% +2025-06-27 19:41:52 | INFO | Validation | Loss: 6.254 | Acc: 18.423% +2025-06-27 19:41:52 | INFO | Processing bucket 47/131 src: (57, 64) tgt: (62, 71) shard: 1/1 +2025-06-27 19:44:09 | INFO | Epoch: 2 | Bucket: 47 | Loss: 3.943 | Acc: 44.324% +2025-06-27 19:44:19 | INFO | Validation | Loss: 6.098 | Acc: 19.501% +2025-06-27 19:44:19 | INFO | Processing bucket 48/131 src: (3, 7) tgt: (2, 6) shard: 6/6 +2025-06-27 19:44:42 | INFO | Epoch: 2 | Bucket: 48 | Loss: 2.481 | Acc: 77.921% +2025-06-27 19:44:52 | INFO | Validation | Loss: 6.134 | Acc: 19.091% +2025-06-27 19:44:52 | INFO | Processing bucket 49/131 src: (38, 42) tgt: (27, 30) shard: 1/1 +2025-06-27 19:46:40 | INFO | Epoch: 2 | Bucket: 49 | Loss: 3.669 | Acc: 49.105% +2025-06-27 19:46:50 | INFO | Validation | Loss: 6.164 | Acc: 19.303% +2025-06-27 19:46:50 | INFO | Processing bucket 50/131 src: (13, 16) tgt: (12, 15) shard: 2/3 +2025-06-27 19:47:51 | INFO | Epoch: 2 | Bucket: 50 | Loss: 3.415 | Acc: 55.521% +2025-06-27 19:48:02 | INFO | Validation | Loss: 6.269 | Acc: 18.648% +2025-06-27 19:48:02 | INFO | Processing bucket 51/131 src: (46, 51) tgt: (49, 55) shard: 1/1 +2025-06-27 19:50:40 | INFO | Epoch: 2 | Bucket: 51 | Loss: 3.892 | Acc: 45.308% +2025-06-27 19:50:50 | INFO | Validation | Loss: 6.184 | Acc: 18.852% +2025-06-27 19:50:50 | INFO | Processing bucket 52/131 src: (31, 34) tgt: (21, 24) shard: 1/1 +2025-06-27 19:52:13 | INFO | Epoch: 2 | Bucket: 52 | Loss: 3.674 | Acc: 49.690% +2025-06-27 19:52:23 | INFO | Validation | Loss: 6.240 | Acc: 18.919% +2025-06-27 19:52:23 | INFO | Processing bucket 53/131 src: (22, 25) tgt: (30, 33) shard: 1/1 +2025-06-27 19:52:44 | INFO | Epoch: 2 | Bucket: 53 | Loss: 4.740 | Acc: 34.190% +2025-06-27 19:52:54 | INFO | Validation | Loss: 6.294 | Acc: 18.617% +2025-06-27 19:52:54 | INFO | Processing bucket 54/131 src: (25, 28) tgt: (21, 24) shard: 1/2 +2025-06-27 19:54:51 | INFO | Epoch: 2 | Bucket: 54 | Loss: 3.695 | Acc: 49.614% +2025-06-27 19:55:01 | INFO | Validation | Loss: 6.299 | Acc: 18.722% +2025-06-27 19:55:01 | INFO | Processing bucket 55/131 src: (46, 51) tgt: (30, 33) shard: 1/1 +2025-06-27 19:55:50 | INFO | Epoch: 2 | Bucket: 55 | Loss: 3.684 | Acc: 48.774% +2025-06-27 19:56:00 | INFO | Validation | Loss: 6.250 | Acc: 18.805% +2025-06-27 19:56:00 | INFO | Processing bucket 56/131 src: (10, 13) tgt: (6, 9) shard: 2/2 +2025-06-27 19:56:37 | INFO | Epoch: 2 | Bucket: 56 | Loss: 3.122 | Acc: 61.885% +2025-06-27 19:56:47 | INFO | Validation | Loss: 6.360 | Acc: 17.315% +2025-06-27 19:56:47 | INFO | Processing bucket 57/131 src: (42, 46) tgt: (27, 30) shard: 1/1 +2025-06-27 19:57:32 | INFO | Epoch: 2 | Bucket: 57 | Loss: 3.599 | Acc: 50.540% +2025-06-27 19:57:42 | INFO | Validation | Loss: 6.229 | Acc: 18.885% +2025-06-27 19:57:42 | INFO | Processing bucket 58/131 src: (64, 73) tgt: (49, 55) shard: 1/1 +2025-06-27 20:02:10 | INFO | Epoch: 2 | Bucket: 58 | Loss: 3.678 | Acc: 48.159% +2025-06-27 20:02:20 | INFO | Validation | Loss: 6.058 | Acc: 19.716% +2025-06-27 20:02:20 | INFO | Processing bucket 59/131 src: (102, 129) tgt: (82, 99) shard: 1/1 +2025-06-27 20:10:43 | INFO | Epoch: 2 | Bucket: 59 | Loss: 3.741 | Acc: 46.245% +2025-06-27 20:10:53 | INFO | Validation | Loss: 5.637 | Acc: 22.906% +2025-06-27 20:10:53 | INFO | Processing bucket 60/131 src: (42, 46) tgt: (36, 40) shard: 1/1 +2025-06-27 20:15:59 | INFO | Epoch: 2 | Bucket: 60 | Loss: 3.663 | Acc: 48.893% +2025-06-27 20:16:10 | INFO | Validation | Loss: 6.081 | Acc: 19.415% +2025-06-27 20:16:10 | INFO | Processing bucket 61/131 src: (34, 38) tgt: (33, 36) shard: 1/1 +2025-06-27 20:20:05 | INFO | Epoch: 2 | Bucket: 61 | Loss: 3.727 | Acc: 48.627% +2025-06-27 20:20:15 | INFO | Validation | Loss: 6.159 | Acc: 18.543% +2025-06-27 20:20:15 | INFO | Processing bucket 62/131 src: (16, 19) tgt: (15, 18) shard: 1/3 +2025-06-27 20:21:29 | INFO | Epoch: 2 | Bucket: 62 | Loss: 3.589 | Acc: 52.165% +2025-06-27 20:21:40 | INFO | Validation | Loss: 6.236 | Acc: 18.333% +2025-06-27 20:21:40 | INFO | Processing bucket 63/131 src: (31, 34) tgt: (27, 30) shard: 1/1 +2025-06-27 20:25:21 | INFO | Epoch: 2 | Bucket: 63 | Loss: 3.688 | Acc: 49.398% +2025-06-27 20:25:32 | INFO | Validation | Loss: 6.204 | Acc: 18.171% +2025-06-27 20:25:32 | INFO | Processing bucket 64/131 src: (16, 19) tgt: (21, 24) shard: 1/1 +2025-06-27 20:26:09 | INFO | Epoch: 2 | Bucket: 64 | Loss: 4.243 | Acc: 41.781% +2025-06-27 20:26:20 | INFO | Validation | Loss: 6.274 | Acc: 17.687% +2025-06-27 20:26:20 | INFO | Processing bucket 65/131 src: (57, 64) tgt: (44, 49) shard: 1/1 +2025-06-27 20:30:34 | INFO | Epoch: 2 | Bucket: 65 | Loss: 3.672 | Acc: 48.271% +2025-06-27 20:30:44 | INFO | Validation | Loss: 6.115 | Acc: 18.982% +2025-06-27 20:30:44 | INFO | Processing bucket 66/131 src: (25, 28) tgt: (27, 30) shard: 1/1 +2025-06-27 20:32:42 | INFO | Epoch: 2 | Bucket: 66 | Loss: 3.977 | Acc: 45.388% +2025-06-27 20:32:52 | INFO | Validation | Loss: 6.224 | Acc: 18.214% +2025-06-27 20:32:52 | INFO | Processing bucket 67/131 src: (13, 16) tgt: (12, 15) shard: 1/3 +2025-06-27 20:33:55 | INFO | Epoch: 2 | Bucket: 67 | Loss: 3.454 | Acc: 54.746% +2025-06-27 20:34:05 | INFO | Validation | Loss: 6.246 | Acc: 18.775% +2025-06-27 20:34:05 | INFO | Processing bucket 68/131 src: (10, 13) tgt: (9, 12) shard: 1/3 +2025-06-27 20:34:54 | INFO | Epoch: 2 | Bucket: 68 | Loss: 3.190 | Acc: 60.200% +2025-06-27 20:35:05 | INFO | Validation | Loss: 6.268 | Acc: 18.521% +2025-06-27 20:35:05 | INFO | Processing bucket 69/131 src: (28, 31) tgt: (21, 24) shard: 1/1 +2025-06-27 20:37:42 | INFO | Epoch: 2 | Bucket: 69 | Loss: 3.621 | Acc: 50.747% +2025-06-27 20:37:53 | INFO | Validation | Loss: 6.246 | Acc: 18.729% +2025-06-27 20:37:53 | INFO | Processing bucket 70/131 src: (7, 10) tgt: (6, 9) shard: 3/3 +2025-06-27 20:38:47 | INFO | Epoch: 2 | Bucket: 70 | Loss: 2.869 | Acc: 68.240% +2025-06-27 20:38:58 | INFO | Validation | Loss: 6.274 | Acc: 18.335% +2025-06-27 20:38:58 | INFO | Processing bucket 71/131 src: (7, 10) tgt: (6, 9) shard: 1/3 +2025-06-27 20:39:38 | INFO | Epoch: 2 | Bucket: 71 | Loss: 2.827 | Acc: 69.179% +2025-06-27 20:39:49 | INFO | Validation | Loss: 6.281 | Acc: 18.277% +2025-06-27 20:39:49 | INFO | Processing bucket 72/131 src: (85, 102) tgt: (82, 99) shard: 1/1 +2025-06-27 20:47:50 | INFO | Epoch: 2 | Bucket: 72 | Loss: 3.685 | Acc: 47.319% +2025-06-27 20:48:00 | INFO | Validation | Loss: 5.813 | Acc: 20.679% +2025-06-27 20:48:00 | INFO | Processing bucket 73/131 src: (31, 34) tgt: (30, 33) shard: 1/1 +2025-06-27 20:51:04 | INFO | Epoch: 2 | Bucket: 73 | Loss: 3.815 | Acc: 47.359% +2025-06-27 20:51:14 | INFO | Validation | Loss: 6.141 | Acc: 18.272% +2025-06-27 20:51:14 | INFO | Processing bucket 74/131 src: (25, 28) tgt: (24, 27) shard: 1/2 +2025-06-27 20:53:23 | INFO | Epoch: 2 | Bucket: 74 | Loss: 3.788 | Acc: 48.231% +2025-06-27 20:53:33 | INFO | Validation | Loss: 6.182 | Acc: 18.206% +2025-06-27 20:53:33 | INFO | Processing bucket 75/131 src: (7, 10) tgt: (2, 6) shard: 1/1 +2025-06-27 20:54:20 | INFO | Epoch: 2 | Bucket: 75 | Loss: 2.984 | Acc: 67.384% +2025-06-27 20:54:31 | INFO | Validation | Loss: 6.165 | Acc: 18.392% +2025-06-27 20:54:31 | INFO | Processing bucket 76/131 src: (19, 22) tgt: (15, 18) shard: 1/2 +2025-06-27 20:55:54 | INFO | Epoch: 2 | Bucket: 76 | Loss: 3.627 | Acc: 50.925% +2025-06-27 20:56:05 | INFO | Validation | Loss: 6.211 | Acc: 18.587% +2025-06-27 20:56:05 | INFO | Processing bucket 77/131 src: (42, 46) tgt: (33, 36) shard: 1/1 +2025-06-27 20:59:02 | INFO | Epoch: 2 | Bucket: 77 | Loss: 3.580 | Acc: 50.366% +2025-06-27 20:59:12 | INFO | Validation | Loss: 6.112 | Acc: 18.723% +2025-06-27 20:59:12 | INFO | Processing bucket 78/131 src: (38, 42) tgt: (36, 40) shard: 1/1 +2025-06-27 21:03:59 | INFO | Epoch: 2 | Bucket: 78 | Loss: 3.698 | Acc: 48.730% +2025-06-27 21:04:10 | INFO | Validation | Loss: 6.144 | Acc: 18.119% +2025-06-27 21:04:10 | INFO | Processing bucket 79/131 src: (28, 31) tgt: (27, 30) shard: 1/1 +2025-06-27 21:07:30 | INFO | Epoch: 2 | Bucket: 79 | Loss: 3.770 | Acc: 48.402% +2025-06-27 21:07:41 | INFO | Validation | Loss: 6.209 | Acc: 17.765% +2025-06-27 21:07:41 | INFO | Processing bucket 80/131 src: (28, 31) tgt: (18, 21) shard: 1/1 +2025-06-27 21:08:48 | INFO | Epoch: 2 | Bucket: 80 | Loss: 3.645 | Acc: 50.349% +2025-06-27 21:08:59 | INFO | Validation | Loss: 6.138 | Acc: 19.459% +2025-06-27 21:08:59 | INFO | Processing bucket 81/131 src: (25, 28) tgt: (33, 36) shard: 1/1 +2025-06-27 21:09:21 | INFO | Epoch: 2 | Bucket: 81 | Loss: 4.679 | Acc: 34.768% +2025-06-27 21:09:31 | INFO | Validation | Loss: 6.212 | Acc: 18.995% +2025-06-27 21:09:31 | INFO | Processing bucket 82/131 src: (73, 85) tgt: (71, 82) shard: 1/1 +2025-06-27 21:15:56 | INFO | Epoch: 2 | Bucket: 82 | Loss: 3.684 | Acc: 47.701% +2025-06-27 21:16:06 | INFO | Validation | Loss: 5.925 | Acc: 20.317% +2025-06-27 21:16:06 | INFO | Processing bucket 83/131 src: (51, 57) tgt: (49, 55) shard: 1/1 + + + +2025-06-27 21:34:21 | INFO | Processing bucket 1/131 src: (13, 16) tgt: (9, 12) shard: 2/2 +2025-06-27 21:35:23 | INFO | Epoch: 1 | Bucket: 1 | Loss: 6.987 | Acc: 17.213% +2025-06-27 21:35:30 | INFO | Validation | Loss: 9.601 | Acc: 4.694% +2025-06-27 21:35:30 | INFO | Processing bucket 2/131 src: (34, 38) tgt: (40, 44) shard: 1/1 +2025-06-27 21:36:36 | INFO | Epoch: 1 | Bucket: 2 | Loss: 6.781 | Acc: 13.931% +2025-06-27 21:36:43 | INFO | Validation | Loss: 7.293 | Acc: 10.971% +2025-06-27 21:36:43 | INFO | Processing bucket 3/131 src: (38, 42) tgt: (36, 40) shard: 1/1 +2025-06-27 21:41:17 | INFO | Epoch: 1 | Bucket: 3 | Loss: 5.849 | Acc: 21.426% +2025-06-27 21:41:25 | INFO | Validation | Loss: 7.011 | Acc: 11.719% +2025-06-27 21:41:25 | INFO | Processing bucket 4/131 src: (25, 28) tgt: (18, 21) shard: 1/1 +2025-06-27 21:43:40 | INFO | Epoch: 1 | Bucket: 4 | Loss: 5.724 | Acc: 24.726% +2025-06-27 21:43:48 | INFO | Validation | Loss: 7.066 | Acc: 12.094% +2025-06-27 21:43:48 | INFO | Processing bucket 5/131 src: (38, 42) tgt: (33, 36) shard: 1/1