diff --git "a/notebooks/\347\254\254\345\233\233\347\253\240 PyTorch\345\237\272\347\241\200\345\256\236\346\210\230/\346\234\272\345\231\250\347\277\273\350\257\221/Transformer\345\256\236\346\210\230MT.ipynb" "b/notebooks/\347\254\254\345\233\233\347\253\240 PyTorch\345\237\272\347\241\200\345\256\236\346\210\230/\346\234\272\345\231\250\347\277\273\350\257\221/Transformer\345\256\236\346\210\230MT.ipynb" index 59f2faceb..83d80ca16 100644 --- "a/notebooks/\347\254\254\345\233\233\347\253\240 PyTorch\345\237\272\347\241\200\345\256\236\346\210\230/\346\234\272\345\231\250\347\277\273\350\257\221/Transformer\345\256\236\346\210\230MT.ipynb" +++ "b/notebooks/\347\254\254\345\233\233\347\253\240 PyTorch\345\237\272\347\241\200\345\256\236\346\210\230/\346\234\272\345\231\250\347\277\273\350\257\221/Transformer\345\256\236\346\210\230MT.ipynb" @@ -18,32 +18,30 @@ "cell_type": "code", "execution_count": 1, "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/root/miniconda3/envs/torch/lib/python3.9/site-packages/torch/nn/modules/transformer.py:20: UserWarning: Failed to initialize NumPy: No module named 'numpy' (Triggered internally at ../torch/csrc/utils/tensor_numpy.cpp:84.)\n", - " device: torch.device = torch.device(torch._C._get_default_device()), # torch.device('cpu'),\n" - ] - } - ], + "outputs": [], "source": [ "'''注意力计算函数'''\n", "import math\n", "from torch.nn import functional as F\n", + "import torch\n", "\n", - "def attention(q, k, v, dropout_module = None, is_causal=False, dropout=None, mask=None):\n", + "def attention(q, k, v, dropout_module = None, is_causal=False, dropout=0.0, mask=None):\n", " # 计算 QK^T / sqrt(d_k),维度为 (B, nh, T, hs) x (B, nh, hs, T) -> (B, nh, T, T)\n", " att = (q @ k.transpose(-2, -1)) * (1.0 / math.sqrt(k.size(-1)))\n", " # 如果是解码器的 Casual LM,需要 mask 掉右上角的元素\n", + " mask.unsqueeze_(1)\n", " if is_causal:\n", - " # 这里截取到序列长度,因为有些序列可能比 block_size 短\n", - " att = att.masked_fill(mask[:,:,:k.size(-2),:k.size(-2)] == 0, float('-inf'))\n", + " # 生成一个下三角矩阵\n", + " casual_mask = torch.tril(torch.ones(k.size(-2), k.size(-2)).view(1, 1, k.size(-2), k.size(-2)))\n", + " # casual_mask 和原先的 attention_mask 做位运算\n", + " mask = mask & casual_mask\n", + " # 进行 Mask\n", + " att = att.masked_fill(mask == False, float('-inf'))\n", " # 计算 softmax,维度为 (B, nh, T, T)\n", " att = F.softmax(att, dim=-1)\n", " # Attention Dropout\n", - " att = dropout_module(dropout)\n", + " if dropout_module is not None:\n", + " att = dropout_module(dropout)\n", " # V * Score,维度为(B, nh, T, T) x (B, nh, T, hs) -> (B, nh, T, hs)\n", " y = att @ v \n", " return y" @@ -53,6 +51,97 @@ "cell_type": "code", "execution_count": 2, "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "tensor([[[[0.4726, 0.5745, 0.5333, ..., 0.5756, 0.5732, 0.4676],\n", + " [0.4713, 0.5833, 0.5393, ..., 0.5642, 0.5830, 0.4715],\n", + " [0.4748, 0.5874, 0.5366, ..., 0.5659, 0.5871, 0.4702],\n", + " ...,\n", + " [0.4789, 0.6027, 0.5426, ..., 0.5696, 0.5915, 0.4665],\n", + " [0.4833, 0.5881, 0.5361, ..., 0.5788, 0.5763, 0.4724],\n", + " [0.4814, 0.5825, 0.5447, ..., 0.5661, 0.5783, 0.4679]],\n", + "\n", + " [[0.5026, 0.4728, 0.5219, ..., 0.5615, 0.5012, 0.4368],\n", + " [0.4890, 0.4949, 0.5211, ..., 0.5829, 0.5007, 0.4404],\n", + " [0.4982, 0.4879, 0.5207, ..., 0.5733, 0.4955, 0.4312],\n", + " ...,\n", + " [0.5032, 0.4734, 0.5176, ..., 0.5632, 0.5007, 0.4418],\n", + " [0.5071, 0.4730, 0.5211, ..., 0.5660, 0.4980, 0.4368],\n", + " [0.4884, 0.5018, 0.5269, ..., 0.5783, 0.4842, 0.4312]]],\n", + "\n", + "\n", + " [[[0.5016, 0.4894, 0.4672, ..., 0.5495, 0.3946, 0.6046],\n", + " [0.5018, 0.4994, 0.4589, ..., 0.5518, 0.3948, 0.5928],\n", + " [0.5067, 0.4929, 0.4647, ..., 0.5585, 0.3997, 0.6024],\n", + " ...,\n", + " [0.5075, 0.4773, 0.4642, ..., 0.5651, 0.3995, 0.6039],\n", + " [0.5049, 0.4959, 0.4656, ..., 0.5487, 0.3964, 0.5891],\n", + " [0.5090, 0.4806, 0.4536, ..., 0.5597, 0.4001, 0.5965]],\n", + "\n", + " [[0.4077, 0.5683, 0.4124, ..., 0.3536, 0.3917, 0.4438],\n", + " [0.4124, 0.5783, 0.4137, ..., 0.3532, 0.3944, 0.4448],\n", + " [0.4127, 0.5793, 0.4183, ..., 0.3442, 0.4042, 0.4456],\n", + " ...,\n", + " [0.4243, 0.5710, 0.4089, ..., 0.3461, 0.4072, 0.4392],\n", + " [0.4079, 0.5729, 0.4225, ..., 0.3466, 0.4118, 0.4420],\n", + " [0.4192, 0.5756, 0.4115, ..., 0.3497, 0.3998, 0.4414]]],\n", + "\n", + "\n", + " [[[0.5125, 0.5075, 0.4974, ..., 0.6143, 0.4986, 0.5206],\n", + " [0.5113, 0.5033, 0.4871, ..., 0.6235, 0.4952, 0.5218],\n", + " [0.5128, 0.5104, 0.4927, ..., 0.6150, 0.5017, 0.5217],\n", + " ...,\n", + " [0.5063, 0.5038, 0.4984, ..., 0.6167, 0.4966, 0.5224],\n", + " [0.5137, 0.4994, 0.4910, ..., 0.6186, 0.5077, 0.5253],\n", + " [0.5094, 0.4993, 0.4848, ..., 0.6230, 0.4996, 0.5181]],\n", + "\n", + " [[0.3860, 0.5235, 0.3276, ..., 0.5564, 0.5642, 0.4901],\n", + " [0.3876, 0.5238, 0.3272, ..., 0.5618, 0.5658, 0.4941],\n", + " [0.3905, 0.5326, 0.3422, ..., 0.5567, 0.5673, 0.4888],\n", + " ...,\n", + " [0.3960, 0.5343, 0.3499, ..., 0.5573, 0.5600, 0.4941],\n", + " [0.3915, 0.5315, 0.3409, ..., 0.5550, 0.5606, 0.4889],\n", + " [0.3863, 0.5121, 0.3305, ..., 0.5643, 0.5670, 0.4948]]],\n", + "\n", + "\n", + " [[[0.5303, 0.5385, 0.4013, ..., 0.5470, 0.4933, 0.4557],\n", + " [0.5345, 0.5332, 0.4221, ..., 0.5419, 0.5014, 0.4569],\n", + " [0.5313, 0.5326, 0.4275, ..., 0.5496, 0.4976, 0.4583],\n", + " ...,\n", + " [0.5420, 0.5270, 0.4232, ..., 0.5375, 0.5078, 0.4614],\n", + " [0.5403, 0.5353, 0.4148, ..., 0.5385, 0.4954, 0.4645],\n", + " [0.5462, 0.5275, 0.4197, ..., 0.5476, 0.5033, 0.4486]],\n", + "\n", + " [[0.5594, 0.4600, 0.4762, ..., 0.4404, 0.5573, 0.4323],\n", + " [0.5587, 0.4609, 0.4668, ..., 0.4443, 0.5557, 0.4275],\n", + " [0.5555, 0.4608, 0.4657, ..., 0.4482, 0.5551, 0.4272],\n", + " ...,\n", + " [0.5591, 0.4557, 0.4651, ..., 0.4411, 0.5552, 0.4253],\n", + " [0.5577, 0.4590, 0.4710, ..., 0.4361, 0.5573, 0.4333],\n", + " [0.5556, 0.4662, 0.4591, ..., 0.4396, 0.5612, 0.4266]]]])" + ] + }, + "execution_count": 2, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# 测试一下 attention 计算\n", + "\n", + "q = torch.rand((4, 2, 16, 8))\n", + "k = torch.rand((4, 2, 16, 8))\n", + "v = torch.rand((4, 2, 16, 8))\n", + "mask = torch.ones((4, 1, 16)) == 1\n", + "attention(q, k, v, mask=mask)" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, "outputs": [], "source": [ "import torch.nn as nn\n", @@ -85,7 +174,8 @@ " # 是否是解码器的 Casual LM\n", " self.is_causal = is_causal\n", " # 判断是否使用 Flash Attention,Pytorch 2.0 支持,即判断 torch.nn.functional.scaled_dot_product_attention 是否存在\n", - " self.flash = hasattr(torch.nn.functional, 'scaled_dot_product_attention')\n", + " # self.flash = hasattr(torch.nn.functional, 'scaled_dot_product_attention')\n", + " self.flash = False\n", " \n", " # 如果不使用 Flash Attention,打印一个警告\n", " if not self.flash:\n", @@ -96,29 +186,58 @@ " self.register_buffer(\"bias\", torch.tril(torch.ones(config.block_size, config.block_size))\n", " .view(1, 1, config.block_size, config.block_size))\n", "\n", - " def forward(self, query, key, value):\n", + " def forward(self, query, key, value, attention_mask=None):\n", " # 输入为 query、key、value,维度为 (B, T, n_embed)\n", + " # attention_mask 为注意力 mask,维度为 (B, 1, T)\n", " # print(\"query\",query.size())\n", - " B, T, C = query.size() # batch size, sequence length, embedding dimensionality (n_embd)\n", + " B, _, C = key.size() # batch size, sequence length, embedding dimensionality (n_embd)\n", " # 计算 Q、K、V,输入通过参数矩阵层,维度为 (B, T, n_embed) x (n_embed, n_embed) -> (B, T, n_embed)\n", " q, k, v = [self.c_attns[i](x) for i, x in zip(range(3), (query, key, value))]\n", " # 将 Q、K、V 拆分成多头,维度为 (B, T, n_head, C // n_head),然后交换维度,变成 (B, n_head, T, C // n_head)\n", - " k = k.view(B, T, self.n_head, C // self.n_head).transpose(1, 2)\n", - " q = q.view(B, T, self.n_head, C // self.n_head).transpose(1, 2)\n", - " v = v.view(B, T, self.n_head, C // self.n_head).transpose(1, 2)\n", + " k = k.view(B, -1, self.n_head, C // self.n_head).transpose(1, 2)\n", + " q = q.view(B, -1, self.n_head, C // self.n_head).transpose(1, 2)\n", + " v = v.view(B, -1, self.n_head, C // self.n_head).transpose(1, 2)\n", "\n", " # 注意力计算 \n", " if self.flash:\n", - " # 直接使用 Flash Attention\n", + " # 直接使用 Flash Attention,其处理的是可变序列,不进行 PAD\n", + " # 但我们在使用数据时进行了 PAD,所以会出现问题,目前暂时不考虑 PAD 带来的语义歧义\n", " y = torch.nn.functional.scaled_dot_product_attention(q, k, v, attn_mask=None, dropout_p=self.dropout if self.training else 0, is_causal=self.is_causal)\n", " else:\n", " # 手动实现注意力计算\n", " # 计算 QK^T / sqrt(d_k),维度为 (B, nh, T, hs) x (B, nh, hs, T) -> (B, nh, T, T)\n", " att = (q @ k.transpose(-2, -1)) * (1.0 / math.sqrt(k.size(-1)))\n", + " if attention_mask is not None:\n", + " # 给 attention_mask 增加一个维度\n", + " mask = attention_mask.clone()\n", + " mask.unsqueeze_(1)\n", " # 如果是解码器的 Casual LM,需要 mask 掉右上角的元素\n", " if self.is_causal:\n", - " # 这里截取到序列长度,因为有些序列可能比 block_size 短\n", - " att = att.masked_fill(self.bias[:,:,:T,:T] == 0, float('-inf'))\n", + " # 先对初始化的下三角矩阵做截断并转化为Bool矩阵\n", + " casual_mask = self.bias[:,:,:k.size(-2),:k.size(-2)] == 1\n", + " # print(casual_mask.size())\n", + " # print(mask.size())\n", + " # casual_mask 和原先的 attention_mask 做位运算\n", + " if attention_mask is not None:\n", + " print(\"k: \", k.size())\n", + " print(\"q: \", q.size())\n", + " print(\"mask: \", mask.size())\n", + " print(\"casual_mask: \", casual_mask.size())\n", + " mask = mask & casual_mask\n", + " else:\n", + " mask = casual_mask\n", + " if attention_mask is None and not self.is_causal:\n", + " # 不进行 Mask\n", + " pass\n", + " else:\n", + " # 进行 Mask\n", + " # print(\"q: \", q.size())\n", + " # print(\"k: \", k.size())\n", + " # if attention_mask is not None:\n", + " # print(\"atten_mask: \", attention_mask.size())\n", + " # print(\"mask: \", mask.size())\n", + " # print(\"attn: \", att.size())\n", + " att = att.masked_fill(mask == False, float('-inf'))\n", " # 计算 softmax,维度为 (B, nh, T, T)\n", " att = F.softmax(att, dim=-1)\n", " # Attention Dropout\n", @@ -127,7 +246,10 @@ " y = att @ v \n", " # 将多头的结果拼接起来, 先交换维度为 (B, T, n_head, C // n_head),再拼接成 (B, T, n_head * C // n_head)\n", " # 使用 contigonous() 函数保证内存是连续的,否则会报错\n", - " y = y.transpose(1, 2).contiguous().view(B, T, C)\n", + " # print(self.is_causal)\n", + " # print(y.size())\n", + " # print(B, T, C)\n", + " y = y.transpose(1, 2).contiguous().view(B, -1, C)\n", "\n", " # 经过输出层计算,维度为 (B, T, C),再经过线性层残差连接\n", " y = self.resid_dropout(self.c_proj(y))\n", @@ -136,7 +258,7 @@ }, { "cell_type": "code", - "execution_count": 3, + "execution_count": 4, "metadata": {}, "outputs": [], "source": [ @@ -162,7 +284,7 @@ }, { "cell_type": "code", - "execution_count": 4, + "execution_count": 5, "metadata": {}, "outputs": [], "source": [ @@ -184,7 +306,7 @@ }, { "cell_type": "code", - "execution_count": 5, + "execution_count": 6, "metadata": {}, "outputs": [], "source": [ @@ -200,19 +322,19 @@ " self.ln_2 = LayerNorm(config.n_embd, bias=config.bias)\n", " self.mlp = MLP(config)\n", "\n", - " def forward(self, x):\n", + " def forward(self, x, attn_mask=None):\n", " # 此处前面加了 x 实则是实现了残差连接\n", " x = self.ln_1(x)\n", " # Encoder 使用 Self Attention,所以 Q、K、V 都是 x\n", " # print(\"x\",x.size())\n", - " x = x + self.attn(x, x, x)\n", + " x = x + self.attn(x, x, x, attention_mask=attn_mask)\n", " x = x + self.mlp(self.ln_2(x))\n", " return x" ] }, { "cell_type": "code", - "execution_count": 6, + "execution_count": 7, "metadata": {}, "outputs": [], "source": [ @@ -225,16 +347,16 @@ " self.layers = nn.ModuleList([EncoderLayer(config) for _ in range(config.n_layer)])\n", " self.norm = LayerNorm(config.n_embd, bias=config.bias)\n", "\n", - " def forward(self, x):\n", + " def forward(self, x, attn_mask=None):\n", " \"分别通过 N 层 Encoder Layer\"\n", " for layer in self.layers:\n", - " x = layer(x)\n", + " x = layer(x, attn_mask=attn_mask)\n", " return self.norm(x)" ] }, { "cell_type": "code", - "execution_count": 7, + "execution_count": 8, "metadata": {}, "outputs": [], "source": [ @@ -254,14 +376,14 @@ " # 第三个部分是 MLP\n", " self.mlp = MLP(config)\n", "\n", - " def forward(self, x, enc_out):\n", + " def forward(self, x, enc_out, attn_mask=None, label_mask=None):\n", " # 此处前面加了 x 实则是实现了残差连接\n", " x = self.ln_1(x)\n", " # 第一部分是一个 Mask Self Attention,Q、K、V 都是 x\n", - " x = x + self.m_attn(x, x, x)\n", + " x = x + self.m_attn(x, x, x, attention_mask=label_mask)\n", " x = self.ln_2(x)\n", " # 第二部分是一个类似于 Encoder 的 Attention,Q 是 x,K、V 是 Encoder 的输出\n", - " x = x + self.attn(x, enc_out, enc_out)\n", + " x = x + self.attn(x, enc_out, enc_out, attention_mask=attn_mask)\n", " x = self.ln_3(x)\n", " x = x + self.mlp(x)\n", " return x" @@ -269,7 +391,7 @@ }, { "cell_type": "code", - "execution_count": 8, + "execution_count": 9, "metadata": {}, "outputs": [], "source": [ @@ -282,16 +404,16 @@ " self.layers = nn.ModuleList([DecoderLayer(config) for _ in range(config.n_layer)])\n", " self.norm = LayerNorm(config.n_embd, bias=config.bias)\n", "\n", - " def forward(self, x, enc_out):\n", + " def forward(self, x, enc_out, attn_mask=None, label_mask=None):\n", " \"Pass the input (and mask) through each layer in turn.\"\n", " for layer in self.layers:\n", - " x = layer(x, enc_out)\n", + " x = layer(x, enc_out, attn_mask=attn_mask, label_mask=label_mask)\n", " return self.norm(x)" ] }, { "cell_type": "code", - "execution_count": 9, + "execution_count": 10, "metadata": {}, "outputs": [], "source": [ @@ -322,7 +444,7 @@ }, { "cell_type": "code", - "execution_count": 10, + "execution_count": 11, "metadata": {}, "outputs": [], "source": [ @@ -373,7 +495,7 @@ " torch.nn.init.normal_(module.weight, mean=0.0, std=0.02)\n", " \n", " '''前向计算函数'''\n", - " def forward(self, idx, targets=None):\n", + " def forward(self, idx, targets, attn_mask=None, label_mask=None):\n", " # 输入为 idx,维度为 (batch size, sequence length);targets 为目标序列,用于计算 loss\n", " device = idx.device\n", " b, t = idx.size()\n", @@ -384,23 +506,27 @@ " print(\"idx\",idx.size())\n", " # 通过 Embedding 层得到的维度是 (batch size, sequence length, vocab_size, n_embd),因此我们去掉倒数第二个维度\n", " tok_emb = self.transformer.wte(idx)\n", + " label_emb = self.transformer.wte(targets)\n", " print(\"tok_emb\",tok_emb.size())\n", " # 然后通过位置编码\n", " pos_emb = self.transformer.wpe(tok_emb) \n", + " labels_pos_emb = self.transformer.wpe(label_emb)\n", " # 再进行 Dropout\n", " x = self.transformer.drop(pos_emb)\n", " # 然后通过 Encoder\n", " print(\"x after wpe:\",x.size())\n", - " enc_out = self.transformer.encoder(x)\n", + " enc_out = self.transformer.encoder(x, attn_mask=attn_mask)\n", " print(\"enc_out:\",enc_out.size())\n", " # 再通过 Decoder\n", - " x = self.transformer.decoder(x, enc_out)\n", + " x = self.transformer.decoder(labels_pos_emb, enc_out, attn_mask=attn_mask, label_mask=label_mask)\n", " print(\"x after decoder:\",x.size())\n", "\n", " if targets is not None:\n", " # 训练阶段,如果我们给了 targets,就计算 loss\n", " # 先通过最后的 Linear 层,得到维度为 (batch size, sequence length, vocab size)\n", " logits = self.lm_head(x)\n", + " print(\"logits: \", logits.size())\n", + " print(\"targets: \", targets.size())\n", " # 再跟 targets 计算交叉熵\n", " loss = F.cross_entropy(logits.view(-1, logits.size(-1)), targets.view(-1), ignore_index=-1)\n", " else:\n", @@ -449,7 +575,7 @@ " # 如果输入序列太长,我们需要将它截断到 block_size\n", " idx_cond = idx if idx.size(1) <= self.config.block_size else idx[:, -self.config.block_size:]\n", " # 前向计算,得到 logits,维度为 (batch size, sequence length, vocab size)\n", - " logits, _ = self(idx_cond)\n", + " logits, _ = self(idx_cond, idx_cond)\n", " # 使用最后一个 token 的 logits 作为当前输出,除以温度系数控制其多样性\n", " logits = logits[:, -1, :] / temperature\n", " # 如果使用 Top K 采样,将 logits 中除了 top_k 个元素的概率置为 0\n", @@ -469,7 +595,7 @@ }, { "cell_type": "code", - "execution_count": 11, + "execution_count": 12, "metadata": {}, "outputs": [], "source": [ @@ -488,25 +614,31 @@ }, { "cell_type": "code", - "execution_count": 12, + "execution_count": 13, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "number of parameters: 0.02M\n" + "WARNING: using slow attention. Flash Attention requires PyTorch >= 2.0\n", + "WARNING: using slow attention. Flash Attention requires PyTorch >= 2.0\n", + "WARNING: using slow attention. Flash Attention requires PyTorch >= 2.0\n", + "WARNING: using slow attention. Flash Attention requires PyTorch >= 2.0\n", + "WARNING: using slow attention. Flash Attention requires PyTorch >= 2.0\n", + "WARNING: using slow attention. Flash Attention requires PyTorch >= 2.0\n", + "number of parameters: 1.04M\n" ] } ], "source": [ - "model_config = TransformerConfig(vocab_size=10, block_size=12, n_layer=2, n_head=4, n_embd=16, dropout=0.0, bias=True)\n", + "model_config = TransformerConfig(vocab_size=32000, block_size=128, n_layer=2, n_head=4, n_embd=16, dropout=0.0, bias=True)\n", "model = Transformer(model_config)" ] }, { "cell_type": "code", - "execution_count": 13, + "execution_count": 14, "metadata": {}, "outputs": [ { @@ -518,19 +650,23 @@ "x after wpe: torch.Size([4, 8, 16])\n", "enc_out: torch.Size([4, 8, 16])\n", "x after decoder: torch.Size([4, 8, 16])\n", - "logits torch.Size([4, 1, 10])\n" + "logits: torch.Size([4, 8, 32000])\n", + "targets: torch.Size([4, 8])\n", + "logits torch.Size([4, 8, 32000])\n" ] } ], "source": [ "idx = torch.randint(1, 10, (4, 8))\n", - "logits, _ = model(idx)\n", + "label = torch.randint(1, 10, (4, 8))\n", + "attn_mask = torch.ones((4, 1, 8)) == 1\n", + "logits, _ = model(idx, label, attn_mask=attn_mask)\n", "print(\"logits\",logits.size())" ] }, { "cell_type": "code", - "execution_count": 14, + "execution_count": 15, "metadata": {}, "outputs": [ { @@ -542,16 +678,22 @@ "x after wpe: torch.Size([4, 8, 16])\n", "enc_out: torch.Size([4, 8, 16])\n", "x after decoder: torch.Size([4, 8, 16])\n", + "logits: torch.Size([4, 8, 32000])\n", + "targets: torch.Size([4, 8])\n", "idx torch.Size([4, 9])\n", "tok_emb torch.Size([4, 9, 16])\n", "x after wpe: torch.Size([4, 9, 16])\n", "enc_out: torch.Size([4, 9, 16])\n", "x after decoder: torch.Size([4, 9, 16])\n", + "logits: torch.Size([4, 9, 32000])\n", + "targets: torch.Size([4, 9])\n", "idx torch.Size([4, 10])\n", "tok_emb torch.Size([4, 10, 16])\n", "x after wpe: torch.Size([4, 10, 16])\n", "enc_out: torch.Size([4, 10, 16])\n", "x after decoder: torch.Size([4, 10, 16])\n", + "logits: torch.Size([4, 10, 32000])\n", + "targets: torch.Size([4, 10])\n", "generate result torch.Size([4, 11])\n" ] } @@ -563,19 +705,23 @@ }, { "cell_type": "code", - "execution_count": 15, + "execution_count": 16, "metadata": {}, "outputs": [ { "data": { "text/plain": [ - "tensor([[3, 2, 4, 5, 3, 4, 1, 8, 8, 6, 0],\n", - " [8, 7, 5, 5, 4, 8, 2, 7, 5, 0, 9],\n", - " [9, 3, 4, 1, 3, 4, 3, 8, 1, 8, 9],\n", - " [5, 7, 7, 3, 9, 4, 6, 6, 2, 7, 5]])" + "tensor([[ 1, 9, 5, 4, 6, 7, 2, 7, 25412, 20609,\n", + " 461],\n", + " [ 6, 9, 2, 1, 2, 6, 6, 7, 16516, 6875,\n", + " 20417],\n", + " [ 9, 4, 1, 1, 6, 5, 3, 7, 1033, 31221,\n", + " 21766],\n", + " [ 1, 2, 1, 9, 6, 1, 5, 6, 1287, 10562,\n", + " 4435]])" ] }, - "execution_count": 15, + "execution_count": 16, "metadata": {}, "output_type": "execute_result" } @@ -583,6 +729,2385 @@ "source": [ "result" ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## 训练数据构造" + ] + }, + { + "cell_type": "code", + "execution_count": 17, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "[['Some analysts argue that the negative effects of such an outcome would only last for “months.”',\n", + " '某些分析家认为军事行动的负面效果只会持续短短“几个月”。'],\n", + " ['The Fed apparently could not stomach the sell-off in global financial markets in January and February, which was driven largely by concerns about further tightening.',\n", + " '美联储显然无法消化1月和2月的全球金融市场抛售,而这一抛售潮主要是因为对美联储进一步紧缩的担忧导致的。'],\n", + " ['Renewing the South Korean Miracle', '再造韩国奇迹'],\n", + " ['He had no doubt about which vision would win out: “Yearly one nation after another would drop into the union which best suited it; and looking to the commercial activity of the Teutonic races, and the comparative torpor of the Latin races, no doubt the Teutonic money would be most frequently preferred.”',\n", + " '他对哪种货币会胜出坚信不疑:“假以时日,一个有一个国家会进入最适合它的联盟; 看看条顿竞赛中的商业活动,再看看拉丁竞赛中的死气沉沉,毫无疑问条顿货币将是最受欢迎的。'],\n", + " ['Today, however, the US military is more likely to be used to stabilize and rebuild failed states, assist partners in countering insurgency and terrorism, control nuclear weapons when regimes collapse, or directly eradicate terrorist organizations and their supporters.',\n", + " '但现在,美国的军力更可能会被用来稳定和重建战败国,帮助伙伴国对抗叛乱和恐怖主义,在政权崩溃时控制核武器,或直接铲除恐怖组织及其支持者。'],\n", + " ['With each approach, Palestinian leaders, believing Arab states’ hollow proclamations of solidarity with their cause, have failed to measure accurately their own powers vis-à-vis the Israelis.',\n", + " '在运用一个策略的时候,由于相信阿拉伯国家对它们事业团结一致的空洞的宣言,巴勒斯坦领导人没能准确的判断他们在面对以色列时的实力。'],\n", + " ['The US is adjusting structurally and generating real (inflation-adjusted) GDP growth (though well below its potential annual rate of 3-3.5%).',\n", + " '美国在经历结构性调整,真实(经通胀调整的)GDP处于正增长(尽管显著低于3—3. 5%的潜在年增长率)。'],\n", + " ['More than half of this amount was already emitted by 2011.',\n", + " '到2011年,我们已经排放了一大半的碳量。'],\n", + " ['But it should do this fully only once the economy has completely recovered.',\n", + " '但这只能在经济完全复苏的情况下实行。'],\n", + " ['Changing much-cherished bank-secrecy laws is worth the effort.',\n", + " '改革顽固的银行保密法也值得尝试。'],\n", + " ['This will not only delay the restoration of economic growth, but will also have dire political consequences.',\n", + " '而这不仅会延缓经济增长恢复的时间,还会产生可怕的政治后果。'],\n", + " ['It is important to dilute the global impact of local politicians pursuing non‑energy agendas, or simply their own limited interests.',\n", + " '削弱追求能源以外、或者自身狭隘目的的地方政治所产生的全球影响是非常重要的。'],\n", + " ['Fortunately, despite the low returns on foreign assets, this is not yet a major problem for China, owing to the low costs of the corresponding PBOC liabilities.',\n", + " '幸运的是,尽管国外资产的回报较低,但由于对应的中国人民银行借贷成本也不高,所以对中国来说还不算是个重大问题。'],\n", + " ['She says that the snow and ice have been melting. She knows what our researcher means by “global warming.”',\n", + " '她说山上的冰雪都在融化,所以她能够理解我们所说的“全球变暖”。'],\n", + " ['As Saudi officials have observed, Iranian militias fighting the Islamic State in predominantly Sunni regions north and west of Baghdad hope to reinforce their country’s control over Iraq.',\n", + " '沙特官员观察到,在以逊尼派为主题的北部和巴格达以西为伊斯兰国战斗的伊朗民间武装希望加强伊朗对伊拉克的控制。'],\n", + " ['This points to the problem of forging goals through consensus: they can end up being a wish list for everything short of heaven on Earth.',\n", + " '这就引出了通过共识制定目标的问题:到头来,这些目标就成了一份建设人间天堂的清单。'],\n", + " ['We are more connected than at any point in human history, and more and more people come into contact with those who are different from them.',\n", + " '如今,我们比人类历史上任何一个时候互相联系都要紧密,并且越来越多的人和与他们不同的人发生了联系。'],\n", + " ['And foreign governments, including that of the United States, are averting their eyes.',\n", + " '而包括美国在内的外国政府也对暴力行为视而不见。'],\n", + " ['It needs organized state-building in Tripoli – and realistic policymaking in Western capitals.',\n", + " '利比亚需要有组织的建国计划,西方各国也要拿出现实的决策。'],\n", + " ['Making prices “just” nullifies this function, leaving the economy in perpetual shortage.',\n", + " '让价格“公平”会导致这一功能丧失,让经济陷入持续短缺。'],\n", + " ['Little in China today speaks of moderation.', '今天的中国很少谈及“克制”二字。'],\n", + " ['The irony, of course, was that most of the 15 old member states had refused to give the new members full and immediate access to the Western job markets.',\n", + " '当然,具有讽刺意味的是:欧盟15个老成员国中的绝大多数都拒绝让新成员国立即全面地进入西欧劳务市场。'],\n", + " ['A second important feature of the drafting process was the extent to which the National Assembly complied with the requirements of Iraq’s interim constitution, the Transitional Administrative Law (TAL).',\n", + " '宪法起草进程的第二个重要特征是国民会议遵守伊拉克过渡宪法即过渡行政法要求的程度。'],\n", + " ['Of course, China and others in Asia have tried to muddy this change with the alarmist charge of a return to Japanese militarism.',\n", + " '当然,中国和其他亚洲国家试图阻止这一变化,它们认��这是日本回归军国主义的危险信号。'],\n", + " ['Just as the possibility of Brexit was initially dismissed, few political elites, Republican and Democratic alike, took seriously Trump’s bid for the Republican nomination.',\n", + " '正如英国退出的可能性在一开始没有引起重视,美国共和党和民主党的政治精英们也极少有人从一开始就认真对待特朗普要争取共和党提名的企图。'],\n", + " ['That means helping countries to assess their trade-facilitation needs on a case-by-case basis, match those needs with the resources required, and broker partnerships between recipient countries and development allies to ensure that support is provided quickly and efficiently.',\n", + " '这意味着帮助它们根据具体情况进行贸易便利需求分析,将需求和要求的资源匹配起来,并协调受助国和开发协议国之间的伙伴关系,以保证援助能够快速高效地获得。'],\n", + " ['The latest ceasefire agreement, concluded in Minsk in February, has contained, but not stopped, Russian military aggression.',\n", + " '2月达成的最新的明斯克停火协议遏制但并未停止俄罗斯的入侵行为。'],\n", + " ['The impact has become impossible to ignore.', '所造成的影响是无法忽略的。'],\n", + " ['In other words, key European states remain just as captured by financial interests as the American state ever was.',\n", + " '换句话说,重要欧洲国家仍与美国一样被金融利益所俘虏。'],\n", + " ['And the budget deficit has reached 7% of GDP.', '而预算赤字已经达到GDP的7%。'],\n", + " ['The winning approach, from Elastec American Marine, was three times as efficient as the industry’s previous best rate.',\n", + " '获胜方案来自Elastec American Marine公司,其效率是此前石油业最佳水平的三倍。'],\n", + " ['Higher and pro-cyclical equity-capital requirements on banks, combined with a requirement to raise contingent long-term debt – debt that converts into equity in a crisis – is a better way forward.',\n", + " '对银行的更高和顺周期的股权资本的要求,以及后备长期债券的要求 —— 在危机发生时债权将转换为股权 —— 就是一个更好的解决方式。'],\n", + " ['A majority of Americans already recognize that the tax law is deeply flawed and full of false promises.',\n", + " '大多数美国人已经认识到该税法存在缺陷且充满虚假的承诺。'],\n", + " ['But, having gone too far in deregulating markets, we must resist a natural tendency to overcompensate.',\n", + " '但是,我们不能因此矫枉过正,对金融市场的过分监管是不可取的。'],\n", + " ['In fact, such an option has been around for years – and in several rounds of negotiations.',\n", + " '事实上,这一选择已经出现了好几年了,谈判也进行了好几轮。'],\n", + " ['Why Ukraine Deserves a Haircut', '为何乌克兰债券需要减值'],\n", + " ['Today, developing countries and emerging markets say to the US and others: If you will not live up to your promises, at least get out of the way and let us create an international architecture for a global economy that works for the poor, too.',\n", + " '如今,发展中国家和新兴市场对美国和其他国家说:如果你不兑现你的承诺,也至少不要碍事,让我们为全球经济建立一套国际制度为穷人服务。'],\n", + " ['And in virtually every member state, this political gap – the EU’s so-called democratic deficit – has given rise to populist, Euroskeptical political parties.',\n", + " '实际上在每一个成员国里,这个政治上的差距——也就是欧盟所谓的民主赤字——正是民粹主义和欧洲怀疑论政党兴起的原因。'],\n", + " ['And, though employment has increased during Merkel’s tenure, job creation has not succeeded in reducing the low-income segment of the labor market.',\n", + " '而尽管就业率在默克尔执政期间有所增加,但就业岗位创造并没有成功地缩小劳动力市场中的低薪比例。'],\n", + " ['Warren has worked hard on financial-sector issues over many years.',\n", + " '沃伦在金融部门上鞠躬尽瘁多年。'],\n", + " ['From 2008 to 2013, Gülenists in the police, judiciary, and media concocted a series of fictitious conspiracies and plots against Erdoğan, each more gory than the last.',\n", + " '从2008年到2013年,在警界,司法和媒体的葛兰主义者们炮制了一系列据称针对埃尔多安的虚构阴谋事件,而且描绘得一个比一个更绘声绘色。'],\n", + " ['Beyond that, the FSB should be given legal capacity through proper incorporation – an institutionally intermediate point between its purely political status now and the extreme of a treaty organization.',\n", + " '然后,金融稳定性委员会应该通过适当的结构获得法律地位——介于其纯粹政治性机构的现状与条约组织的另一个极端之间。'],\n", + " ['Where the Obama administration went wrong was in how it bailed out the banking system: it helped banks earn their way out of a hole by purchasing some of their bad assets and supplying them with cheap money.',\n", + " '奥巴马政府错在救援银行体系的方式上。 它所采取的措施是买入银行的一部分不良资产,同时向它们提供低成本资金。'],\n", + " ['None of these challenges sits easily with elected politicians.',\n", + " '上述挑战对当选政治家而言都绝非易事。'],\n", + " ['Open, informed discussion of the HIV epidemic, education into HIV prevention, distribution of condoms, and other strategies are the only known way of preventing new infections.',\n", + " '公开和知情的对HIV病毒流行的讨论、预防艾滋病感染的教育、安全套的发放以及其它的战略是目前唯一的已知的预防新的感染的方法。'],\n", + " ['Hayekians have nothing sensible to contribute.', '哈耶克主义者则没有任何有价值的建议。'],\n", + " ['Why are they attracted to radical ideas?', '他们为什么会接受极端思想?'],\n", + " ['Prior to the current crisis, US government revenue was roughly 60% federal and 40% state and local.',\n", + " '危机爆发之前,美国政府收入中约有 60% 流向联邦政府,州和地方政府分得 40% 。'],\n", + " ['They claim that it would improve the US trade balance, while boosting domestic production, investment, and employment.',\n", + " '据说它能改善美国的贸易平衡,同时刺激国内生产、投资和就业。'],\n", + " ['Many Indian cities have air pollution that is just as bad – and in some cases far worse.',\n", + " '许多印度城市空气污染与北京差不多,有的甚至远远过之。'],\n", + " ['Global turbulence, by contrast, has given the Republicans more room to attack Obama and the Democrats.',\n", + " '相比之下,全球动荡让共和党更有理由攻击民主党和奥巴马总统。'],\n", + " ['But, in many ways, Hu Jintao’s tenure as the head of the fourth generation of Communist leaders, which began when he became party secretary in 2002, differs sharply from that of his mentor.',\n", + " '但是,胡锦涛从2002年成为总书记、第四代共产领导人首领以来的所作所为在许多方面与其导师大相径庭。'],\n", + " ['When they do bring it up – to employers, for example – they use apologetic, self-defeating language.',\n", + " '当她们不得不与别人(比如雇主)谈及这个问题时,她们的言词往往会变得笨拙甚至对自己不利。'],\n", + " ['Likewise, Modi has not kept his vow of “minimal government, maximum governance”; on the contrary, he has created the most centralized, top-down, bureaucracy-driven, personality-cult-dominated central government since Indira Gandhi’s emergency rule in the mid-1970s.',\n", + " '类似地,莫迪没有兑现其“最小政府、最大治理”的承诺; 相反,他创造了一个自20世纪70年代英迪拉·甘地的紧急状态以来最集中、最自上而下、最官僚主义、最讲裙带关系的中央政府。'],\n", + " ['The genocide could not therefore be imputed to Serbia, even if the Serbian government was paying salaries to Mladic and his colleagues, as well as providing them with financial and military assistance.',\n", + " '因此这次种族灭绝并不能归罪于塞尔维亚,即便塞尔维亚政府为马尔维奇和他的同僚们支付薪水,同时也给他们提供财政和军事援助。'],\n", + " ['In implementing these policies, both central banks are pursuing domestic objectives mandated by their governing legislation.',\n", + " '实施这些政策的两家央行都是在执政立法机关的授权下追求国内目标。'],\n", + " ['All this came in the context of a US economy that continues to be a powerful engine of job creation.',\n", + " '所有这一切都发生在美国经济仍然是强大就业增长引擎的大背景下。'],\n", + " ['Mexico Breaking Good?', '墨西哥状况改善?'],\n", + " ['But many voters now feel that mainstream policies have failed.',\n", + " '但如今,许多选民感到主流政策是失败的。'],\n", + " ['Without NATO intervention, they probably would have remained second-class citizens within Serbia.',\n", + " '没有北约的干预,他们或许还会是塞尔维亚的二等公民。'],\n", + " ['As a result, harmful mutations would quickly die out.', '因此,有害的基因突变会迅速消亡。'],\n", + " ['Officials must be at least as vigilant about reducing expenditure and withdrawing stimulus measures during periods of growth as they are inclined to introduce such policies during downturns.',\n", + " '官员对于在增长时期减支和退出刺激措施的警惕性至少不能亚于在衰退时期引入这些政策。'],\n", + " ['That is why America’s entry into the fray was only a matter of time.',\n", + " '因此,美国加入战团只是时间问题。'],\n", + " ['At the same time, we are witnessing the dissolution of the old Middle East created by France and Britain after World War I, when Europe’s two great colonial powers created territorial mandates in Palestine, Syria (including present-day Lebanon), Transjordan, and Iraq.',\n", + " '同时,我们正在见证一战后英法缔造的中东格局的土崩瓦解,当时欧洲这两大殖民强国在巴勒斯坦、叙利亚(包括今天的黎巴嫩)、约旦河外和伊拉克都凭空创造出领土要求。'],\n", + " ['But the attacks in Madrid – and in London in July 2005 – showed that Europe is one of their prime targets, prompting European governments to respond by bolstering their defenses, including at the level of the European Union.',\n", + " '但是对马德里的袭击以及2005年7月对伦敦的袭击表明,欧洲是他们的主要目标之一,从而促使欧洲国家政府通过包括在欧盟的层面上加强防备予以应对。'],\n", + " ['Earlier in the day, we’d witnessed a hundred capuchin and squirrel monkeys rush down from the Amazon jungle canopy and were now relaxing beside Lake Chalalan while her cousin, a shaman, blessed coca leaves as the evening’s traditional drumming and dancing began.',\n", + " '” 那天一早,我们就看见了上百只僧帽猴和松鼠猴从亚马逊遮天蔽日的丛林中一路冲下来,跑到查拉澜湖(Lake Chalalan)边休憩,而那位特迦拿印第安妇女的萨满表姐,在夜幕降临,传统鼓声响起、人们又开始跳舞的时候,虔诚地颂扬着神圣的古柯叶。'],\n", + " ['Yet some of Europe’s best-performing countries, such as Sweden and Norway, have the strongest welfare states and labor-market protections.',\n", + " '然而一些欧洲表现最佳的国家(如瑞典和挪威)却拥有最完善的福利国家和劳动力市场保护体制。'],\n", + " ['Without this short-time allowance, the average number of unemployed in 2009 would be 300,000 higher than it is now.',\n", + " '如果德国没有这种短期补贴,德国2009年的平均失业人数要比现在的多300,000人。'],\n", + " ['But that is not money that America’s poor can spend, so some downward adjustment should be applied.',\n", + " 'CBO将这些计划的增加全部计为美国穷人家庭真实税后收入的增长。 但美国穷人无法花这笔钱,因此在计算的时候应该打个折扣。'],\n", + " ['China’s success has been driven by cheap exports based on cheap labor, infrastructure built by state enterprises with low-cost bank funding, and government budgets funded by land sales.',\n", + " '中国的成功一直是由基于廉价劳动力的廉价出口、廉价银行资金支持的国有企业建设的基础设施以及土地销售提供资金的政府预算推动的。'],\n", + " ['Free trade and free international capital flows go together.',\n", + " '自由贸易和国际资本的自由流动相辅相成。'],\n", + " ['Inequality has not fallen; but, contrary to what some critics claim, it has not increased either.',\n", + " '不平等性没有下降,但与一些批评者所宣称的不同,也没有上升。'],\n", + " ['The two-thirds decline in aggregate imports from 1929 to 1933 was only partly a result of falling incomes, and hence import demand; retaliatory trade and exchange-rate policies also played a major role in bringing about the global trade collapse.',\n", + " '从1929年到1933年,2/3总进口量的下跌仅是收入和进口需求下降的部分结果; 报复性贸易和汇率政策也对全球贸易崩溃产生了重要影响。'],\n", + " ['Between 400 and 600 grams, it has no further effect, but when it exceeds 600 grams, it acts as a shield against the sun, and slows down melting.',\n", + " '每平方米 400 克至 600 克之间,无明显效应。 高于每平方米 600 克,则仿佛给冰舌盖上了一层抵挡阳光的罩子,从而使融化速度放缓。'],\n", + " ['And the security situation in the eastern part of the country is deteriorating.',\n", + " '该国东部的安全局势正在恶化中。'],\n", + " ['Reared as part of a human family, he learned to use more than 100 signs from American Sign Language, the language used by Deaf Americans.',\n", + " '在一个人类家庭中养大的尼姆学会了使用100个美式聋哑人手语的手势。'],\n", + " ['And it is likely to be a temporary bounce, not the start of a sustained recovery.',\n", + " '这很可能是一个临时性的反弹,而非可持续复苏的开端。'],\n", + " ['The economist Barry Eichengreen once explored the imposition of capital levies in the aftermath of World Wars I and II.',\n", + " '经济学家巴里·艾肯格林(Barry Eichengreen)曾探索过两次世界大战后资本税的构成。'],\n", + " ['On perception, it fares much worse than Slovakia, the Czech Republic, Hungary, and Greece, while it fares better – or at least not worse – on indicators of actual corruption.',\n", + " '在想像中,腐败形式要比斯洛文尼亚、捷克共和国、匈牙利和希腊糟糕很多。 而在实际腐败指标上,它好很多,至少不会更差。'],\n", + " ['Despite controlling the world’s largest gas reserves, Russia’s state-owned monopoly Gazprom is not producing enough for an economy growing at 6% a year.',\n", + " '尽管掌握了世界上最大的天然气储备,俄罗斯的国有垄断企业俄罗斯天然气工业股份公司出产的天然气并不能满足6%的年经济增长的需求。'],\n", + " ['The fact is that the original objective of central banks was not consumer-price stability; consumer-price indices did not even exist when most of them were founded.',\n", + " '事实上,央行的最初目标并非消费物价稳定; 消费物价指数在大部分央行成立时根本不存在。'],\n", + " ['As the economist Nicholas Kaldor pointed out long ago, because manufacturing has higher returns to scale than services, manufacturing exporters tend to beat service exporters.',\n", + " '正如经济学家尼古拉斯·卡尔多(Nicholas Kaldor)在很早以前指出的那样,由于制造业比服务业的规模收益更高,制造业出口商往往会比服务出口商表现更佳。'],\n", + " ['There is, and they reflect the fact that general economic tendencies will be accompanied by multi-speed dynamics at many levels.',\n", + " '改变的空间是有的,这反映出一个事实:总体经济趋势将伴随多重水平不同速度的动态。'],\n", + " ['But Dagan went further, describing the principle of “defensible borders” as a canard that ignores the intentions and capabilities of the party on the other side of the border.',\n", + " '但德甘更进一步,将“有险可守”原则描述为无视边境另一边的意图和能力的务虚原则。'],\n", + " ['Two decades ago, the US pressed the Japanese to allow the yen to strengthen against the dollar, claiming that Japan’s unfair exchange-rate policies were responsible for America’s ballooning bilateral trade deficit.',\n", + " '二十年前,美国向日本施压,要求后者允许日元对美元升值,声称日本不公平的汇率政策是美国双边贸易赤字激增的原因。'],\n", + " ['The dispute over Kashmir had occupied the minds of military planners throughout Pakistan’s history, and war had been the raison d’etre for maintaining the world’s eighth-largest standing army.',\n", + " '在巴基斯坦的整个历史上,克什米尔争端占据了军事规划者们的头脑。 这一战争也是该国维持世界第八大常规部队的初衷。'],\n", + " ['So Cline attempts to calculate where the optimal balance might lie, recognizing that to reduce the risk of bank failure to zero might carry irrationally high costs.',\n", + " '因此克莱恩试图在认识到将银行破产风险降低到零可能带来非理性高成本的情况下计算出最佳平衡点在哪里。'],\n", + " ['If it did not contribute much to the crisis, keeping risky trading away from commercial banks’ deposit base may still be desirable, but not something that the financial crisis “proved” is necessary.',\n", + " '如果其废除与危机关系不大,那么将高风险交易活动与商业银行的基础存款相隔离也许仍值得一试,但并不是因为金融危机才“证实”了它的必要性。'],\n", + " ['For example, capital charges should account for the degree of friction and rivalry in the banking sector, with tighter requirements in more competitive contexts.',\n", + " '比如,资本费用应该体现银行部门的摩擦和竞争,竞争性越强的部门,资本要求应该收得越紧。'],\n", + " ['Emanating from this new situation is the threat of disintegration of the whole Anglo-French system of states in the Middle East.',\n", + " '这种新情况所放射出的威胁是整个英法国家体系在中东的解体。'],\n", + " ['Given the government’s proven capacity to intervene, the default option during a crisis has been to rely on administrative measures rather than on market forces.',\n", + " '鉴于政府历史上显示出的干预市场及社会的能力,危机发生时,中国的上下阶层往往默认应依赖政府措施而非市场力量来应对,而不是容忍市场自身无序的自查自纠。'],\n", + " ['The BoE has given an explicit answer, and the other major central banks implicit answers, to that question. They do not think so.',\n", + " '英国央行已经给出明确答复,其他主要中央银行也都回答了这个问题:他们可不这么认为。'],\n", + " ['We should keep this in mind as we assess the current US presidential debates, with their constant reference to American decline.',\n", + " '在考察当前美国总统竞选辩论时,我们应该时刻铭记这一点。 当前总统辩论三句话不离美国的衰落。'],\n", + " ['This is not a unique situation.', '这不是一个特例。'],\n", + " ['This is a remarkable outcome, given that the risks have been so well known and understood.',\n", + " '这是一个值得注意的结果,因为风险早已被明白和了解。'],\n", + " ['Europe’s Arab interlocutors are unimpressed: they want Europe to stop talking like a Great Power and start acting like one.',\n", + " '而那些参与对欧会谈的阿拉伯人也早就心灰意冷:他们期望欧洲能成为一个行动上的强权,而不仅只是个语言上的巨人。'],\n", + " ['Instead, the EU made a few bureaucratic tweaks to its asylum system and consumed itself with debates about non-issues, such as migrant “welfare cheats.\"',\n", + " '相反,欧盟对其庇护制度做了一些官僚主义修改,讨论一些不痛不痒的问题,比如移民的“福利欺诈”问题。'],\n", + " ['The two sides were never in danger of going to war, but Chinese officials allowed nationalist protests to develop into boycotts of Japanese products and acts of vandalism against Japanese companies.',\n", + " '双方距离开战为时尚早,但中国官员放任国内爆发民族主义游行、抵制日货和针对日企的破坏活动。 日本对华汽车出口下降了44.'],\n", + " ['Some Venezuelans cannot speak freely to their fellow citizens, because each and every television station that would carry their words has been muzzled or driven off the air.',\n", + " '一些委内瑞拉人无法自由地向同胞讲话,因为任何一个播放了他们的声音的电视台都会被封杀和扼杀。'],\n", + " ['That may require innovative approaches, quite different from intellectual property regimes based on privatization and monopolization of knowledge, with the high prices and restricted benefits that follow.',\n", + " '这些措施与建立在私有化和知识垄断基础之上的知识产权体系大为不同,与这一体制随之而来的是奇高的价格和利益受到限制。'],\n", + " ['Advanced countries, with their adverse demographic trends, need migrants, as do developing countries – not only for migrants’ economic contributions, but also for the social and cultural diversity that they bring.',\n", + " '发达国家人口日渐萎缩需要移民,发展中国家也同样如此——这不仅是因为移民的经济贡献,还因为社会文化多样性同样是移民的产物。'],\n", + " ['In a recent paper, Mark Kamstra and I proposed that governments issue shares in their GDP, with each share amounting to a trillionth of GDP.',\n", + " '我和卡姆斯塔最近发表论文建议,政府发行GDP的股份,每一股的价值为GDP的一万亿分之一。'],\n", + " ['Obama’s proposal is an important, honest, and politically courageous document.',\n", + " '奥巴马的草案是一份重要、诚实和充满了政治勇气的文件。'],\n", + " ['In California, every decade or two, proposals surface to split the state into a North and South California.',\n", + " '每隔10年20年,加利福尼亚州就有提案分成南北两个加利福利亚。'],\n", + " ['But, as the US-based political scientist Pierre Landry and his colleagues have observed, economic growth is key, particularly among officials at the county and municipal levels, where much of the government’s growth-enhancing activities – such as infrastructure investment – take place.',\n", + " '但是,美国政治学家皮埃尔·拉迪(Pierre Landry)及其同事观察到,经济增长才是关键,特别是在市级层次。 政府的增长强化措施——如基础设施投资——大部分在市级层次展开。'],\n", + " ['If it is supported by excessive leverage, effectively shifting future consumption to the present, China could face a significant slowdown – or even a major crisis.',\n", + " '如果这一增长是由过度杠杆支撑的,那其实是在将未来的消费挪到现在,中国就将面对一场严重经济减速——甚至可能是一场重大危机。'],\n", + " [\"This is clearly not sustainable – a point that former Director of the International Monetary Fund's Europe Department Reza Moghadam recognized when he recently called for writing off half of Greece's debt, provided an agreement can be reached on credible growth-enhancing structural reforms.\",\n", + " '这显然是不可持续的——前国际货币基金组织(IMF)欧洲部门主管莫哈丹(Reza Hoghadam)认识到了这一点,他最近呼吁减记一半希腊债务,只要能够形成可信的促增长结构性改革协议。'],\n", + " ['Emotions are raw in the aftermath of Bhutto’s death.', '贝·布托去世后国内的情绪非常激动。'],\n", + " ['Only a major recession could break this cycle; otherwise, we are headed for an energy crisis.',\n", + " '否则我们就将面对越来越高的油价。'],\n", + " ['One estimate suggests that a 50% reduction in the value of peripheral countries’ sovereign debt (reasonable for Greece, but high for the others) would cause about $3 trillion in losses, overwhelming the capital of European banks.',\n", + " '有一项数据估计如果欧洲边缘国家的主权债券价值下跌50%的话(这对希腊来说很合理,对其他国家则较过分)就将带来3万亿美元的损失,比全欧洲银行资本的总和还高。'],\n", + " ['How Americans Became Vulnerable to Russian Disinformation',\n", + " '为何美国人容易接受俄罗斯伪信息'],\n", + " ['But continuing support for the war on terror makes it no less self-defeating.',\n", + " '但是继续支持反恐战争却无法减弱这场战争弄巧成拙的色彩。'],\n", + " ['Non-governmental and non-profit civil contracts bind people together for communal, religious, social, and political activities.',\n", + " '民间合约 通过非政府或非盈利的机构将人们联系在一起,参与社区、宗教、社会与政治活动。'],\n", + " ['After the financial crisis of 2008 erupted, we got the Great Recession instead.',\n", + " '2008年金融危机爆发后,我们迎来的是大衰退。'],\n", + " ['WASHINGTON, DC – Recent violence in Kazakhstan and Tajikistan, following civil strife in Kyrgyzstan in 2010, has intensified international concern about Central Asia’s security as the region becomes increasingly important for delivering NATO supplies to the International Security Assistance Force (ISAF) in Afghanistan.',\n", + " '华盛顿—继2010年哈萨克斯坦内乱后,最近的哈萨克斯坦和塔吉克斯坦暴力事件加剧了国际社会对中亚安全的忧虑。 作为北约向阿富汗国际维和部队(ISAF)补给线,该地区的重要性正变得越来越显著。'],\n", + " ['But, in some cases, historical legacies can gain excessive influence, overwhelming leaders’ capacity to make rational policy choices.',\n", + " '但是,在某些例子中,历史遗留问题影响力过大,超越了领导人做出理性政策选择的能力。'],\n", + " ['In 1980, 9% of Japan’s population was 65 or older; now the ratio is more than 23%, one of the highest in the world.',\n", + " '1980年,9%的日本人为65岁及以上人口; 如今,这一比例达到了23%以上,为世界最高之一。'],\n", + " ['Only Silva’s initial proposal included calls for institutional reform of monetary policy and financial regulation; and it is far from certain that her endorsement of Neves in the run-off will sway his view should he win.',\n", + " '只有席尔瓦最初的方案要求采取货币政策和金融监管的制度改革; 而她对内维斯的支持是否能在后者获胜后改变他的观点还远未可知。'],\n", + " ['For others, the number of immigrants over the last few years has simply been too high.',\n", + " '也有人认为过去五年中的移民数量实在是太大了。'],\n", + " ['BERKELEY – Europe’s leaders, unlike former US President George H. W. Bush, have never had trouble with the “vision thing.”',\n", + " '发自伯克利——不像美国前总统小布什,欧洲的领导人们从来不曾遇到过所谓“愿景问题”。'],\n", + " ['BERLIN – Germany’s stance toward Europe has become one of rejection and disengagement.',\n", + " '发自柏林——德国对欧洲的立场正逐渐向抗拒和疏离转变。 该国的政策制定者们否决了那些饱受危机蹂躏的国家所提出的一项更积极财政政策;'],\n", + " ['In the 1800s, the American dairy industry spearheaded a similar misinformation campaign about margarine, claiming that it caused sterility, stunted growth, and male baldness.',\n", + " '19世纪,美国乳制品行业掀起了一场针对人造黄油的类似的抹黑运动,称人造黄油导致不孕不育、男性秃顶和发育不良。'],\n", + " ['As ECB President Mario Draghi has put it, “There aren’t many public investments with a high rate of return.”',\n", + " '正如欧洲央行行长马里奥·德拉吉(Mario Draghi)所说:“公共投资没几个是高回报的”。'],\n", + " ['Waiting is not part of the solution.', '等待是不能解决问题的。'],\n", + " ['Cook and I share many of the same attitudes about our LGBT identity.',\n", + " '库克和我在许多关于我们的LGBT身份方面的态度都是相同的。'],\n", + " ['In our market-driven times, we tend to think about the price of everything and the value of nothing, as Oscar Wilde put it.',\n", + " '恰如奥斯卡·王尔德所说,在以市场为导向的年代,价格而非价值是我们考虑的目标。'],\n", + " ['So the government will prefer to muddle through the crisis, rather than risk any decisive reform.',\n", + " '因此政府会想方设法在危机中蒙混过关,而不是冒险去做出决定性的改革。'],\n", + " ['In many ways, chess was Russia’s national sport.', '从多种角度看,国际象棋是俄罗斯的国技。'],\n", + " ['To do this, his administration will seek to increase taxes on others, and now we are beginning to see what this will look like.',\n", + " '要这样做,他的政府需要找到办法增加其他人的税收,现在我们已经开始看到特朗普会怎么干。'],\n", + " ['Outside of Asia, most developing economies are principally commodity exporters, and thus are highly exposed to price shocks.',\n", + " '在亚洲之外,大部分发展中经济体大多为大宗商品出口国,因此极易受到价格冲击影响。'],\n", + " ['Moldova Comes in From the Cold', '绝处逢生的摩尔多瓦'],\n", + " ['More cereals were produced annually in the last quarter of the twentieth century than in any preceding period, and more grain will be harvested this year than at any time in history.',\n", + " '二十世纪最后四分之一的谷物年产量要比此前任何一个时期都要高,而今年的谷物产量更是要高于历史上任何一年。'],\n", + " ['According to the IPCC, keeping the global temperature increase from pre-industrial levels below this threshold – the recognized tipping point beyond which climate change is likely to get seriously out of control – requires that the world emit only about 1,000 gigatonnes of carbon (GtC).',\n", + " '据IPCC的数据,将全球气温在前工业化水平基础上升高幅度限制在这一阈值之下意味着全世界只能排放大约1 000十亿吨碳(GtC)。 超过这一阈值,气候变化就可能大大超过控制能力。'],\n", + " ['Consider that apathy, excessive shopping, and overuse of the Internet are all serious contenders for inclusion in the next edition of the DSM, due to appear in 2012.',\n", + " '想想看,冷漠、过度购物和过度使用因特网都极有可能被收入将在2012年出版的下一版 DSM 中。'],\n", + " ['Moreover, according to the Swiss Re report, “monetary policy and central bank asset purchases have aggravated economic inequality via equity price inflation.”',\n", + " '此外,据瑞士再保险公司报告,“货币政策和央行资产购买操作通过股价通胀放大了经济不平等。'],\n", + " ['Simply put, America needs to save more and consume less, while China needs to save less and consume more.',\n", + " '简言之,美国需要增加储蓄,减少消费,而中国需要减少储蓄,增加消费。'],\n", + " ['We found only one solution: reduce the fiscal deficit.',\n", + " '我们只找到一个解决办法:减少财政赤字。'],\n", + " ['And, whether it comes in the form of a capital strike by foreign bondholders, or of domestic labor strikes and wider social and political unrest, France’s leaders remain entirely unprepared for the inevitable.',\n", + " '不论最后的结局是外国债权人发动资本袭击,还是国内劳动者开展罢工和更广泛的社会和政治动荡,法国领导人都对不可避免的结果完全没有准备。'],\n", + " ['It is time, therefore, for India to consider introducing a presidential system of government, which would reduce the scope for “horse trading” and allow the country’s leader to select competent people for cabinet positions.',\n", + " '因此,印度是时候考虑引入政府总统制,这样可以缩小“讨价还价”的范畴,让国家领导人选择有能力的人进入内阁任职。'],\n", + " ['To that end, it must revive productivity growth, expand exports, open its economy to international competition, and forge new bilateral and regional trade deals with major economic players.',\n", + " '在这方面,巴西必须重振生产率增长,扩大出口,向国际竞争开放经济,并与主要经济大国签订新的双边和地区贸易协议。'],\n", + " ['Not so in 2017.', '但在2017年可不是这样。'],\n", + " [\"The continent's Euroskeptic political parties, on both the left and the right, are holding up Putin's authoritarian nationalism as a model for the type of illiberal regime they would seek to establish should the EU dissolve.\",\n", + " '欧洲大陆的欧洲怀疑派政党,不论左翼还是右翼,都把普京的集权民族主义视为他们寻求在欧盟解体后建立的不自由政权的榜样。'],\n", + " ['Such exchange offers can limit private creditors’ losses if they are done early.',\n", + " '如果做得够早,互换要约可以限制私人债权人的损失。'],\n", + " ['For now, all the international community can really do is continue to leverage a combination of economic sanctions, military pressures, and diplomacy to try to get the Kim regime to the negotiating table.',\n", + " '目前,整个国际社会确实能够做的,无非是继续利用经济制裁、军事压力和外交斡旋多管齐下,让金氏政权回到谈判桌前。'],\n", + " ['Skeptics, however, warn that the mass media dictate the voices we hear and are less interested in reasoned debate than in catering to popular prejudices.',\n", + " '但持怀疑态度的人警告说大众传媒决定着我们能听到些什么,与进行逻辑辩论相比,它们更愿意迎合大众固有的偏见。'],\n", + " ['We know what these cost and how much they add to the total nominal value of GDP.',\n", + " '我们知道购置这些东西要花多少钱以及它们对名义GDP总值的贡献。'],\n", + " ['And there are not many problems in India’s governance that state funding of politics could not solve.',\n", + " '解决印度执政的许多问题都可以依靠国家投资政治。'],\n", + " ['In many ways, Bo personified the Chinese concept of “meritocracy” – well-educated, intelligent, sophisticated, and charming (mainly to Western executives).',\n", + " '薄熙来在许多方面都符合中国人对“政治精英”的定义——受过良好教育,聪明睿智,行事老练,而且富有个人魅力(主要在西方政商界人士看来)。'],\n", + " ['One is the management of natural resources and the environment.',\n", + " '其中之一是自然资源和环境管理。'],\n", + " ['More broadly, middle-income countries are not short of companies with significant financial and managerial resources and plenty of market power.',\n", + " '从更广义的角度看,中等收入国家并不缺乏手握大量金融和管理资源及市场权力的企业。'],\n", + " ['Moreover, exports to the EU, at 13% of GDP, matter more to the UK than exports to Britain (just 3% of GDP) do to the EU.',\n", + " '此外,英国对欧盟的出口占了自身GDP的13%,显然比欧盟对英国的出口(占GDP的3%)更要紧。'],\n", + " ['Portraying negative coverage as “fake news” has helped Trump to distract from scandals big and small: his family’s conflicts of interest, his dodgy business deals around the world, white supremacists among his senior staff, the rejection of ethics training for senior White House staff, and much else.',\n", + " '将负面报道冠之以“假消息”帮助特朗普分散了民众对大大小小丑闻的注意力:关于其家族利益冲突、他在世界各地狡猾的商业交易、其高级职员信奉白人至上主义、拒绝接受白宫高级职员道德培训,还有很多很多。'],\n", + " ['Of course, the upswing was marked by super-abundant credit.',\n", + " '当然,增长的标志就是大量过剩的信贷。'],\n", + " ['Politically and psychologically, however, the method, let alone the timing and implementation of the withdrawals, raises many questions about the ongoing viability of the US-Korean security alliance, for the alliance now seems adrift, without a common purpose and with little direction from either side.',\n", + " '但从政治和心理的角度,这次撤军的方式,更不用说具体的日程和安排,都给美韩安全联盟今后的可行性带来了不少问题。 美韩联盟似乎飘浮不定,既缺乏共同的目标,也不知要去往何处。'],\n", + " ['Second, the world economy is vastly larger than in the past, so that demand for key commodities and energy inputs is also vastly larger.',\n", + " '第二,全球经济比过去大很多,因此对关键商品和能源要素的需求也比过去大很多。'],\n", + " ['Given that there are 400 million female farmers, such findings suggest the high global costs – measured in terms of lost productivity and unrealized economic potential – of insecure land rights for women.',\n", + " '女性农民数量高达4亿,因此,这些发现表明,从生产率损失和经济潜力无法实现的角度,女性土地权利得不到保障会带来高昂的全球代价。'],\n", + " ['Deeply concerned.', '深深的忧虑。'],\n", + " ['Exercising it will require EU member states to maintain a common position, supporting the efforts of the United Nations special envoy for Syria, Staffan de Mistura, to work with all relevant players – including the EU, the United States, Russia, Iran, and Saudi Arabia – to achieve peace in Syria.',\n", + " '行使领导权要求欧盟成员国达成相同立场,支持联合国叙利亚问题特使斯塔凡·德·米斯特拉与所有相关方——包括欧盟、美国、俄罗斯、伊朗和沙特阿拉伯——合作实现叙利亚和平的工作。'],\n", + " ['The charge that international law is', '指责国际法'],\n", + " ['General Buyukanit said in April that the country’s new president must be secular “not just in words, but in essence.”',\n", + " '克阿纳特将军四月份说国家的新总统必须“不仅仅是在口头上是世俗主义的,而且在本质上也是世俗主义的。 ”'],\n", + " ['Putin had looked us in the eye and lied, almost certainly aware that we knew he was lying.',\n", + " '普京直视着我们的眼睛说了谎,他几乎肯定知道我们明白他说的不是真话。'],\n", + " ['His novel Autumn of the Patriarch captures perfectly the moral squalor, political paralysis, and savage ennui that enshrouds a society awaiting the death of a long-term dictator.',\n", + " '他的小说《族长的秋天》完美地刻画了围裹着一个等待一位长期独裁者死亡的社会的道德贫困、政治麻痹和极度倦怠。'],\n", + " ['Both houses of Parliament had approved the law, and President Hamid Karzai signed it.',\n", + " '议会上下两院都已经通过了这部法律,哈米德·卡尔扎伊总统也已经签字批准。'],\n", + " ['That progress began in 2007, when a group of lawyers initiated a mass protest movement in response to an unconstitutional decision by Pervez Musharraf, Pakistan’s fourth military president, to suspend the chief justice of the Supreme Court.',\n", + " '进展开始于2007年,当时一批律师针对巴基斯坦第四任军人总统佩尔韦兹·穆沙拉夫撤职最高法院首席法官的违宪裁决发起了大规模抗议运动。'],\n", + " ['The International Monetary Fund and the World Bank lead the chorus of traditional players eager to help, offering debt write-offs and concessionary finance.',\n", + " '以IMF和世界银行为首的传统资金提供者急切地想施以援手,提供债务减记和优惠贷款。'],\n", + " ['They viewed history as offering concrete lessons about the necessity of escaping from the past.',\n", + " '他们把历史当作一种切实的教训,从中学习摆脱过去的必要性。'],\n", + " ['They need to work with boards and senior management to ensure that major reforms are implemented and then consistently applied.',\n", + " '他们需要与董事会和高管层合作确保重大改革得到实施,并一以贯之。'],\n", + " ['Is it really better to postpone global warming by seven hours?',\n", + " '让全球变暖停止7小时真的是更好的选择吗?'],\n", + " ['True, America’s intervention in the Middle East also strengthened extremist Islam, breeding on the resentment that the US presence arouses.',\n", + " '没错,美国对中东地区的干涉同时也助长了伊斯兰极端势力,因为他们借着民众对美国存在的不满而不断发展壮大。'],\n", + " ['Like the US, Japan has many concerns about the parallel institutions – including the Asian Infrastructure Investment Bank and the BRICS countries’ New Development Bank – that China is creating.',\n", + " '与美国一样,日本也非常担心中国所建立的对立机构——包括亚洲基础设施投资银行和金砖国家的新开发银行。'],\n", + " ['And, in fact, two of the Obama administration’s recent wins – the passage of so-called trade promotion authority (fast-track negotiating authority to conclude the Trans-Pacific Partnership) and the reauthorization of the small but vital Export-Import Bank – were the result of dedicated outreach, education, and, yes, cajoling of lawmakers.',\n", + " '而事实上,奥巴马政府的两次最近的胜利——通过所谓的贸易促进授权(快车道谈判授权以完成跨太平洋合作伙伴关系)和对规模较小但至关重要的进出口银行的重新授权——便是不遗余力的广泛接触、教育以及,是的,诱导立法者的结果。'],\n", + " ['Why Pay More?', '为什么多花钱?'],\n", + " ['While implementing energy-efficiency measures may require heavy initial investments, these outlays will be offset by future productivity growth, which is the only way developed countries can sustainably improve living standards over time.',\n", + " '尽管实施能源效率措施需要大量初始投资,但这些支出可以由未来生产率增加弥补,这也是发达国家可持续地改善生活水平的唯一办法。'],\n", + " ['Shades of Gray', '阴影下的老人'],\n", + " ['No amount of material prosperity can make China a healthy society without this necessary reckoning with the past.',\n", + " '如果不会过去的历史进行必要的反思,无论创造多少物质财富,都无法使中国成为一个健康的社会。'],\n", + " ['Is it really true that new technologies are necessarily riskier?',\n", + " '他们奉行所谓的“预防性原则”,要求新事物承担比旧事物更多的举证责任。'],\n", + " ['The general perception is that the government leaves companies alone and that the returns from investing in the US stock market reflect the fundamental forces of a strong capitalist economy.',\n", + " '流行的看法认为:政府不干涉公司运转,美国股市的投资收益反映了强大资本主义经济的根本活力。'],\n", + " ['The final – and possibly most important – insight that I took away from the Forum concerned the quality of China’s new leaders.',\n", + " '我从论坛上得到的最终——也或许是最重要的观点涉及到中国的新任领导人。'],\n", + " ['Many of the assumptions about market economies are based on acceptance of the competitive model, with marginal returns commensurate with social contributions.',\n", + " '关于市场经济的假设有许多建立在接受竞争模型的基础上,认为边际回报总是与社会贡献相称。'],\n", + " ['Likewise, Vladimir Putin’s Russia, a deeply flawed hybrid autocracy, is nonetheless a far better place to live than the Soviet Union was.',\n", + " '同样,弗拉基米��·普京领导下的俄罗斯是一个有严重缺陷的混合独裁政权,但生活在那里仍然远强过生活在苏联。'],\n", + " ['But the dollar’s decline has more recently been reversed by the global flight to safety by investors abandoning the euro.',\n", + " '但最近,美元的下跌势头因投资者抛弃欧元、逃向安全资产而发生了逆转。'],\n", + " ['But the new unilateralism was based on a profound misunderstanding of the nature of power in world politics.',\n", + " '但新单边主义是基于对世界政治实力特点的深刻误解。'],\n", + " ['Not only are their military, or “hard power,” resources growing; there are signs that their soft-power resources are increasing, too.',\n", + " '不仅其军力,或曰“刚性力量”资源在提高,而且有迹象表明其柔性力量也在提高。'],\n", + " ['Musk has been engaged in the large-scale production of “an existing, pretty powerful battery technology.”',\n", + " '马斯克一直着迷于大规模生产“令人振奋的强力电池技术”。'],\n", + " ['To begin with, several significant fiscal/taxation reforms are now underway or in the pipeline, such as an increase in the collection of state-owned companies’ dividends and a hike in the resource tax on industries such as oil and coal mining, in order to reduce corporate savings.',\n", + " '首先,数项重大财政/税收改革现正在进行或是筹划中,比如增加国有企业的利润提取,或是提高石油和采矿等行业的资源税,以达到减少企业储蓄的目的。'],\n", + " ['Another possibility, while Greek banks are still open for business, might be for the government to unilaterally implement some of its radical plans on wages and public spending, defying protests from Brussels, Frankfurt, and Berlin.',\n", + " '另一个可能性——尽管希腊银行仍能开张营业——是政府单方面实施一些关于工资和公共支出的激进政策,无视来自布鲁塞尔、法兰克福和柏林的反对。'],\n", + " [\"Second, a shift to currency depreciation could inflame anti-China sentiment among the country's major trading partners – especially the United States, where Congress has flirted for years with the prospect of imposing trade sanctions on Chinese exporters.\",\n", + " '其次,转向货币贬值可能在中国主要贸易伙伴中间点燃反华情绪——特别是美国,美国国会多年来一直想对中国出口商进行贸易制裁。'],\n", + " ['They have simply made us more aware that different circumstances call for different models.',\n", + " '它们只是让我们能够更好地认识不同环境需要不同模型。'],\n", + " ['This is a guest list that says to an anxious electorate: I respect you, wherever you are on the socioeconomic scale.',\n", + " '这是一份向焦急的选民传达出如下信息的客人名单:我尊敬你,不管你处于什么社会经济水平。'],\n", + " ['In Romania, with its roughly 50,000 Ukrainians, there is only one Ukrainian-language school.',\n", + " '在罗马尼亚大约有5万乌克兰人,却只有一所乌克兰语学校。'],\n", + " ['The Trump White House claims that re-designating North Korea as a state sponsor of terrorism is a “critical step.”',\n", + " '特朗普的白宫宣称,重新将朝鲜列为支持恐怖主义国家是一个“关键动作”。'],\n", + " ['But, while the country barely met the official target of 7.5% annual GDP growth in the second quarter of this year – generating significant anxiety worldwide – China’s government seemingly remains calm, showing no indication that it plans to launch yet another stimulus package.',\n", + " '而在该国今年第二季度勉强实现官方订立的7. 5%年度GDP增长指标之时——这令全球各界一片恐慌——中国政府却表现平静,并未出现计划实施另一轮经济刺激计划的迹象。'],\n", + " ['We must not allow that to happen again.', '我们决不能重蹈覆辙。'],\n", + " ['Shell, the largest foreign operator in the Niger Delta, has been criticized repeatedly for its egregious practices and its unwillingness to be held to account.',\n", + " '壳牌——尼日尔三角洲最大的国外营运商——就屡次因其恶名昭彰的行为及不愿承担责任的态度而遭到外界批评。'],\n", + " ['Even the leaks from these closed-door coalition talks were so well managed that they created the illusion that the “Sondierungsgespräche” – that is, the preparatory talks among party officials – were politically rather harmless.',\n", + " '就连这些闭门结盟谈判所泄露的消息也被小心翼翼地管理,以营造出一种“Sondierungsgespräche”(政党官员间的预谈判)在政治上基本无害的幻觉。'],\n", + " ['You can only keep trying, keep pushing.', '你只能不断努力推动。'],\n", + " ['Del Ponte is pressing Serbia’s government to cooperate in the still unresolved cases of Radovan Karadzic and Ratko Mladic, who ordered, implemented, and oversaw the massacre of 7,000 Muslim men and boys at Srebrenica in 1995.',\n", + " '迪旁蒂曾向塞尔维亚政府施加压力,迫使他们在拉多万•卡拉季奇和拉特科·姆拉迪奇的审判中合作,正是这两个人下令执行并监督了1995年发生在斯雷布雷尼察的屠杀7000名穆斯林成年男子和男孩的暴行。'],\n", + " ['The region now produces about 40% of the world’s GDP, measured according to purchasing power parity.',\n", + " '根据购买力平价计算,该地区目前生产了全球GDP中的约40%。'],\n", + " ['Europe has three broad options.', '欧洲有三个广义选择。'],\n", + " ['Power-sharing among coalition partners will be an intricate affair, including behind-the-scenes deals with the military, which will insist on measures to safeguard its interests.',\n", + " '联盟伙伴之间的权力分割错综复杂,包括与军方的幕后交易——后者肯定会坚持采取捍卫其自身利益的措施。'],\n", + " ['The European Central Bank, tightly focused on price stability, has been raising interest rates, and the US Federal Reserve may soon follow suit.',\n", + " '欧洲央行紧密关注价格稳定,已经提高了利率。 美联储或许也会效仿。'],\n", + " ['In 1996, military police shot and killed two Roma conscripts.',\n", + " '1996年,军队警察射杀了两名罗马族应召士兵。'],\n", + " ['While praising the virtues of the free market, Bush has been only too willing to give huge handouts to the energy industry, even as the country faces soaring deficits.',\n", + " '布什一方面赞扬自由市场的优点,一方面又过于慷慨大度地给予能源工业巨额的施舍,即便在美国面临财政赤字攀升的情况下也是如此。'],\n", + " ['At a time when bank capital is scarce, that impediment carries significant economic costs.',\n", + " '在银行资本匮乏之时,这种阻碍就将承担着极大的经济成本。'],\n", + " ['But amidst this uncertainty, there are some things we do know.',\n", + " '但在所有这些不确定性中,有些事情我们是确定知道的。'],\n", + " ['I have never attended a concert at the Manchester Arena, but it appears to be a great venue for the city.',\n", + " '我从来没有参加过曼彻斯特体育馆的音乐会,但体育馆似乎是这座城市的名胜。'],\n", + " ['That means a decisive shift from carbon-emitting energy sources like coal, oil, and gas, toward wind, solar, nuclear, and hydroelectric power, as well as the adoption of carbon capture and storage technologies when fossil fuels continue to be used.',\n", + " '这意味着一个决定性转变,从排碳能源资源(如煤炭、石油、天然气)转变为风能、太阳能、核能和水电,若要继续使用化石燃料,也要采取碳捕捉和储存技术。'],\n", + " ['Each situation needs to be judged on its merits.', '所有状况都必须进行评估。'],\n", + " ['The value of fiscal multipliers depends on how the economy is performing.',\n", + " '财政乘数的数值取决于经济的实际表现。'],\n", + " ['Responding to Giavazzi and Tabellini, Roberto Perotti (also of Bocconi) has argued that the gradualist strategy simply would not be credible.',\n", + " '罗伯特·佩罗蒂(Roberto Perotti,同样来自博科尼大学)批评加瓦齐和塔贝里尼,指出渐进战略根本不可信。'],\n", + " ['Other holdouts (6.6% of total creditors) would receive $15 billion.',\n", + " '其他坚持抵制的债权人(占债权人数量的6.'],\n", + " ['Most Southeast Asian countries are busily modernizing their armed forces.',\n", + " '大多数的东南亚国家都正忙于武装军队的现代化。'],\n", + " ['Or are continued problems inevitable?', '还是会遇到难以避免的持续问题?'],\n", + " ['Identifying the share of residential real estate that goes to private developers in the dozen or so first-tier cities (which account for most of the Chinese property market’s fizz) suggests that less than 1% of GDP would be at risk in the event of a housing-market collapse – not exactly a recipe for a hard landing.',\n", + " '清理十几座一线城市(占中国房地产市场泡沫的绝大部分)私营开发商开发的住宅地产表明,如果房地产市场陷入崩溃,仅有GDP的百分之一将会受到威胁——这并不会切实导致经济硬着陆。'],\n", + " ['In today’s world, countries should not fear that coercion and threats will replace rules and laws.',\n", + " '当今世界,各国不应该害怕吞并和威胁将取代规则和法律。'],\n", + " ['Though China’s financial system is fraught with worrying vulnerabilities, many Chinese economists believe that the country has at last entered a period of stable annual growth of about 6.5% – a level that is in line with potential.',\n", + " '尽管中国金融体系表现出令人担忧的脆弱性,但许多中国经济学家相信中国终于进入了年增长保持在6. 5%左右的稳定期——这一增长率与其增长潜力相符。'],\n", + " ['Nowhere is this more evident than in the oil markets, where prices have collapsed, with both Brent and Crude now hovering around the $30-per-barrel level.',\n", + " '最明显的要数石油市场了,石油价格出现了崩盘,布伦特和纽约原油都徘徊在每桶30美元上下。'],\n", + " ['Bringing the Chinese Consumer to Life', '激活中国消费者'],\n", + " ['Eastern Europe’s Authoritarian Return', '东欧极权主义的回归'],\n", + " ['Not only does Europe lack a federal government, but there is no desire to create one.',\n", + " '欧洲不但缺少联邦政府,而且也没有创造一个的意愿。'],\n", + " ['Here is where the revised meaning of Solzhenitsyn’s “preservation of the people” comes in.',\n", + " '这正是索尔仁尼琴的“保护人类” 经过改良后意义恰到好处的地方。'],\n", + " ['What Europe needs in this serious crisis are statesmen and women of Kohl’s caliber, not domestic politicians!',\n", + " '在严峻的危机面前,欧洲需要的是像科尔一样有能力的治国贤才,而不是擅于搞国内政治的政客!'],\n", + " ['It will take some time before the full meaning of this new paradigm comes into focus.',\n", + " '这一新范式的全部意义成为人们关注的焦点还需要一些时间。'],\n", + " ['But, with longer-term interest rates now creeping up slightly, the BOJ seems to be pausing.',\n", + " '但随着长期利率的缓慢上行,日本央行似乎又停手了。'],\n", + " ['His worldview was shaped by the fact that he spent part of his youth in Indonesia and had an African father.',\n", + " '他的世界观的形成受到他在印尼的青年时代以及他的非洲父亲的影响。'],\n", + " ['The US stance could further restrict farmers’ access to productive resources, thus affecting the right to food.',\n", + " '美国的立场有可能进一步限制农民获得高产资源,进而影响到粮食权利。'],\n", + " ['The most important signal will be the EU’s pledge that these agreements will take effect.',\n", + " '最重要的信号将是欧盟承诺这些协定将生效。'],\n", + " ['OECD countries like Germany counter that the problem is the lack of investment-worthy assets; there are simply not enough bankable projects available.',\n", + " '德国等经合组织国家反驳说问题在于缺少值得投资的资产; 即这只不过是可获得银行可接受的项目太少的缘故。'],\n", + " ['I, too, am fond of metaphors.', '我对隐喻也感兴趣。'],\n", + " ['In July, Vienna hosted the 18th International AIDS Conference, attracting nearly 20,000 people.',\n", + " '去年7月在维也纳召开的第18届国际艾滋病大会吸引了约2万名与会者。'],\n", + " ['Foreign investors hope to use large mechanized farms to produce output for export, leaving little or nothing for the local populations.',\n", + " '外国投资者只希望用高度机械化的农场去生产粮食并出口,根本不在意当地民众的福祉。'],\n", + " ['I once wrote that an Indian without a horoscope is like an American without a credit card.',\n", + " '我曾写道印度人没有星象就像美国人没有信用卡。'],\n", + " ['But, though the Syriza party’s victory sent Greek equities and bonds plummeting, there is little sign of contagion to other distressed countries on the eurozone periphery.',\n", + " '但是,尽管左翼联盟(Syriza)的胜利导致希腊股票和债券跳水,但没有迹象表明暴跌会传染给欧元区其他受困外围国家。'],\n", + " ['Furthermore, populations in the eurozone’s stagnant economies are increasingly demanding that Germany change its policies, increasing wages and implementing measures aimed at boosting consumption and discouraging savings.',\n", + " '此外,欧元区停滞经济体的人民日益需要德国改变其政策,提高工资并实施旨在提振消费、抑制储蓄的过时。'],\n", + " ['Children with high-risk cancers who receive dose-intensive chemotherapy have a greater than 80% chance of experiencing at least one severe, life-threatening, or fatal drug-related toxic event over the course of their treatment.',\n", + " '罹患高风险癌症并接受高剂量化疗的儿童在治疗期间有超过80%概率会遭受一次以上危及生命或致命的严重药物毒性损伤。'],\n", + " ['Anyone seeking to compare a public-service job with the private sector in negotiating an employment contract should simply seek work in the private sector rather than for the public good.',\n", + " '如果有人试图在谈判雇佣合同时拿公共服务职务的薪酬与私有部门比较,那么他不该来当公务员,而应当直接去私有部门找工作。'],\n", + " ['ISIL probably knows that Japan has historically placed the safety of its own citizens above all other considerations – even if it meant bowing to terrorists’ demands.',\n", + " '伊斯兰国也许知道,历史上日本将本国公民的安全置于高于一切的地位——即使这意味着向恐怖分子低头。'],\n", + " ['On the economic front, Haiti can become a profitable exporter of tropical crops such as groundnuts, mangos, cut flowers, string beans, and bamboo – a source of progress among Haiti’s Caribbean-basin neighbors.',\n", + " '经济方面,海地可以出口落花生、芒果、鲜切花、四季豆和竹子等热带作物——海地的加勒比海邻国就是靠这些产品取得进步的——,从中盈利。'],\n", + " ['If Anwar were to marry his leadership and charisma to the opposition’s newfound heft in the federal legislature – 82 MPs, compared with 20 in the last parliament – serious policy alternatives to the government’s might be expected.',\n", + " '如果Anwar能将自己的领导力与个人魅力和反对派新获得的在联邦立法机构中实力—82名议员,较之上一届议会的20名—结合起来,就完全有可能推动与政府不同的政策主张。'],\n", + " ['Meanwhile, McKinsey and the Carbon Trust have estimated that 30-40% of the value of fossil-fuel companies could be endangered because of a so-called “carbon bubble,” an overvaluation of fossil-fuel reserves.',\n", + " '与此同时,麦肯锡公司和碳信托基金估计化石燃料公司市值的30-40%可能会因为所谓“碳泡沫”——对化石燃料储量的高估——而受损。'],\n", + " ['MUNICH – More details about the European Commission’s €315 billion ($390 billion) investment plan for 2015-2017 have finally come to light.',\n", + " '慕尼黑——有关2015-2017年欧盟委员会3150亿欧元(合3900亿美元)投资计划的更多细节终于水落石出。'],\n", + " ['When faced with the next Ebola-like challenge, our ability to meet it will depend on the strength of local institutions and our ability to develop the right tools with which to fight it.',\n", + " '在面临下一场埃博拉式的挑战时,我们的应对能力取决于地方机构的强度和我们开发正确的斗争工具的能力。'],\n", + " ['The US Congress created the Fed in 1913 as an independent agency removed from partisan politics, tasked with ensuring domestic price stability and maximizing domestic employment.',\n", + " '1913年,美国国会建立了美联储,它是一个从党派政治中分离出来的独立机构,其任务是保证国内物价稳定和国内就业最大化。'],\n", + " ['With bank accounts, budding entrepreneurs can establish their creditworthiness and tap responsible, formal lenders.',\n", + " '有了银行账户,处在创业阶段的企业家可以建立自己的信用,并享受负责任的正规贷款商所提供的服务。'],\n", + " ['But, in 1976, the FAO admitted in a new plan that forest and watershed management activities had “turned out to be quite limited.”',\n", + " '但是1976年FAO在一项新计划中承认森林和水流域的管理行动“十分有限”。'],\n", + " ['One day, the US will turn the page on Donald Trump.',\n", + " '总有一天,美国会将特朗普的那一页翻篇。'],\n", + " ['Each will undoubtedly pursue – and find the means to secure – its own interests.',\n", + " '各国无疑都将追求——并想方设法确保自身的利益。'],\n", + " ['But, with Kosovo’s ethnic Albanian majority demanding its own state, and with Russia refusing to recognize UN mediator Martti Ahtisaari’s plan for conditional independence, the US is preparing to go it alone.',\n", + " '然而,随着科索沃的阿尔巴尼亚族大多数要求建立自己的国家,及俄罗斯拒绝承认联合国斡旋者Martti Ahtisaari提出的有条件独立计划,美国决定单独采取行动了。'],\n", + " ['Low-income families (and those whose income and assets are depleted by high medical costs) are covered by the Medicaid program, which is financed jointly by the states and federal government.',\n", + " '低收入家庭(以及收入和财产被高额医疗费用耗尽的人)可以参与由各州及联邦政府共同出资的Medicaid计划。'],\n", + " ['According to a senior Pakistani military official, India, in pursuit of its “Cold Start” military doctrine, is constructing eight bases at which heavy armor would be stationed.',\n", + " '据一名巴基斯坦高级军官透露,印度为实现其“冷启动”军事策略正在进行八大重武器 基地的建设工作。'],\n", + " ['In their recent bestselling economic history, Why Nations Fail, Daron Acemoglu and James Robinson cite many past and current cases in which powerful individuals attain control over the state and use this power to enrich themselves.',\n", + " '在最新畅销经济史著作《国家衰落探源》(Why Nations Fail)中,达伦·阿西莫格鲁(Daron Acemoglu)和詹姆斯·罗宾逊(James Robinson)举了大量过去和现在的例子,在这些例子中,权势个人把持了国家,用手中的权力为自己攫取财富。'],\n", + " ['Secretary of State Condoleezza Rice announced its birth while rejecting an immediate ceasefire in Lebanon.',\n", + " '国务卿康多莉扎·赖斯在宣布该计划诞生的同时,否决了黎巴嫩立即停火的提案。'],\n", + " ['Entrepreneurs will start new companies, and they will fund their risk-taking with equity investments provided by venture capital funds.',\n", + " '企业家仍在创办新公司,它们将通过风险资本基金提供的股权投资为他们的冒险融资。'],\n", + " ['That would help to ensure that three decades of legal reform is more bone and sinew than running water.',\n", + " '这将有助于确保这三十年的法律改革有骨有筋,而不是付之东流。'],\n", + " ['There is also no reason to believe (contrary to the regime’s insistence) that the Brotherhood would emerge victorious from a democratic transition.',\n", + " '我们同样没有理由相信(与独裁政权反复强调的观点相反)穆斯林兄弟会能够窃取民主转型的胜利果实。'],\n", + " ['As a young sovereign (imperial regent at age 20; emperor at 25), he had to assume contradictory roles: divine pater familias of the Japanese state and Supreme Commander of the imperial armed forces that were colonizing Japan’s Asian neighbors.',\n", + " '作为年轻的君主(20岁摄政,25岁即位天皇),他必须扮演互相矛盾的角色:日本国的神主兼正在殖民亚洲邻国的帝国皇军总司令。'],\n", + " ['In other cases, protection periods would rise considerably.',\n", + " '在其他例子中,保护期可以大幅延长。'],\n", + " ['What is the Deficit Endgame?', '财政赤字何去何从?'],\n", + " ['Sedition was thus explicitly intended as an instrument to terrorize Indian nationalists; indeed, Mahatma Gandhi was among its prominent victims, though far from its last.',\n", + " '于是,暴动被明确用作恫吓印度民族主主义者的工具; 事实上,圣雄甘地就是这一法律的主要受害者之一,但绝不是最后一个。'],\n", + " ['Can Fillon Beat Le Pen?', '菲永能击败勒庞吗?'],\n", + " ['It is not that the end of European Monetary Union is on the agenda; it is merely that people have begun thinking about possible low-probability futures in which the end of EMU might be placed on the agenda.',\n", + " '这并不是因为终结欧洲货币联盟已经提上了议事日程,而仅仅是因为人们开始考虑欧洲货币联盟的终结可能会催生低概率的期货。'],\n", + " ['We found out many years ago, to the world’s great regret, what happens when a financial epidemic is allowed to run its course.',\n", + " '凭着前人的教训,我们多年前已经知道如果对金融传染性危机不加制止的话会有何种后果。'],\n", + " ['“How are they going to pay it back?” my friend asked.', '“这么大笔钱该如何去偿还啊?'],\n", + " ['And yet the commitment of the five nuclear-weapon states to disarm has had very limited results.',\n", + " '但五大有核国家的裁军承诺成果极为有限。'],\n", + " ['From humble beginnings at the turn of the century, Chinese wind and solar companies have grown into some of the world’s largest and most efficient.',\n", + " '自世纪之交崛起以来,中国的风能和太阳能公司已跻身全球规模最大、效率最高的行列。'],\n", + " ['Alexander Hamilton, the first US treasury secretary, argued that allowing lower-cost imports would impede the development of domestic “infant” industry, which needed time to scale up enough to reduce costs to a competitive level.',\n", + " '美国第一任财政部长亚历山大·汉密尔顿认为,允许成本更低的进口品涌入会阻碍国内“婴儿”产业的发展,后者需要时间扩大规模从而将成本削减至有竞争力的水平。'],\n", + " ['While the “Leave” camp certainly included many hard Brexiteers whose primary motivation was to end free movement, it also comprised people who believed Boris Johnson, the former London mayor and current foreign secretary, when he promised (as he still does) that the UK could have its cake and eat it.',\n", + " '“退欧”阵营显然包括了许多硬退欧派,他们的主要动机是结束自由迁徙,但同时也包括一些相信前伦敦市长、现任外交大臣鲍里斯·约翰逊(Boris Johnson)所承诺的(他现在仍然做着这个承诺)英国将获得自己的蛋糕并吃下去的人。'],\n", + " ['Indeed, the perpetuation of extreme violence contrasts starkly with Africa’s favorable demographic profile, and its economic – and even political and social – progress in recent years.',\n", + " '事实上,极端暴力的持久存在与非洲有利的人口结构及其近几年来的经济——甚至政治和社会——进步形成了鲜明的对比。'],\n", + " ['The ability of prosecutors to investigate payment irregularities reaching into the highest ranks of Brazilian society and government without political interference – or the process turning into a witch hunt – would be exemplary in many advanced countries.',\n", + " '检察官有能力在不受政府政治干扰——或确保不将调查过程演变为政治迫害的情况下深入巴西社会和政府的最高层级对支付违规行为展开调查。 巴西的这种能力甚至为许多发达国家树立了榜样。'],\n", + " ['And it is in the history and course of that revolution that a fuller and more compelling explanation of recent events is to be found.',\n", + " '而对最近的进展的更全面也更令人信服的解释要从历史和革命进程中去寻找。'],\n", + " ['Temer’s government has declared its intention to present to Congress a pension reform plan for precisely this reason.',\n", + " '特梅尔政府已宣布准备以此为由向国会提交养老金改革计划。'],\n", + " ['While the continent shows great diversity in the socioeconomic trajectories, growth rates have generally masked an underlying lack of structural transformation.',\n", + " '尽管非洲大陆在社会经济的发展路径方面表现出极大的多样性,但增长率往往掩盖了背后结构转型的缺失。'],\n", + " ['To meet these goals, the objective of peace should prevail over that of development if the two come into conflict.',\n", + " '要实现这些远景,在和平与发展目标产生矛盾的情况下,前者就应重于后者。'],\n", + " ['Bleed the Foreigner', '谁把外债当回事'],\n", + " ['The government is making special efforts to develop these areas in the framework of its “Great Western Development Strategy,” including by building modern infrastructure, promoting high-quality education, supporting science and technology (all key determinants of the location of production), and encouraging investment there.',\n", + " '中国政府正在“西部大开发战略”的框架下推出特别措施开发这些地区,包括建设现代基础设施、推进高质量教育、支持科学技术(均为生产区位的关键决定因素)以及鼓励投资。'],\n", + " ['So the antidumping regime has a political logic.', '因此,反倾销机制属于政治逻辑。'],\n", + " ['In short, the US bears responsibility both for trade imbalances and the policies that might quickly be adopted to address them.',\n", + " '简而言之,美国担负着贸易不平衡的责任以及迅速采取政策予以解决的责任。'],\n", + " ['Networks are not directed and controlled as much as they are managed and orchestrated.',\n", + " '网络并不像它们原先管理和设想那样容易被引导和控制。'],\n", + " ['A hike, in other words, would indicate that good things are happening.',\n", + " '换句话讲,升息意味着好的形势已经开端。'],\n", + " ['The two other polio-endemic countries, Afghanistan and Pakistan, missed their 2015 eradication target and have had to extend it by another year, at a cost of $1.5 billion.',\n", + " '另外两个脊髓灰质炎流行的国家,阿富汗和巴基斯坦,未能完成其2015年根除脊髓灰质炎的目标,于是被迫延期一年,并因此付出了15亿美元的代价。'],\n", + " ['Britain nationalizes its banks.', '英国对银行实行国有化。'],\n", + " ['But, for the Gulf states – and also possibly for Israel – this scenario is viewed as opening the door to stronger Iranian influence throughout the region.',\n", + " '但是,海湾国家——可能也包括以色列——认为这不啻于开启了增加伊朗地区影响力的大门。'],\n", + " ['But there are far better uses of the public’s money, including another round of stimulus.',\n", + " '但是公众的财产可以用在更加有益的地方,包括又一轮的激励措施。'],\n", + " ['The Climate Imperative', '气候变化下的责任'],\n", + " ['In fact, while Saudi Arabia opposes elected Islamists in Egypt, it supports insurgent Islamists in Syria, owing entirely to Iran’s support for Syrian President Bashar al-Assad’s regime.',\n", + " '事实上,沙特尽管反对伊斯兰教在埃及获得选举胜利,但却支持伊斯兰教在叙利亚的反抗,这完全是因为伊朗支持叙利亚总统巴沙尔·阿萨德政权。'],\n", + " ['The EU must map out a new approach.', '欧洲必须谋划新的解决办法。'],\n", + " ['More than five years ago, China’s President Hu Jintao proclaimed that, “the trend toward a multipolar world is irreversible and dominant.”',\n", + " '五年多前,中国国家主席胡锦涛宣称,“世界多极化的趋势是不可逆转的,并已取得支配地位。'],\n", + " ['Many believe that rapid growth can act as a virtual panacea for countries’ political and social woes, including the rise of populism and nationalism.',\n", + " '许多人相信高增长是国家解决政治和社会混乱局面的虚拟灵丹,包括民粹主义和民族主义。'],\n", + " ['Similarly, the net export deficit – the broadest measure of a country’s trade imbalance – has been 4% of GDP since 2000, versus an average of 1.1% over the final three decades of the twentieth century.',\n", + " '类似地,净出口赤字——一国贸易失衡程度最广泛的指标——自2000年以来为GDP的4%,而二十世纪最后三十年间的平均水平为1. 1%。'],\n", + " ['With slower growth and more normal interest rates, the debt ratio could easily rise to more than 100% in 2021, and exceed 150% by 2030.',\n", + " '如果增长率没有那么高,名义利率没有那么低,则债务比率将在2021年突破100%,在2030年超过150%。'],\n", + " ['But citizens now doubt both these points.', '但是对于这两点,他们现在均表示出怀疑。'],\n", + " ['More than two million people were dying from tuberculosis, because they lacked access to low-cost, first-line treatment.',\n", + " '因肺结核而死的人数超过两百万,因为他们得不到廉价的优质治疗。'],\n", + " ['And the gap is continuing to widen – services activity grew 8.4% year on year in the first half of 2015, far outstripping the 6.1% growth in manufacturing and construction.',\n", + " '并且差距在继续扩大——2015年上半年服务业活动同比增长8. 4%,远超制造业和建筑业的6.'],\n", + " ['The measures taken were only partially successful, as the data above show.',\n", + " '但正如上述数据显示,这些措施只取得了部分成功。'],\n", + " ['Liberal democracy has been at a disadvantage in the battle for the narrative because it tends to treat the collective self as if it were just a rational median voter in search of a better job.',\n", + " '自由民主在叙事之争中处于劣势,因为它总是将集体自我视为一个寻找更好的工作的理性的普通选民。'],\n", + " ['Among US presidents, John F. Kennedy is often described as charismatic, but obviously not for everyone, given that he failed to capture a majority of the popular vote, and his ratings varied during his presidency.',\n", + " '在历届美国总统中约翰·肯尼迪(John F. Kennedy)常常被认为是最有魅力的,但这显然无法得到所有人的同意,因为他当时只是以微弱优势赢得选举,而且在任期内的民望也高低不定。'],\n", + " ['And yet, too often, development organizations that could provide refugees with a hand up face insufficient funding and stiff regulations that prevent them from addressing refugees’ needs.',\n", + " '但很多时候,本可以为难民提供帮助的发展组织面临经费不足和规定僵化的困扰,导致难民的需求无法得到满足。'],\n", + " ['I need to face my addiction – and so do all women like me.',\n", + " '我已经购衣成瘾,我必须与之对抗——跟所有女性一样。'],\n", + " ['Either the government or the entire system will be overturned.',\n", + " '要么政府被推翻,要么整个制度被颠覆。'],\n", + " ['Nature, as we have learned from the tsunami, has its own timetable.',\n", + " '这次海啸告诉我们,大自然有它自身的时间表。'],\n", + " ['But that demonstration also spurred a major change in China’s policy towards Hong Kong.',\n", + " '但这场示威也引发了中国对香港政策的重大改变。'],\n", + " ['And, though Erdoğan may well be able to force the protest genie back into the bottle, he will be significantly weakened until the next Turkish election.',\n", + " '而尽管埃尔多安极有可能迫使示威的幽灵回到瓶中,他的权力将在下一次大选前大大削弱。'],\n", + " ['The double burden of malnutrition – with hunger existing alongside obesity, diabetes, and other diseases of overconsumption – clearly shows the increasing importance of global dietary rebalancing.',\n", + " '营养不良带来双重负担 ,即饥饿与肥胖和因过度消费造成的另一种疾病糖尿病并存,这清楚地说明重新平衡全球饮食的重要性日益增加。'],\n", + " ['Donald Trump, the presumptive Republican nominee, has not yet articulated a coherent position on the topic, but his views often come down remarkably close to those of Sanders.',\n", + " '推定的共和党提名人唐纳德·特朗普尚未就这一问题提出一致的立场,但他的观点常常和桑德斯惊人地相似。'],\n", + " ['From Bangkok, the line will run east through Cambodia and north through Vietnam to Hanoi, then through Laos and back to Kunming.',\n", + " '从曼谷看是,这条铁路又将向东经过柬埔寨、向北经过越南到达河内,然后再穿越老挝回到昆明。'],\n", + " ['The economic performance of Brazil and Russia, in particular, has been very disappointing so far this decade, to the point that many now perceive those countries as unworthy of the status the acronym afforded them.',\n", + " '巴西和俄罗斯近十年间的经济表现尤其是令人失望,以致许多人如今都觉得应该把这两个国家从缩写中剔除。'],\n", + " ['Specifically, it should shift the intermediate target of monetary policy from expanding the money supply to lowering the benchmark interest rate.',\n", + " '具体来说,应该将货币政策的中期目标从扩大货币供应量转为降低基准利率。'],\n", + " ['The traditional Fed response, expressed eloquently by former Fed Chairman Ben Bernanke at the 2015 IMF Research Conference, is simple: Float your currency.',\n", + " '传统的美联储反应,美联储前主席本·伯南克(Ben Bernanke)在2015年IMF研究会议上明确指出,十分简单:让你的货币浮动起来。'],\n", + " ['Some regard race-based medical treatment as necessary to reduce health disparities, while others view it as downright discriminatory.',\n", + " '有人提出为了缩小健康差异医学治疗有必要区分种族,但也有人认为这是彻头彻尾的歧视。'],\n", + " ['No constant memoranda dictate content.', '更没有规定内容的备忘录。'],\n", + " ['For me as Prime Minister of the Czech Republic, Europe has a meaning that goes far beyond geography.',\n", + " '对于现任捷克共和国总理的我来说,欧洲的意义远远超过其地理范畴。'],\n", + " ['So, for Hamas as well as for America, the West, and Israel, it is futile to look back in anger and frustration.',\n", + " '因此,对于哈马斯以及美国、西方和以色列而言,带着愤怒和挫伤抱着过去不放是于事无补的。'],\n", + " ['Unfortunately, as a result of the private-sector deleveraging and an increase in household savings, the US economy, driven by debt and consumption, slid into recession.',\n", + " '但不幸的是,随着私人部门去杠杆化以及家庭储蓄的增加,由负债和消费驱动的美国经济陷入了衰退。'],\n", + " ['Why give him another chance?', '为什么再给他一次机会呢?'],\n", + " ['The resulting market distortion is a major factor behind the chronic mismanagement of the world’s fisheries, which the World Bank calculates to have cost the global economy $83 billion in 2012.',\n", + " '由此导致的市场扭曲是世界渔业长期管理失调的主要因素,据世界银行估计,渔业管理失调2012年给全球经济造成83亿美元的损失。'],\n", + " ['In the short run, the US current-account deficit will remain, regardless of which country runs bilateral surpluses.',\n", + " '无论对其拥有双边贸易顺差的是哪一个国家,美国的经常账户赤字将在短期内继续存在。'],\n", + " ['Given Greece’s collapsing economy and growing humanitarian crisis, the government will have no choice, absent an agreement, but to print money to fund basic social services.',\n", + " '希腊经济正在崩溃,人道主义危机日益严重,若无法达成协议,其政府将别无选择,只能印钱提供基本社会服务。'],\n", + " ['Beyond growing international credibility, two major changes to the Italian political landscape have shaped the election campaign.',\n", + " '除国际信誉逐步恢复外,意大利政治格局的两大变化也决定了竞选活动的走势。'],\n", + " ['Instead, Clinton supporters ought to focus on new ways to appeal to the interests of Trump supporters, while resolutely defending the rights of minorities who feel threatened by Trump’s agenda.',\n", + " '相反,克林顿支持者应该聚焦于用新方法吸引特朗普支持者的兴趣,同时坚决捍卫感到受到特朗普日程威胁的少数人的权利。'],\n", + " ['Barghouti advocated and was trying to implement internal Fatah elections when the Israelis arrested him.',\n", + " '以色列人逮捕巴库提时,他正宣扬和全力组织法塔赫的内部选举。'],\n", + " ['To be sure, this is possible only if the United States pushes Israel much harder than it has so far to give Palestine viable borders.',\n", + " '诚然,只有当美国用甚于向巴勒斯坦给出可行边界划定的压力来更用力地推动以色列,这才会成为可能。'],\n", + " ['Rand portrays innovative industrialists as akin to Atlas in Greek mythology, carrying on his back a dystopian world of growing and overbearing collectivist government.',\n", + " '兰德描绘了一批类似希腊神话中的阿特拉斯的创新性实业家,在他们背上背负着一个不断膨胀的傲慢的集体主义政府的反乌托邦世界。'],\n", + " ['As a result, many thousands of tonnes of helium have simply been vented into the atmosphere at source or when the natural gas has been burned.',\n", + " '结果,数千吨氦在生产地或随天然气的燃烧而排入了大气。'],\n", + " ['The old guard’s efforts largely backfired and served only to augment Erdoğan’s popularity.',\n", + " '但这帮老看门人的努力在很大程度上都事与愿违,反而增强了埃尔多安的人气。'],\n", + " ['In the case of Syria, the West has repeatedly called for diplomacy while ruling out any military action, with predictably bad results.',\n", + " '具体到叙利亚问题,西方国家曾多次在排除军事行动可能性的前提下呼吁外交解决,这样做显然不会取得太好的结果。'],\n", + " ['Likewise, the appeal of war has ruled out the prospect of serious negotiations between Israel, Syria, and Lebanon.',\n", + " '同样,战争的诉求也排除了以色列、叙利亚和黎巴嫩之间进行严肃谈判的前景。'],\n", + " ['A futures market for the complete market basket that consumers buy certainly rings with importance.',\n", + " '消费者购买的完全为市场篮子的期货交易市场必定非常重要。'],\n", + " ['But the new liberal wave in the Arab world is reflected in media coverage that praised Iraq’s election and suggested that it might make a good model for other Arab countries.',\n", + " '但是,各大媒体对伊拉克选举的褒扬之辞反映出阿拉伯世界内的新自由主义浪潮,并暗示这也许会为其他阿拉伯国家树立一个好榜样。'],\n", + " [\"Yet in 2012, land developers convinced the state legislature to bar the use of scientific evidence on rising sea levels in the state's coastal management policies, at least until 2016.\",\n", + " '但在2012年,土地开发商说服州立法者至少在2016年前的州海岸管理政策制定中排除使用科学证据。'],\n", + " ['Their motivating fear is the prospect of inflation.',\n", + " '德国这一举动的背后是对通胀前景的担忧。'],\n", + " ['Those who advocate leaving globalization exclusively in the hands of the private sector may resent the idea of vesting tax-raising authority in a global agency.',\n", + " '那些鼓吹仅在私有领域实行全球化的人可能会憎恶将征税的权力赋予一个全球性机构的理念。'],\n", + " ['Chapter 40 states, concisely, another powerful principle: “To no one will we sell, to no one will we deny or delay, right or justice.”',\n", + " '”第40章简洁地表述了另一项强大的原则:“余等不得向任何人出售、拒绝或延搁其应享之权利和公正裁判。 ”'],\n", + " ['STANFORD – There is no doubt that Earth is undergoing the sixth mass extinction in its history – the first since the cataclysm that wiped out the dinosaurs some 65 million years ago.',\n", + " '斯坦福—毫无疑问,地球正在经历历史上第六次大灭绝——也是大约6,500万年前恐龙灭绝巨灾以来的首次。'],\n", + " ['Yet ideological “bubbles” are not the only problem.', '但意识形态“泡沫”不是唯一的问题。'],\n", + " ['In fact, gridlock in the national capital is often accompanied by political cooperation and innovation at the state and municipal levels, leading citizens to view state and local governments, as well as many government agencies, much more favorably than the federal government.',\n", + " '事实上,华盛顿的僵局通常伴随着州和市政层面的政治合作和创新,让公民对州和地方政府——以及许多政府机构——刮目相看,给出远高于联邦政府的评价。'],\n", + " ['Worse yet, other than the ephemeral pleasure that it provides, there is not a single biochemical process that requires dietary fructose; it is a vestigial nutrient, left over from the evolutionary differentiation between plants and animals.',\n", + " '更糟糕的是,除了给你带来短暂快感之外,果糖不能为任何一个新陈代谢过程所用; 它是一种退化的营养物,是植物和动物进化分歧的遗留产物。'],\n", + " ['Many of them – not least the IMF, but also the EBRD and the European Investment Bank – eventually showed that they could respond flexibly and, as a result, have gained expanded mandates and more capital.',\n", + " '许多机构——不仅包括IMF,也包括EBRD和欧洲投资银行——最终证明了它们可以灵活应对,并因此赢得了更多的权限和更多的资本。'],\n", + " ['I am betting that some high-flying glamour cities will continue to see decelerating growth in home prices - and eventually decreases.',\n", + " '我相信,一些耀眼的魅力都市会不断见证房价上涨的速度在减弱,并且最终回落。'],\n", + " ['That distinction between state and people has long defined Western policy toward Russia.',\n", + " '这种国家和民众之间的差异一直决定着西方的对俄政策。'],\n", + " ['Now Europe needs to follow through and make it work.',\n", + " '如今,欧洲需要再接再厉,落实这一方针。'],\n", + " ['So, by raising questions about Mueller’s integrity and that of the FBI, Trump and his allies are trying to set the stage for a widespread public dismissal of whatever Mueller reports.',\n", + " ')因此,特朗普及其盟友对穆勒和FBI的诚信提出质疑,这是在营造气氛让公众不认可穆勒的报告。'],\n", + " [\"Such a statement is essential to support democratic forces in Ukraine at a time when they stand a realistic chance of shaping Ukraine's future.\",\n", + " '上述声明对支持乌克兰内部的民主力量至关重要,它们拥有现实的机遇,真正决定国家的未来。'],\n", + " ['American law denies patients a property right in their tissue for reasons of economic policy.',\n", + " '由于经济政策方面的原因,美国法律也否认患者对自身组织的所有者权利。'],\n", + " ['Iran currently applies the same policy considerations to Iraq and Afghanistan, despite its opposition to the US-led invasions of these countries.',\n", + " '尽管伊朗反对美国领导下的对伊拉克和阿富汗的侵略,但它目前仍对上述国家采取同样的政策考量。'],\n", + " ['The Bush administration may not care that deficit reduction is the right policy for America, but it might care far more if the issue were framed as a prerequisite for policy changes abroad that diminish pressure from imports on domestic manufacturing employment.',\n", + " '布什政府可能不屑于削减赤字是美国应该实行的政策的观点,但如果把这一问题作为他国改变政策并由此减小进口对美国国内制造业就业的压力的前提条件,那么布什政府就会对其关注得多。'],\n", + " ['While we cannot know for certain what the next 10-20 years will bring, we have a few important clues.',\n", + " '虽然我们无法确切知道未来10 ~20年将如何发展,但我们手里有一些重要的线索。'],\n", + " ['This would be an extremely dangerous scenario: All things being equal, more nuclear-weapon states implies a higher risk of nuclear war, nuclear terrorism, and nuclear accidents.',\n", + " '这将是一个极其危险的状况:在其他条件不变的情况下,更多的核武器国家必定意味着更高的核战争,核恐怖主义和核事故风险。'],\n", + " ['Given Syria’s bloody civil war, the rise to power of Islamist forces through free elections, the ever-deepening political and economic crises in Egypt and Tunisia, increasing instability in Iraq, uncertainty about the future of Jordan and Lebanon, and the threat of war over Iran’s nuclear program, the bright hope of a new Middle East has vanished.',\n", + " '叙利亚血腥内战、伊斯兰通过自由选举上台、埃及和突尼斯不断加深的政治和经济危机、伊拉克的日渐动荡、约旦和黎巴嫩未来的不确定性以及伊朗核计划头上的战争阴影,这些因素让新中东的美好前景消失殆尽。'],\n", + " ['The rhetoric of energy independence in the oil-consuming countries makes the situation even worse: the oil-producing countries are building energy-intensive industries to guarantee a market for their oil once consuming nations wean themselves of imported oil.',\n", + " '石油进口国的能源自主呼声使得这一情况更加恶化:产油国正在建设一整套能源密集型工业体系,以便在进口国摆脱进口石油依赖后消化自身产能。'],\n", + " ['The large and widely recognized EU electoral observation mission on the ground should issue a strong and timely final report that comes down clearly on whether the vote represented the will of the people of South Sudan.',\n", + " '欧盟派驻当地的选举观察团不但数目庞大,而且拥有极佳公信力,因此也应当在选举结束后及时发布一份有说服力的最终报告,表明这场投票是否真实地反映了苏丹南部人民的意愿。'],\n", + " ['It should be at least as effective in protecting the Yezidis (and Kurds and others in nearby Erbil) as was the intervention in Libya in 2011 to stop the threatened massacre by Muammar el-Qaddafi’s forces of the people of Benghazi.',\n", + " '此次行动保护雅兹迪人(还有附近埃尔比勒的库尔德人和其他民族)的效果至少可以和2011年阻止卡扎菲部队屠杀班加西民众的利比亚干预行动相媲美。'],\n", + " ['Such policies spurred firms to adopt capital-intensive technologies, obscuring labor’s natural comparative advantages.',\n", + " '这些政策促使企业采用资本密集型技术,进一步淡化了劳动力的自然比较优势。'],\n", + " ['Moreover, strong domestic demand has failed to materialize; consumption growth was weak in the first quarter, and capital spending and residential investment were even weaker.',\n", + " '此外,强劲的内需没有成为现实; 一季度消费增长十分疲软,资本支出和住房投资更是萎靡不堪。'],\n", + " ['Why do we, suddenly, feel the need to prioritize the national over the European?',\n", + " '为何我们突然之间觉得需要把国家置于欧洲之上?'],\n", + " ['The concrete consequences of this enthusiasm were the creation of the Financial Stability Board (FSB), born out of the ashes of the Financial Stability Forum, at the G20’s London summit in April 2009, and inclusion of representatives of all G20 members among the key rule makers in Basel and elsewhere.',\n", + " '这一热情的具体结果就是金融稳定委员会(FSB),它脱胎于金融稳定论坛,于2009年4月在G20伦敦峰会上成立,其成员包括所有G20成员国的代表以及巴塞尔委员会和其他机构的规则制定者。'],\n", + " ['In America, liberals turn for political commentary to television comedians like Jon Stewart and Stephen Colbert, who are now more trusted than traditional news broadcasters.',\n", + " '美国人认为乔恩·斯图尔特和斯蒂芬·科尔伯特等电视喜剧演员比新闻主播的传统政治评论更值得信任。'],\n", + " ['Ireland has nothing like the mendacious, jingoistic gutter press that thrives in the UK.',\n", + " '爱尔兰没有遍布于英国的撒谎成性的狭隘沙文主义三流小报。'],\n", + " ['It is likely that continued rapid increases in prosperity are possible.',\n", + " '看起来繁荣的持续快速增长有望。'],\n", + " ['Despite the region’s overall economic growth over the past two decades, life for many Roma is worse now than ever.',\n", + " '尽管东欧地区 20 年来经济发展迅速,但许多罗姆人的生活却比过去更加糟糕。'],\n", + " ['Immigrants are seen as arriving on a journey of continual reinvention, driven to exceed their opportunities in their countries of origin.',\n", + " '移民来到美国视为一种持续创新的历程。 他们受到驱动,要超越在其原住国家的机遇。'],\n", + " ['One site was still operating 24 hours a day; in others production had been temporarily halted until the deadline passed.',\n", + " '一间企业依然在 24 小时开工生产; 其他企业则暂时停工,只等限期过后再次恢复生产;'],\n", + " ['This has apparently consumed virtually all of their attention.',\n", + " '显然,这几乎耗尽了它们的全部注意力。'],\n", + " ['Li must ensure that China’s economy, which still boasts significant growth potential, does not sink into lethargy and fall into the so-called “middle-income trap.”',\n", + " '李克强必须确保仍以巨大增长潜力自豪的中国经济不会陷于沉寂并跌落所谓的“中等收入陷阱”。'],\n", + " ['This institutional innovation enabled the reconstruction of hundreds of Chinese cities, connected by airports, highways, high-speed rail, and advanced telecommunication systems.',\n", + " '这一制度创新使数百个中国城市得以复兴,并通过机场、高速公路、高速铁路和先进的通讯系统连接在一起。'],\n", + " ['Aside from a small number of good stories in the business press, it is difficult to argue that anyone who read or listened to English-language media coverage of the campaign could have learned anything interesting or relevant to the question of whose economic policy was likely to be better for America.',\n", + " '除了商业新闻界还有几篇值得一读的报道外,很难说谁看了或听了英文媒体对此次大选的报道后能了解到任何有趣的、或与谁的经济政策可能对美国更有利这样的问题有关的事情。'],\n", + " ['The supply of African professionals and skilled workers, meanwhile, is tight; shortages also drive up wages.',\n", + " '同时,非洲的专业人才和熟练工人的缺乏也推动工资上涨。'],\n", + " ['A famous player of the 1990’s said at the time, “I’d make a racist comment every week if I thought it would help win the game.”',\n", + " '一名1990年代的著名运动员曾说:“如果能对赢得比赛有利的话,我每周都会发表种族主义言论。'],\n", + " ['A Second Chance for European Reform', '欧洲改革的第二次机会'],\n", + " ['At the same time, policymakers must take a deeper look at the system, and make vital changes.',\n", + " '与此同时,决策者必须更深刻地看待制度,并做出重要改变。'],\n", + " ['But the number of job seekers exceeded the number of openings in every industry.',\n", + " '但在所有行业,找工作者的数字都超过了职位空缺数。'],\n", + " ['All countries must play their part.', '所有国家都必须做好分内之事。'],\n", + " ['They are a better measure of the threats posed by climate change than heat sequestered underwater.',\n", + " '它们更适合作为气候变化所带来的危机的衡量指标,而非隐匿于水下的热量的衡量指标。'],\n", + " ['And it is Europe that has consistently criticized these policies – often harshly.',\n", + " '欧洲一直对这些政策持批评态度——往往言辞还非常激烈。'],\n", + " ['This is where delusion arises.', '错觉就产生在这里。'],\n", + " ['Even to contemplate such a possibility is proof of diplomatic failure, not a triumph of real leadership.',\n", + " '即使只是考虑朝鲜半岛战争的可能性,也是外交失败的证据,而不是真正的领导力的胜利。'],\n", + " ['After the government clamped down on lending for residential and commercial projects, risky shadow banking activity surged.',\n", + " '政府打压住宅和商用项目贷款后,高风险影子银行活动激增。'],\n", + " ['Making matters worse, concessions on either side appear to leave no impression on the other.',\n", + " '更糟的是,任何一方的让步似乎都得不到对方的认可。'],\n", + " ['In the West, the concept of sovereignty and the limited use of power is likely to make a comeback, while national leaders who have traditionally called for restraint will become increasingly bold in unleashing their troops.',\n", + " '在西方,主权的概念和有限使用武力可能卷土重来,而传统上总是呼吁克制的国家领导人越来越热衷于派遣军队。'],\n", + " ['Russia is completely dependent, economically and politically, on its commodity and energy exports, which go primarily to Europe.',\n", + " '俄罗斯在经济上和政治上完全依赖于其大宗商品和能源出口,而主要出口地就是欧洲。'],\n", + " ['Its successor, the National Development and Reform Commission, will probably function more as a think tank – providing ideas and ensuring policy coherence, but with no power to allocate.',\n", + " '其继任机构国家发展和改革委员会(National Development and Reform Commission)可能更加接近于智库——提供观点和确保政策一致性,但不再拥有配置权。'],\n", + " ['China is the exception, claiming the second-largest share of flows (after the United States).',\n", + " '中国是个例外,占知识密集型流比重第二位(仅次于美国)。'],\n", + " ['The adverse consequences of greatest concern include more marijuana-related road traffic accidents and deaths; more psychoses and other serious mental health problems among heavy users; and heavier marijuana use by young people, negatively affecting their life chances.',\n", + " '后果主要集中在更多与大麻有关的交通事故和伤亡; 大麻滥用者患上精神病以及其他精神疾病的概率增加;'],\n", + " ['Despite wars in Lebanon and Gaza, and the intifadas in the occupied West Bank, these parameters have proven surprisingly stable for decades, anchored by the peace agreements with Egypt and Jordan and the Oslo accords with the Palestinians.',\n", + " '在以色列与埃及和约旦两国签署的和平协议,以及与巴勒斯坦人签订的《奥斯陆协议》的基础上,不管经历了黎巴嫩和加沙地区的战争还是西岸占领区的巴勒斯坦人起义,数十年里来这些因素都出人意料地保持了稳定'],\n", + " ['Today, this grievance sits at the heart of popular frustration, particularly among disaffected urban youth, who helped ignite the latest round of unrest.',\n", + " '如今,这一怨气成为群众不满的核心,特别是愤愤不平的城市青年,他们点燃了最近的骚乱。'],\n", + " ['We live in a multipolar world where neither the US nor China is large enough to exercise global economic leadership on its own.',\n", + " '我们生活在一个多极化的世界中,不论是美国还是中国,都没有足够的力量独自领导全球经济。'],\n", + " ['This implies, among other things, a fair tax system that is more progressive and eliminates the distortions and loopholes that allow speculators to pay taxes at a lower effective rate than those who work for a living, and that enable the rich to use the Cayman Islands to avoid paying their fair share.',\n", + " '这意味着(包括但不限于)更加累进的公平税收制度、消除让投机者得以以比努力工作讨生活者更低的有效税率纳税,从而让富人得以利用开曼群岛避免缴纳合理税负的税制扭曲和漏洞。'],\n", + " ['In emerging markets in 2014, only about 55% of adults had a bank or financial-services account, but nearly 80% had a mobile phone.',\n", + " '在2014年的新兴市场,仅有约55%的成年人开立了银行或金融服务账户,却有近80%的成年人拥有移动电话。'],\n", + " ['Only the American alternative is viable.', '只有美国式选择才是可行的。'],\n", + " ['So, even though potential usefulness is the reason why governments devote so much money to scientific research, people really expect more from science than that.',\n", + " '因此,就算潜在的实用性是政府投入巨资进行科研的原因所在,人们对科学的实际期待却有所不同。'],\n", + " ['None of this is meant to suggest that the Pacific region does not need America.',\n", + " '这绝不是要暗示太平洋地区不需要美国。'],\n", + " ['So the battle is not lost.', '因此我们并未输掉这场战争。'],\n", + " ['But overfishing and pollution are causing tremendous damage.',\n", + " '但过度捕捞和污染正在造成严重伤害。'],\n", + " ['It has submitted comments on health-insurer mergers for proceedings in California, Delaware, Florida, Georgia, Illinois, Iowa, Indiana, Missouri, New York, Ohio, Virginia, and Wisconsin; it has testified at hearings in California, Delaware, Florida, Missouri, New York, Virginia, and Wisconsin; and it has armed consumer groups and unions with relevant facts and figures.',\n", + " '它已就医疗保险企业兼并议案向加利福尼亚州、特拉华州、佛罗里达州、佐治亚州、伊利诺伊州、爱荷华州、印第安纳州、密苏里州、纽约州、俄亥俄州、弗吉尼亚州和威斯康星州的法律诉讼提交了评议报告; 它还在加利福尼亚州、特拉华州、佛罗里达州、密苏里州、纽约州、弗吉尼亚州和威斯康星州承担了作证工作;'],\n", + " ['Milton Friedman and other critics often asked if it was the business of businesses to practice corporate altruism.',\n", + " '米尔顿·弗里德曼以及其他一些批评家一直都质疑企业是否应开展利他主义行为。'],\n", + " ['It is important to note, however, that meeting “all existing criteria” does not place the renminbi on par with, say, the US dollar – or, indeed, with any of the other SDR currencies (the euro, the British pound, or the Japanese yen) – in terms of international usage.',\n", + " '但是,必须指出,满足“所有现有条件”并不能让人民币在国际使用方面与(比如)美元等量齐观——事实上,所有与其他SDR货币(欧元、英镑和日元)也是如此。'],\n", + " ['Paradoxically, the discerning Palestinian observer may find comfort in America’s failure to stop Israel from expanding its settlements (and thus effectively annexing a growing share of Palestinian land), for it ends the charade on which the peace process has been based.',\n", + " '矛盾的是,敏锐的巴勒斯坦观察者可能会因为美国没能阻止以色列扩张其定居点(从而日益蚕食巴勒斯坦领土)而舒一口气,因为这结束了已成为和平进程基础的猜谜游戏。'],\n", + " ['Economizing Life and Death', '更有效地筹划生与死'],\n", + " ['Reactionary French anti-Semitism, however, reflected a wider trend in twentieth-century Europe.',\n", + " '但是,反动的法国反犹主义反映了二十世纪欧洲的一个更加广泛的趋势。'],\n", + " ['Cautious parents seek agents to select their employees and technology to monitor them as they work.',\n", + " '小心谨慎的父母找到专业甄别员工和技术的代理来负责监管他们的工作。'],\n", + " ['There are also more recent cases of the same effect. In late-1980’s Yugoslavia, as the socialist regime disintegrated, the monetary authorities in Belgrade were inevitably closest to Serbian politicians such as Slobodan Milošević and to Serbian business interests.',\n", + " '关于类似效应还有更近的例子:在1980年代末的南斯拉夫,随着整个社会主义统治分崩离析,贝尔格莱德的货币当局不可避免地偏袒斯洛博丹·米洛舍维奇这样的塞族政治家以及塞族的经济利益,导致克罗地亚族和斯洛文尼亚族希望脱离联邦。'],\n", + " ['Part of the raw appeal of pornography, it seems, is that the product itself be raw, and conspicuously illicit.',\n", + " '似乎色情产品的原始吸引部分来自于产品自身制作的粗糙简陋,以及在法律中被明文禁止所带来的偷食禁果的刺激。'],\n", + " ['He will be sorely missed.', '他的逝世是巨大的损失。'],\n", + " ['In some recent cases, the issue has been not much more than an irritating sideshow, as when Afghan President Hamid Karzai demanded an apology from the United States late last year for causing unintended civilian deaths – at the price, bizarrely, of allowing the Americans to continue defending him and his country (the US understandably refused).',\n", + " '近期的某些事件中,道歉问题不过是恼人的插曲,比方说阿富汗总统卡尔扎伊要求美国为去年底意外造成平民伤亡道歉——之后才能,这一点非常奇怪,允许美国继续为阿富汗和他本人提供保护(不难理解,美国拒绝了他的要求)。'],\n", + " ['With 26% of people under the age of 30 not in school, employment, or training – the second-highest rate in the EU, behind only Greece – structural youth unemployment will prove difficult to correct.',\n", + " '26%的30岁以下年轻人不上学,不工作,也不接受培训——为欧盟第二高,仅次于希腊——结构性青年失业问题解决起来非常困难。'],\n", + " ['The normally conservative International Monetary Fund has given the idea surprisingly emphatic support.',\n", + " '通常较为保守的国际货币基金组织(IMF)出人意料地非常支持这一看法。'],\n", + " ['It was these interactions, rather than the individual on his or her own, that created value and set in motion a dynamic process.',\n", + " '正是这些互动,而不是个人自身才创造了价值,并开启了一个充满活力的进程。'],\n", + " ['The conventional argument asserts that wary CEOs have come to see long-term risks as “just not worth it.”',\n", + " '传统观点认为,忧心忡忡的CEO们认为长期风险“不值得冒”。'],\n", + " ['That is the most pressing immediate question, but America’s leaders should also be thinking ahead.',\n", + " '这是目前最迫切需要解决的问题,但美国领导人还需要预先考虑未来。'],\n", + " ['While “humanitarian aid” cannot be neglected, it should be recognized that such aid promotes consumption rather than investment, creating price distortions and work disincentives.',\n", + " '虽然不能忽视“人道主义援助”,但应该承认的是,这种援助促进的是消费,而不是投资,并会引起价格扭曲和不愿工作的懒惰情绪。'],\n", + " ['Invoking Generalissimo Francisco Franco’s long dictatorship – now four decades in the past – is a feeble attempt to disguise the separatists’ economic pretensions and overblown sense of cultural superiority.',\n", + " '借口弗朗西斯科·弗朗哥已经过去40年的长期独裁很难掩盖住分离主义者在经济上的自负和过于夸大的文化自豪。'],\n", + " ['In the midst of this turmoil came the assassination of the Afghan government’s chief peace negotiator with the Taliban, former President Burhanuddin Rabbani.',\n", + " '乱上加乱的是阿富汗政府与塔利班的首席和平谈判员、前总统拉巴尼的遇刺。'],\n", + " ['Can we achieve this technological miracle over the next 20 to 40 years?',\n", + " '那么我们究竟能不能在未来20至40年间实现这一科技奇迹呢?'],\n", + " ['This is already happening in the United States, where exports are above their previous peak while imports remain subdued; the current-account deficit is declining; and even net employment in the tradable sector is increasing (for the first time in two decades).',\n", + " '在美国,这一幕正在发生,出口已高于前期峰值,而进口仍然受到抑制; 经常项目赤字在减少;'],\n", + " ['Larangan subsidi impor dari WTO tidak mempunyai alasan ekonomi yang jelas, seperti yang telah dijelaskan diatas.',\n", + " '如我所指出的,世贸组织禁止出口补贴就没有真正的经济逻辑。'],\n", + " ['It should take about eight hours for two workers in a professional garage to install such a kit, or less than a week for the car-owner himself/herself (or, as they say, two weeks if the owner’s spouse “helps”).',\n", + " '至于安装该配件的时间,在专业的停车间里需要2个工人花8个小时完成。 对车主��说,大概需要不到一个星期的时间(或者说,如果有丈夫或妻子的“帮忙”,大概要花2周时间。'],\n", + " ['There is a discussion of how much of the burden to pass on to future generations.\\xa0 In this war, there was no such discussion.',\n", + " '还有人讨论应该把多少负担转嫁到后人身上。 在这一战争中,没有人讨论这些。'],\n", + " ['Western countries, and the US in particular, must provide firm backing and support to the South Caucasus to prevent Russia from realizing its destabilizing and dangerous neo-imperial dream.',\n", + " '西方国家、特别是美国必须向南高加索提供坚定的支持,以防止俄罗斯实现其破坏稳定以及危险的新帝国主义梦想。'],\n", + " ['When one controls for income, increasing a population’s access to sanitation by 50% is correlated with more than nine years of additional life expectancy.',\n", + " '如果控制收入变量,让卫生设施在人口中的普及率提高50%可以带来寿命预期增加九年。'],\n", + " ['It is doubtful that the lesson is lost on Kim Jong-un.',\n", + " '金正恩是否忘记了这个教训颇可怀疑。'],\n", + " ['Bush made serious economic- and foreign-policy mistakes during his presidency, beginning in its early years, with predictable consequences for the economy, the federal budget, and national security.',\n", + " '小布什在上任头几年就犯下了一系列严重经济和外交政策失误,为经济、联邦预算和国家安全引发了可预见的后果。'],\n", + " ['A South Asian Grand Bargain', '南亚的宏伟协议'],\n", + " ['So what, exactly, will Europe do?', '所以,到底欧洲会怎么做呢?'],\n", + " ['There is nothing inevitable or God-given about suffering, injustice, and inequality.',\n", + " '苦难、不公和不平等绝不是不可避免的,也不是注定的。'],\n", + " ['While this admiration stems partly from Germany’s current economic success, the sentiment runs deeper – and extends beyond Europe.',\n", + " '虽然这种崇拜部分源于德国目前的经济成就,但这种感情却有着更深的渊源,甚至延伸到欧洲以外地区。'],\n", + " ['The last time that many read a news story about the Fund may have been when then-Managing Director Dominique Strauss Kahn was forced out in May 2011, following accusations that he sexually assaulted an employee in a New York hotel.',\n", + " '很多人上次读到国际货币基金的报道或许还是2011年5月时任总裁多米尼克·斯特劳斯卡恩被迫离职,当时有人指责他在纽约一家酒店对一名员工进行性侵犯。'],\n", + " ['On the contrary, their domestic problems threaten to turn uncertainty into peril.',\n", + " '相反,它们的国内问题只能把不确定性变成危险。'],\n", + " ['Conflict prevention and human-rights protection are primarily the responsibility of states, and it is increasingly recognized that businesses must play their part as well.',\n", + " '冲突预防和人权保护主要是国家的责任,并且人们日渐认识到企业也必须有所贡献。'],\n", + " ['It seems appropriate to assign the term “Anthropocene” to the current, in many ways human-dominated, geological epoch, supplementing the Holocene – the warm period of the past 10–12 millennia.',\n", + " '看来,引入“人类世”的概念来描述现在的人类主宰的时代比较合适,作为一个地质时代,它是“全新世”的下一代。'],\n", + " ['But, so far, it has not shown a capacity for real global leadership.',\n", + " '但到目前为止,它还没有表现出真正的全球领导力。'],\n", + " ['Exceptional times require the freedom to experiment in economic policy.',\n", + " '特殊的时代需要有在经济政策上进行试验的自由空间。'],\n", + " ['This cost will be modest relative to the size of their economies, and any successful climate-change agreement will require similar commitments.',\n", + " '这一成本与他们的经济规模比起来十分微小,而任何成功的气候变化协定都需要一样的承诺。'],\n", + " ['The next few weeks will see the resolution, one way or another, of the last territorial issues remaining in the Balkans, where the wars of the 1990’s ended with NATO interventions in Bosnia (1995) and Kosovo (1999).',\n", + " '接下来几周将会最终解决巴尔干半岛留下的最后的领土问题,不管是以哪种方式。 二十世纪九十年代在那里发生的战争最终导致了北约1995年在波斯尼亚、1999年在科索沃的介入。'],\n", + " ['Free trade is a Mexican invention to take away American jobs.',\n", + " '自由贸易是抢夺美国就业岗位的墨西哥图谋。'],\n", + " ['In the fighting that ensued, the US grabbed Guantánamo as a naval base and asserted (in the now infamous Platt Amendment) a future right to intervene in Cuba.',\n", + " '在随后的战斗中,美国夺取了关塔那摩,将之作为海军基地,并主张(根据现在闻名天下的普拉特修正案)拥有干涉古巴的未来权利。'],\n", + " ['There was nothing inevitable about this outcome.', '这一结果绝不是不可避免的。'],\n", + " ['Yes, there have been strikes, marches, and growing anger at political leaders, but protests have been largely peaceful.',\n", + " '虽然工人罢工、群众游行、民众对政治领袖的愤怒越来越强烈,但抗议活动基本都采用和平的方式。'],\n", + " ['China has expressed concerns, and the head of its central bank has joined the UN Commission in calling for a new global reserve system.',\n", + " '中国已经表示了关注,它的央行领导人加入了联合国委员会,号召采用新的全球储备机制。'],\n", + " ['Next year will also mark the centenary of the outbreak of World War I. From that moment until the present, Europe has both endured the worst and enjoyed the best of its history.',\n", + " '明年还是第一次世界大战爆发100周年纪念。 从那时到现在,欧洲经历了历史上最坏的时代和最好的时代。'],\n", + " ['The country needs a deeper commitment to reform that will come only when its institutions engage the Russian public in the sort of open debate that we have lacked.',\n", + " '俄国需要积极投身的民主能使国内公众真正参与到以前所缺乏的公开辩论中来。'],\n", + " ['The Paris agreement recognizes these basic facts.', '巴黎协议承认这些基本事实。'],\n", + " ['In 2009, police raided her house and confiscated documents in an investigation that linked her to an alleged terrorist group, called “Ergenekon,” supposedly bent on destabilizing Turkey in order to precipitate a military coup.',\n", + " '2009年,警方突击搜查了她的住处,没收了一批文档。 此次调查的原因是她被指与恐怖组织“土耳其右翼组织”(Ergenekon)有涉,该组织意欲在土耳其制造混乱,以便实施军事政变。'],\n", + " ['Amid much talk of a “post-American world,” many observers see a shift from a US-dominated international order toward a multipolar system, in which countries like China, Russia, and several others compete for global leadership on a range of common challenges and risks.',\n", + " '许多观察家在大谈“后美国世界”的时候,他们认为由美国主导的国际秩序正在向多极化体系转变,在这一体系中,如中国、俄罗斯和其它几个国家在一系列共同面临的挑战和风险上,互相竞争以谋求对全球的领导。'],\n", + " ['India, with which Pakistan shares a similar background, went through 40 years of dysfunctional democracy with a one-party system.',\n", + " '印度和巴基斯坦具有类似的背景,经历了40年一党专制的运转不良的民主。'],\n", + " ['However, it took nearly two centuries of wars, political and social disasters, and decolonization before this idea became globally accepted, at least in theory.',\n", + " '然而,在经过了将近两个世纪的战争、政治和社会灾难以及非殖民化后,这种观念才至少是在理论上为全球所接受。'],\n", + " ['Some 60,000 refugees who sought to register have been put into detention facilities where conditions are inhumane. Migrants who do not register and live on the street are attacked by the hooligans of the neo-fascist Golden Dawn party.',\n", + " '大约60,000名寻求注册的难民被投入条件很不人道的拘留中心,没有注册的移民则露宿街头,成为新法西斯金色黎明党流氓的袭击对象。'],\n", + " ['It doesn’t have to be this way.', '事情本不必如此。'],\n", + " ['Now, we have shown that it is possible to reverse the forces that had driven away our most talented young people.',\n", + " '现在,我们已经证明扭转赶走我们最有才华年轻人的因素是完全可能的。'],\n", + " ['That is the message of two recent books that, together, tell you everything you need to know about the 2008 financial crisis: what caused it, what can be done to prevent it from recurring, and why those things have yet to be done.',\n", + " '这就是两本新书一起告诉你的信息。 这两本新书讲述了你需要知道的关于2008年金融危机的一切:什么引起了金融危机,可以做什么防止它再次发生,以及为何这些事情还没有人去做。'],\n", + " ['The groups responsible for the violence in Charlottesville reveled in US President Donald Trump’s election last November.',\n", + " '制造夏洛茨维尔暴力事件的团体去年11月曾狂欢庆祝美国总统唐纳德·特朗普的当选。'],\n", + " ['This creates the impression that North Korea may still be holding some kidnap victims to use as bargaining chips in discussions on economic cooperation.',\n", + " '日本据此认为朝鲜可能仍然扣押着某些被绑架者,并打算以此为筹码进行经济合作谈判。'],\n", + " ['Here, the familiar benefit of diversity confronts the downside risk of a loss of social cohesion.',\n", + " '在这方面,我们所熟悉的多元化的好处要碰上社会凝聚力损失的风险。'],\n", + " ['But the more important issue is to identify the preachers of hate and stop their murderous incitement.',\n", + " '但是更重要的问题是,找出仇恨鼓吹者并制止他们的致命性煽动。'],\n", + " ['Dealing with their restlessness and frustration within the context of immigration will only alienate them further.',\n", + " '以移民标准处理他们的不安定和不满只能进一步疏离他们。'],\n", + " ['Governments have reason to be confident that the reserve-currency country will make servicing debt held by its allies a high priority.',\n", + " '政府有理由相信,储备货币国会将履行盟国所持债务的义务列为重点。'],\n", + " ['A Silver Lining for a Hard Brexit', '硬脱欧的一线希望'],\n", + " ['In fact, the phrase “Anglo-Saxon” is not often heard any more in the US, where the majority of the population has not been of Anglo-Saxon origin for a long time (which is also true of Britain’s largest cities).',\n", + " '其实,“盎格鲁-萨克逊”这个短语在美国已很少听到,很久以前美国的大部分人就已经不再有盎格鲁-萨克逊血统了(英国大城市也同样如此)。'],\n", + " ['This is not new, but it has only recently started to sink in, and it hurts.',\n", + " '这并不新鲜,但是这却是最近才开始被了解,这对法国是个伤害。'],\n", + " ['It is not difficult to see where the blame lies.', '不难看出罪魁何在。'],\n", + " ['Perhaps the most revealing aspect of Hu’s rule is his failure to reform the government’s outmoded institutions.',\n", + " '最能够昭示胡锦涛统制的莫过于其不改革过时的政府机制。'],\n", + " ['The benchmark builds on recommendations made in the May 2016 final report of the British government’s Review on Antimicrobial Resistance, which I chaired, and on the important work being done by Chatham House, Drive-AB, the Global Union for Antibiotic Research and Development, the Pew Trusts, and the World Health Organization.',\n", + " '”制定这套标准的基础是2016年5月由我本人主持的英国政府抗菌素耐药性最终评估报告所提出的建议,以及由查塔姆研究所、 Drive-AB、全球抗菌药物研发联盟、皮尤信托和世界卫生组织等机构所取得的重要成果。'],\n", + " ['Allowing unlimited immigration would seem to violate this contract.',\n", + " '放任无限量移民涌入似乎与这一期约相悖。'],\n", + " ['By 2016 – that is, very soon – we can expect eurozone GDP in terms of purchasing power parity to be below that of China.',\n", + " '到2016年——也就是不久之后——我们预计以购买力平价计算的欧元区GDP将低于中国。'],\n", + " ['LIMA – Governments often see climate change as too costly to address.',\n", + " '利马——政府往往认为气候变化的解决成本太过昂贵。'],\n", + " ['A recent non-partisan report by the Public Diplomacy Council called for a new Agency for Public Diplomacy within the State Department, 24-hour English-language broadcasts by the Voice of America, and a fourfold budget increase over the next five years.',\n", + " '最近由“公共外交协会”发表的一份非党派的报告呼吁在国务院内设立一个负责公共外交的新机构,“美国之音”开辟24小时的英语广播,及未来五年预算增长四倍。'],\n", + " ['Interest payments, which consume more than 10% of Germany’s federal budget, will grow along with the mounting debt burden – and even faster if interest rates rise.',\n", + " '其中占联邦预算超过10%的利息支付额将随着债务的不断堆积而增加——如果利率升高的话,递增的速度还会更快。'],\n", + " ['For populists, the EU represents significant added constraints that are even harder to push past than domestic checks.',\n", + " '对于民粹主义者来说,欧盟代表了极大的附加约束,甚至比国内制衡更难超越。'],\n", + " ['To achieve these reforms, a new decision-making procedure is required to ensure that EU-wide, not national interests, dominate the process.',\n", + " '要完成这些改革,必须要有一个全新的决策程序来保证处于此过程中主导地位的是欧盟利益而并非国家利益。'],\n", + " ['Viewed from this perspective, the additional protection afforded by the exemption is highly surprising.',\n", + " '从这个角度看,将其剔除这一附加保护着实令人震惊。'],\n", + " ['CAMBRIDGE – Will war break out in the seas of East Asia?',\n", + " '剑桥——东亚海域会不会爆发战争?'],\n", + " ['But India’s national politics has long been skewed toward the Hindi-speaking northern heartland, and Uttar Pradesh has far more voters than the other four states combined.',\n", + " '但印度的国家政治长期偏向于说北印度语的北部核心地带,而北方邦选民人数远高于其他四个邦的总和。'],\n", + " ['It commenced work on a solution in 2008.', '于是它于2008年开始寻找解决办法。'],\n", + " ['As a consequence of all the talk about withdrawing from NAFTA, the Mexican peso has lost about 14% of its value since the election results were announced.',\n", + " '退出NAFTA的传言的一个后果是,自选举结果出台以来墨西哥比索已经贬值了14%左右。'],\n", + " ['Governments already hold some administrative data, but their use for statistical purposes often requires legislative changes.',\n", + " '政府已经掌握了一些管理数据,但它们的统计用途常常需要立法变化。 解放这一信息宝藏能扩大统计样本,达到接近普查的规模;'],\n", + " ['On the surface, at least, the mini-revaluation hardly seems to have compromised China’s ability to bend exchange markets to its will.',\n", + " '至少从表面上看,汇率的微调似乎还没有削弱中国按照自己的意愿操纵外汇市场的能力。'],\n", + " ['But the proposal, even if discarded (though Orbán has hinted that he may bring it back in another form), remains worrisome, because it is part of a disturbing trend.',\n", + " '但是,该计划即使被放弃(尽管奥班暗示会以另一种形式卷土重来),也仍然令人担忧,因为它是令人不安的趋势的一部分。'],\n", + " ['Latin America, Africa, and the Arab world also must see an increase in their influence.',\n", + " '拉丁美洲、非洲和阿拉伯世界也必须增加各自的影响力。'],\n", + " ['She also understands the value of “smart power” – that bombs aren’t always the most valuable tools to use in pursuit of one’s goals.',\n", + " '她还理解“巧实力”——即炸弹并不总是实现目标的最有效的方法。'],\n", + " ['Hamas participated in the 2006 legislative elections, which followed Israel’s military withdrawal from Gaza.',\n", + " '哈马斯参与了2006年以军撤离加沙后举行的立法选举。'],\n", + " ['At the same time, al-Ahmar’s dismal performance in spearheading the war against the Houthi-led sectarian rebellion in the north made him a convenient scapegoat for the regime’s failures.',\n", + " '与此同时,阿赫玛尔在北部打击以胡锡为首的宗教反抗势力时的作战不力又使他经常被用作掩饰该政权种种弊端的替罪羊。'],\n", + " ['But too often it is easier to keep the theory and change the facts – or so German Chancellor Angela Merkel and other pro-austerity European leaders appear to believe.',\n", + " '但往往保持理论改变事实才更容易——或者说,德国总理默克尔和其他支持紧缩的欧洲领导人是这么认为的。'],\n", + " ['Over time, an increasing proportion of this population began to demand the creation of an Islamic state in the areas that were now Pakistan.',\n", + " '随着时间的推移,越来越多的人口比例开始要求在今天的巴基斯坦地区建立伊斯兰国家。'],\n", + " [\"Europe's political systems are being shaken by the rise of populist parties, many of which are winning support with an anti-European platform.\",\n", + " '民粹主义政党崛起动摇了欧洲的政治制度,其中不少已经赢得了反欧洲平台的支持。'],\n", + " ['Its neighbors include countries – most notably on the eurozone’s periphery – that are struggling.',\n", + " '它的四周皆是苦苦挣扎的国家,特别是那些欧元区外围国。'],\n", + " ['They all failed.', '他们均失败了。'],\n", + " ['Campaigning and governing are two very different activities, and there is no reason to assume that how Trump conducted the former will dictate how he approaches the latter.',\n", + " '竞选和执政是两种完全不同的行为,没有理由以特朗普处理前者的方式来确定后者。'],\n", + " ['Furthermore, the Spratly Islands dispute should be resolved through international adjudication.',\n", + " '此外,南沙群岛争端应通过国际管辖权加以解决。'],\n", + " ['The Islamists could also impose the veil and later on the niqab.',\n", + " '伊斯兰主义者还可能把面纱强加给妇女。'],\n", + " ['Of course, today’s urban areas are huge, diverse, and pluralistic, so it may seem strange to say that a modern city has an ethos that informs its residents’ collective life.',\n", + " '当然,如今的城市区域已经变得巨大,分散以及多元化,因此如果说一座城市拥有一种足以影响其居民集体生活的精神气质,那未免会令人生疑了。'],\n", + " ['Most of the sovereign debt is now held by the official sector, which traditionally does not allow any haircut.',\n", + " '大多数政府债务现由政府部门持有,按照传统这些债务不允许任何扣减。'],\n", + " ['John Maynard Keynes wanted to force surplus countries to either spend or lend.',\n", + " '约翰 · 梅纳德 · 凯恩斯( John Maynard Keynes )曾希望迫使顺差国家增加消费或提高贷款。'],\n", + " ['For example, a so-called Tobin tax on financial transactions is a frequently proposed solution, but it is not a policy solution that could be implemented by corporate-law judges.',\n", + " '比如,一个对金融交易征收的所谓托宾税(Tobin tax)是一个被经常提出的方案,但这并不是一个可以由公司法法官实施的方案。'],\n", + " ['There was no mistaking the power and symbolism of the opening ceremonies for the Beijing Olympic Games on August 8.',\n", + " '人们不会误解8月8日北京奥运会开幕式的象征意义和震撼力。'],\n", + " ['If the success of a TV pundit with a red rubber nose is a rebuke to the dull and fawning anchormen, the political success in recent years of entertainers, demagogues, and public figures who make a virtue of their indiscretion is a slap in the face of the professional political class which they profess to despise.',\n", + " '如果戴着红鼻子的电视批评家的成功是对乏味和阿谀奉承的主持人的反讽,那么近年来娱乐人、煽动者和把轻率言行引以为荣的公众人物所取得的政治成功可以说是打在公开抨击这些人的职业政客脸上的一记耳光。'],\n", + " ['Such a system is as unsuited to the future as Mao’s system was to the past.',\n", + " '正如毛的制度不适合于过去一样,这样的制度也与未来格格不入。'],\n", + " [\"But in today's European Union, Groucho need not apply.\",\n", + " '但在今天的欧盟,格罗克不需要申请。'],\n", + " ['And financial stability is again a central-bank responsibility, including for the more conservative European Central Bank.',\n", + " '金融稳定性也再次成为央行的责任,包括较为保守的欧洲央行。'],\n", + " ['It is a rule that applies to the medicines used by patients worldwide many billions of times a day.',\n", + " '”这是每天都要在全球患者身上适用多达成百上千亿次的药理规则。'],\n", + " ['For now, the world should celebrate the fact that Bolivia has a democratically elected leader attempting to represent the interests of the poor people of his country.',\n", + " '目前,世界应当为玻利维亚有了一个经过民主程序当选的、力图代表该国穷人利益的领导人而庆贺。'],\n", + " ['Some observers see this as an act of faith (presumably in the virtues of the unfettered market).',\n", + " '一些观察家将其视为一种信念(大概是对不受束缚的自由市场的优点的信仰)。'],\n", + " ['Only if wages adjust downward to accommodate the new international environment can German workers become competitive again, so that the country returns to a higher employment level, exploiting its human capital up to the capacity constraint.',\n", + " '只有调低工资、适应全新国际环境的需要,德国工人才能重拾竞争力,国内的就业水平才能回升,人力资源也才能得到充分的利用。'],\n", + " ['Others believe that the only useful analogy is to Europe’s old balance-of-power games.',\n", + " '其他人相信,唯一有用的相似点就是欧洲古老的大国平衡游戏。'],\n", + " ['The myriad rulings that have resulted from this process have left the exercise of national defense without any clear position under the Constitution and impede Japan from exercising its “collective self-defense” rights and treaty obligations with its allies (principally the United States).',\n", + " '这个过程所产生的无数条规定使得国防行动在宪法框架下毫无明确立场可言,并阻止日本使用“集体自卫”权利以及实施同盟之间(尤其是美国)履行条约规定的义务。'],\n", + " ['Their sample included countries in Latin America and Asian countries beyond Japan.',\n", + " '他们中的代表包括日本之外的拉丁美洲国家和亚洲国家。'],\n", + " ['US President Barack Obama would be wrong to think so as he prepares for his first official visit.',\n", + " '忙于准备首次正式出访的奥巴马总统这样想难免会误入歧途。'],\n", + " ['If domestic tensions, above all within Iran’s restive middle class, ease as a result, the government will receive the credit, while the Iranian Republican Guard and other hardliners will be weakened.',\n", + " '如果伊朗国内紧张局面(主要来自伊朗难以驾驭的中产阶级)能够有所缓和,伊朗政府就能得到信用,而伊朗国民卫队(Iranian Republican Guard)和其他强硬派也将有所削弱。'],\n", + " ['While Thein Sein would undoubtedly wish to see the myriad economic and political sanctions imposed on Burma quickly lifted, it is too soon for a general easing of such measures.',\n", + " '毫无疑问,登盛愿意看见施加于缅甸的大量经济和政治制裁迅速被取消,但现在就放松制裁还为时过早。'],\n", + " ['During his campaign, Morales made clear his intention to increase state control over national gas and oil.',\n", + " '在竞选过程中,莫拉莱斯明确表明,他打算提高对国家天然气和石油的控制。'],\n", + " ['This may simply reflect a dearth of international legal expertise in this field or the state of China’s segmented, stove-piped policy communities.',\n", + " '这或许只是反映出该领域国际法知识的缺失,或者中国条块分割的政策现状。'],\n", + " ['If not, we should stop discussing an “exit strategy.”',\n", + " '如果不能,我们就别再为讨论什么“推出战略”而白费唇舌了。'],\n", + " ['What corporations wanted was cheaper labor, however they could get it.',\n", + " '企业想要的是更便宜的劳动力,而它们也已经得到了。'],\n", + " ['Netanyahu may be a dismal prime minister; but he is also a formidable campaigner.',\n", + " '内塔尼亚胡或许是个乏味的总理; 但同时也是令人敬畏的活动家。'],\n", + " ['In revolutionary times, events can go from impossible to inevitable without ever passing through improbable.',\n", + " '在革命年代,事件可以从不可能跨越未必能,直接变成不可免。'],\n", + " ['Distinguishing between enhancement and treatment requires defining normality and disease, which is notoriously difficult.',\n", + " '区分“强化”和“治疗”需要定义正常和疾病,而定义这两个概念的难度尽人皆知。'],\n", + " ['Like Christian churches, Islam can also change, and Indonesia and Turkey could well be examples for such a possibility.',\n", + " '因此伊斯兰教也可以发生像天主教那样的转变,而印尼和土耳其则很可能成为其中的成功例子。'],\n", + " ['The great majority of Egyptians were not in Tahrir Square, and many of them lack not only access to online social networks, but also electricity and safe drinking water.',\n", + " '埃及人的大多数并不在解放广场,他们许多人不仅上不了社交网络,连用电和获取安全的饮用水的机会都没有。'],\n", + " ['The gap with 1.6% average annual growth rate for per capita GDP is small, isn’t it?',\n", + " '1%,差距看起来并不大吧? 人均GDP平均年增长率为1.'],\n", + " ['But while their mutual enmity is longstanding, it is far from age-old, as it is sometimes portrayed.',\n", + " '但尽管它们的敌意由来已久,却并不像有时所描绘的那样古老。'],\n", + " ['The @AP Twitter hoax represents systemic risk that cannot be eliminated, for it arises from the interaction of highly integrated financial markets and increasingly democratized news delivery.',\n", + " '@AP推特骗局表现出无法消除的系统风险,上述风险来自高度一体化的金融市场和日益民主化的新闻发布。'],\n", + " ['And the United Nations Security Council has called for an inclusive constitution with the broadest possible support.',\n", + " '联合国安理会也呼吁制定赢得最广泛支持的包容性宪法。'],\n", + " ['This implies that Britain’s budget contributions must also continue until new global agreements are finalized.',\n", + " '这意味着英国的预算贡献也必须一直保持到新全球协定完成。'],\n", + " ['We started with the National Food Authority, a government corporation tasked with ensuring an adequate supply of rice.',\n", + " '我们从国家食品管理局这家以确保大米供应的国营机构开始着手。'],\n", + " ['But the clock has been creeping forward again.', '不过,这个时钟又在缓缓地向前走了。'],\n", + " ['Though that would have been eminently affordable, representing less than 0.5% of international health assistance, the WHO failed to establish it.',\n", + " '虽然只占国际医疗援助不到0. 5%的数额在经济上完全可以承受,但世卫组织最终还是没能实现这一目标。'],\n", + " ['But Israel’s current passivity – with all of its negative long-term consequences for the country – is likely to continue as long as Prime Minister Binyamin Netanyahu considers his coalition’s survival more important than a decisive peace initiative.',\n", + " '但只要总理内塔尼亚胡继续认为自己执政联盟的生存比一个决定性和平方案更重要的话,以色列目前的消极——以及所有将对这个国家造成的长期后果——都将依然存在下去。'],\n", + " ['America’s recent failure to champion the international financial institutions represents a reversal of its approach during the latter half of the twentieth century, when it invested heavily in securing and maintaining their effectiveness.',\n", + " '美国最近在捍卫国际金融机构方面的失败体现了其二十世纪下半叶以来的方针转变。 此前,美国投入重金确保和维持这些金融机构的效率。'],\n", + " ['The New Bogeymen of Financial Capitalism', '金融资本主义的新魔怪'],\n", + " [\"But if separatist groups, with support from Russia, believe that they can control Donbas and the Black Sea coast, efforts to rebuild Ukraine's society and economy will amount to little.\",\n", + " '但如果分裂组织在俄罗斯的支持下认为他们可以控制顿巴斯和黑海沿岸,重塑乌克兰社会和经济的努力就会毫无意义。'],\n", + " ['Although violent extremists are an ultra-minority in the Muslim population, their actions have fueled a growing distrust in French society.',\n", + " '尽管暴力极端分子只是穆斯林人口中的极少数,但他们的行为助长了法国社会日益严重的不信任。'],\n", + " ['Berlusconi’s policy platforms, even his fundamental ideology, have always lacked consistency.',\n", + " '贝卢斯科尼的政策平台、甚至连他的基本思想从来就没有一致过。'],\n", + " ['Europe’s technocrats understand what adoption of “policies to restore European growth” means.',\n", + " '欧洲受过专业训练的管理者理解采取“政策恢复欧洲经济增长”意味着什么。'],\n", + " ['Stanley Sue, a professor of psychology at the University of California, Davis, has studied suicide, which is particularly common among Asian-American women (in other ethnic groups, more males commit suicide than females).',\n", + " '美国加州大学戴维斯分校的心理学教授司徒永振(Stanley Sue)研究了亚裔美国妇女中尤其多发的自杀行为(其他族裔中男性自杀数目高于女性)。'],\n", + " ['The more governments are prepared to step in, and the greater the resources of those governments, the more big banks and big countries will be favored.',\n", + " '政府越是出手干预,干预的能力越是强,就越是有利于大银行和大国。'],\n", + " ['Ensuring financial stability and managing immigration would be much more difficult as well.',\n", + " '确保金融稳定和管理移民也将变得更加困难。'],\n", + " ['As long as one is not too attached to one’s dignity, there is little to lose and a lot to be gained from running.',\n", + " '只要不太纠结于个人的尊严,竞选没有什么可以失去,却能得到很多好处。'],\n", + " ['But, because cash transfers are universal, rather than targeted at the poor, the overall effect is not progressive but neutral, another paper finds.',\n", + " '但是,另一篇文章发现,由于这些现金转移支付为全民性质而非专门面向穷人,其总体效应不是累进的,而是中性的。'],\n", + " ['A Crisis in Full Flight', '大逃亡危机'],\n", + " ['From the regime’s point of view, the legacy of the 1979 Islamic revolution is at stake.',\n", + " '在该政权看来,1979年伊斯兰革命斗争得来的成果危在旦夕。'],\n", + " ['A few months later, when China and Japan were working to normalize relations, Japanese Prime Minister Kakuei Tanaka asked Chinese Premier Zhou Enlai about the islets; Zhou responded that the dispute should be left to later generations, in order to avoid any delay of normalization.',\n", + " '几个月后,当中日两国实现关系正常化时,日本首相田中角荣曾询问中国总理周恩来这些岛屿的归属问题; 周回应为避免延误关系正常化,所有争议应留给后代解决。'],\n", + " ['This challenge has been particularly difficult because of the nature of the virus, particularly its ability to integrate itself into the genome of host cells, to readily mutate, and to conceal that part of its outer coat that would induce protective antibodies.',\n", + " '因为病毒的性质而使得这一挑战变得特别困难,尤其是因为它有能力把自己融进寄主细胞的基因组中,随时准备进行变异,以及隐藏其会诱发保护性抗体的外壳部分。'],\n", + " ['We have separate equations for four forces: strong, weak, electromagnetic, and gravitational.',\n", + " '我们有不同的方程组,可以分别描述 4 种基本力:强作用力、弱作用力、电磁力和万有引力。'],\n", + " ['We need much more of this kind of thinking in the year ahead, as governments negotiate new global agreements on financing for sustainable development (in Addis Ababa in July 2015); Sustainable Development Goals (at the United Nations in September 2015), and climate change (in Paris in December 2015).',\n", + " '在未来几年中,各国政府将商谈新的可持续发展融资全球协议(2015年亚的斯亚贝巴会议)、可持续发展目标(2015年9月联合国大会)和气候变化(2015年12月巴黎会议),我们需要更多的类似思维。'],\n", + " ['We need to get to zero-emission vehicles, not more efficient gas-burning vehicles, especially given that the number of vehicles worldwide could easily double by mid-century.',\n", + " '我们需要的是零排放汽车,而不是更高效的燃气汽车,尤其当考虑到全球车辆数很可能在本世纪中叶轻松翻番。'],\n", + " ['In the not-too-distant future, politicians of the reforming center could reach power in two of Latin America’s larger countries.',\n", + " '过不了多久,改革中间派政客就可能在拉丁美洲的两个大国执掌权力。'],\n", + " ['Ancient Greek had two words for the people: the “demos” of democracy and the “laos” of the mob.',\n", + " '古希腊人用两个词描述人:民主的“demo”和乌合之众的“lao”。'],\n", + " ['As a result, the ECB risks painting itself into a corner, for the logic behind this week’s interest-rate hike implies that more increases will follow – a series of policy mistakes that will cost the Eurozone economies heavily.',\n", + " '其结果是,欧洲央行面临将自己逼入绝境的风险,因为本周利率提升的背后隐藏的逻辑暗示今后利率还将多次提升——一连串会让欧元区经济体付出沉重代价的政策错误。'],\n", + " [\"But this is Bush's war, and he ought to be held responsible for it.\",\n", + " '可这是布什的战争,他应该为此负责。'],\n", + " ['The international community will likely be affected by Syria’s civil war more than it was by Lebanon’s, owing to its greater global impact.',\n", + " '叙利亚内战对国际社会的影响也许比黎巴嫩内战更大,因为它的全球冲击力更强。'],\n", + " ['REDD+, which has been around in various forms for nearly a decade, provides a payment structure for preservation and restoration efforts.',\n", + " '“减少因森林砍伐和退化而造成的碳排放计划”已经以各种形式执行了近十年,并为森林的保护和抢救工作提供了兑现方法。'],\n", + " ['Instead, time is lost on secondary issues largely rooted in domestic policy concerns.',\n", + " '反之,大把的时间都被浪费在国内政策等次要问题上。'],\n", + " ['The IMF assumes that its loans will be substituted by private-sector loans at even higher interest rates (over 6%).',\n", + " '国际货币基金组织假设其贷款将被利率更高(6%以上)的私营部门贷款所取代。'],\n", + " ['Hosting the Olympics boosts performance before the hosted Games, and has effects that outlast them.',\n", + " '主办奥运会在奥运会开始前就能提振运动表现,而且这一效果是持久的。'],\n", + " ['In Argentina, traditionally a tranquil country, drug-linked crimes have been on the rise.',\n", + " '阿根廷传统上是个平静的国家,但其与毒品相关的犯罪活动也在增加。'],\n", + " ['The root of the crisis remains the fall in purchasing power on the part of the middle and lower classes, and the collapse of speculative bubbles created by the wealthy classes’ greed for more.',\n", + " '危机的根本性原因在于社会中下阶层购买力的下降,源于那些贪婪的富裕阶级所创造的投机泡沫的破灭。'],\n", + " ['Unlike conventional antidepressants – which are used to elevate concentrations of the neurotransmitters serotonin, dopamine, or noradrenaline – ketamine influences the glutamate system.',\n", + " '传统抗抑郁药物用来提高血清素、多巴胺或去甲肾上腺素等神经递质的浓度,与此不同,克他命影响谷氨酸系统。'],\n", + " ['As a result, the legislature has become dramatically more effective, and its approval rating has gone from just 14% seven years ago to 57% today – its highest level since 1988.',\n", + " '结果,加州立法机关效率大大加强,满意度从七年前的14%上升到今天的57%——是1988年以来的最高水平。'],\n", + " ['Frustrated with a bureaucracy reluctant to implement his political vision, Qaddafi bypassed traditional institutions and claimed a direct dialogue with the country’s population.',\n", + " '由于不满官僚机构不愿执行其政治理想,卡扎菲摒弃了传统的国家机构,要求直接与国内民众对话。'],\n", + " ['There were many people who lost out during this transformation, and the democratic revolution’s organizers were not necessarily those who could push through the democratic and economic development.',\n", + " '许多人成为了转型的受害者,而那些民主革命的组织者们也不一定能胜任民主和经济发展推动者的角色。'],\n", + " ['As recent months have shown, he will consider a compromise with the West only when he loses his certainty that all is under control internally.',\n", + " '正如最近几个月所见,他只有在觉得对国内局势失去控制的时候才会尝试与西方妥协。'],\n", + " ['The ruble’s depreciation is bound to fuel inflation, already around 11% and far above the CBR’s 5% target.',\n", + " '卢布贬值眼看就要助长通胀——目前通胀应达到了11%,远超俄罗斯央行5%的目标。'],\n", + " ['Written more than 600 years before the birth of Isaac Newton, al-Haytham’s work is widely regarded as one of the earliest examples of the modern scientific method.',\n", + " '写于牛顿诞生600多年前,海赛姆的著作被广泛视为现代科学方法最早期的例子。'],\n", + " ['The presumption was that the outcome of such a process almost surely would be a managing director from an emerging-market country.',\n", + " '有人推测说这一程序将催生一位来自新兴市场国家的总裁。'],\n", + " ['But maintaining this economic revival will require greater reluctance to intervene in foreign conflicts or engage in new wars.',\n", + " '但维持其经济活力要求其更少地干预国外冲突或卷入新战争。'],\n", + " ['Cutting the umbilical cord in a relationship of aid dependency is never easy, and there is no reason to expect that it will be any different with Greece.',\n", + " '切断援助依赖中的输血带向来不易,没有理由认为希腊会有所不同。'],\n", + " ['If Hamas comes out ahead, Abbas’s allies in other Palestinian factions will press him to accept Hamas and Islamic Jihad within the PLO.',\n", + " '如果哈马斯提前发表观点,阿巴斯在其他巴勒斯坦派别中的盟友就会向其施加压力,迫使其在巴勒斯坦解放组织内部接受哈马斯和伊斯兰圣战组织。'],\n", + " ['Negotiation is necessary, and it must be sufficient, but progress will be impossible if North Korea is allowed to turn its mere participation in the six-party talks into a bargaining chip.',\n", + " '谈判是必要的,也必须进行充分的谈判,但如果允许北朝鲜将参加六国会谈变成讨价还价的资本,那么就不可能取得任何进步。'],\n", + " ['These states also tended to have the largest rise in unemployment rates between 2006 and 2009.',\n", + " '这些州在2006-2009年失业率的变化也最剧烈。'],\n", + " ['Is Another Debt Crisis On the Way?', '下一场债务危机即将到来?'],\n", + " ['These countries have expressed concerns about the new powers conferred on the ECB.',\n", + " '这些国家已经表达了被授予欧洲央行的新权力的担忧。'],\n", + " ['This will certainly have long-term consequences as the working-age population declines and the elderly population soars.',\n", + " '9个。 劳动年龄人口下降和老龄人口激增必将产生长期后果。'],\n", + " ['According to a recent study by Tamma A. Carleton of the University of California, Berkeley, suicides among Indian farmers have increased with the temperature, such that an increase of 1º Celsius above the average temperature on a given day is associated with approximately 70 additional suicides, on average.',\n", + " '根据加州大学伯克利分校的塔玛·卡尔利顿(Tamma A. Carleton)的最新研究,印度农民自杀数量随温度的上升而增加,在给定的日子中,温度较平均水平每上升1℃,平均而言会导致自杀事件增加大约70起。'],\n", + " ['Thus, whaling is unethical.', '因此,捕鲸是不符合伦理的。'],\n", + " ['Such \"private\" billboards kept appearing for about a year with varying themes.',\n", + " '这样不同主题的\"私人\"公告牌连续出现了大约一年。'],\n", + " ['Why Big Oil Should Kill Itself', '为何石油巨头应该自杀'],\n", + " ['The funding can be direct, through institutions like the Defense Department or the National Institutes of Health (NIH), or indirect, via tax breaks, procurement practices, and subsidies to academic labs or research centers.',\n", + " '具体形式既可以是由美国国防部或美国国立卫生研究院(NIH)等机构直接出资,也可以采用税收减免、采购及学术实验室或研究中心补贴等间接形式。'],\n", + " ['With the help of a major agency that rates corporate social responsibility, we were able to provide investors with solid information – and an accountability process – about the portfolio’s direct impact on greenhouse-gas emissions.',\n", + " '在一家公司社会责任评级机构的帮助下,我们得以向投资者提供关于投资组合对温室气体排放的直接影响的具体信息和问责程序。'],\n", + " ['In 2006, Holden Karnofsky and Elie Hassenfeld faced the question of which charity would make the best use of their money.',\n", + " '在2006年,卡诺夫斯基和海森菲尔德面临着哪一家慈善组织可以最大程度利用他们的捐款的问题。'],\n", + " ['It was playful, allusive, and edgy – in short, post-modern.',\n", + " '它玩世不恭,言辞闪烁,喜欢游走于边缘地带——一句话,整个就是一后现代。'],\n", + " ['Until relatively recently, environmental protection and consumer safety were secondary issues in the United States and Europe.',\n", + " '直到不久前,环境保护和消费安全在美国和欧洲都还是相对次要的问题。'],\n", + " ['India should seek to play the role of honest broker to defuse the threat of military hostilities, which would most likely shut down the world’s most important oil-export route, the Strait of Hormuz (a danger that Iran has said is also implicit in an oil-export embargo against it).',\n", + " '印度应当试图扮演一个真诚协调人角色来消除军事敌意所带来的威胁,因为这一威胁很可能会切断世界上最重要的石油出口通道——霍尔木兹海峡(伊朗声称如果对其执行石油禁运的话显然也会引发这一危机)。'],\n", + " ['Similarly, today’s plunging oil prices will benefit a few.',\n", + " '类似地,今天石油价格的暴跌也会让一些人受益。'],\n", + " ['Unlike Europe, where Germany overcame World War II’s legacy through its integration into the European Union, Northeast Asia remains burdened by history.',\n", + " '与德国通过加入欧盟克服二战的遗存影响不同,东北亚仍然背负着沉重的历史。'],\n", + " ['Filling in death certificates is not an exact science, and doctors focus on causes with which they are familiar.',\n", + " '填写死亡报告不是精确科学,医生总是专注于他们所熟悉的死因。'],\n", + " ['The government may also need to consider injecting funds more directly into the mortgage sector while the private sector reconstitutes itself.',\n", + " '政府可能还需要考虑更直接地注资到抵押贷款业界,而让私营业界进行自我恢复。'],\n", + " ['The United States has made it clear that developing countries must sign up to substantial reductions in carbon emissions in Copenhagen.',\n", + " '美国已经明确表示,在哥本哈根会议中,发展中国家必须承诺对碳排放进行实质性的减排。'],\n", + " ['On the surface, the succession has proceeded as expected, with Crown Prince Abdullah becoming king now that Fahad has died.',\n", + " '表面来看,王位继承如预期般进行,皇储阿卜杜拉在法赫德去世后成为国王。'],\n", + " ['A key element would be universal free university education, modeled on European systems.',\n", + " '一个关键点是效仿欧洲体制的全民免费大学教育。'],\n", + " ['That leaves Russia vulnerable.', '这使俄罗斯变得很脆弱。'],\n", + " ['While in office, she has established a minimum wage, lowered the retirement age to 63 (for those with 45 years of contributions), and legalized same-sex marriage – policies that are anathema to traditional conservatism, but that now have broad popular support.',\n", + " '执政期间,她制定了最低工资制度,将退休年龄下调到63岁(对工龄超过45年者),实现了同性恋婚姻合法化——这些政策对于传统保守派而言是不可接受的,但受到广泛的群众支持。'],\n", + " ['Turkey has met these conditions: the legal reform entered into force on June 1, and the Protocol was signed on July 29.',\n", + " '该《协议》将欧盟的关税同盟扩大到包括塞浦路斯共和国在内的所有新成员国。 土耳其满足了这些条件:法制改革在6月1日正式实施,该《协议》也在7月29日签署。'],\n", + " ['Nonetheless, during most of the Cold War, Pakistan was seen as a friendly country, whereas its great rival, India, was viewed as difficult.',\n", + " '尽管如此,在冷战的大部分时间里,巴基斯坦被视为友邦,而它的劲敌印度被视为一个难点。'],\n", + " ['SANTIAGO – Gabriel García Márquez’s great novel One Hundred Years of Solitude starts with a colonel who “started 32 civil wars and lost them all” facing the firing squad.',\n", + " '圣地亚哥——加夫列尔·加西亚·马尔克斯的伟大小说《百年孤独》始于一位“挑起32场内战并全部失利”的上校面对行刑队的一幕。'],\n", + " ['To do so, they have relied on near-zero interest rates and unconventional measures like quantitative easing to stimulate growth and job creation.',\n", + " '为了完成这一目标,它们依靠近零利率和量化宽松等非常规手段刺激增长和就业创造。'],\n", + " ['But what most Western commentators refuse to acknowledge is that the champion of competition nowadays is Saudi Arabia, while the freedom-loving oilmen of Texas are praying for OPEC to reassert its monopoly power.',\n", + " '但大部分西方评论者拒绝承认的是,如今最支持竞争的沙特阿拉伯,而热爱自由的德克萨斯州石油商却在日夜期盼欧佩克举起垄断大旗。'],\n", + " ['In contrast, there has been only one such bubble in the United States’ housing market in the last hundred years, that of the 2000’s.',\n", + " '相比之下美国的住宅市场在过去这100年只有一次泡沫,那是在21世纪的第一个十年。'],\n", + " ['On merit, some of the obvious candidates for the Fund job, such as Brazilian Arminio Fraga, and Egyptian-born Mohamed El-Erian, are not European.',\n", + " '从资质上来讲,有些显而易见的基金组织领袖候选人,比如巴西的阿米尼奥·弗拉格(Arminio Fraga)和出生在埃及的穆罕默德·埃尔-埃利安(Mohamed El-Erian)都不是来自欧洲。'],\n", + " ['It will be important to remember that the central bank’s role is not to boost stock prices, but to ensure that the economy’s underlying fundamentals and its financial system enable sustainable growth.',\n", + " '重要的是记住央行的作用不是提振股价,而要确保经济基本面和金融系统实现可持续增长。'],\n", + " ['This month, the value of bitcoin reached $4,483, with a market cap of $74.5 billion, more than five times larger than at the beginning of 2017.',\n", + " '本月,比特币币值达到了4,483美元,总市值达到了745亿美元,比2017年年初增加了五倍多。'],\n", + " ['But business activity remains bogged down by myriad restrictions and a frustratingly slow judicial system, which, together with a complex system of price subsidies, encourage widespread corruption at every level of government.',\n", + " '但商业活动仍因为各种限制和动作迟缓的司法体系而大受掣肘,后两者加上复杂的价格补贴,成了各级政府腐败的温床。'],\n", + " ['Who is providing the Taliban with guns and money?', '是谁在向塔利班供应武器与资金?'],\n", + " ['Governments can play an important role in promoting such innovation.',\n", + " '政府可以在推动这类创新方面扮演一个重要角色。'],\n", + " ['Machines, it is true, are already more efficient than legal associates at searching for precedents.',\n", + " '机器无疑在查找过往法院判例时比律所工作人员更高效。'],\n", + " ['In reality, this will be impossible.', '现实是这根本不可能。'],\n", + " ['Nearly all Americans, apart from the richest and poorest, define themselves as “middle class.”',\n", + " '几乎所有美国人(除极穷与极富者外)都将自己定义为“中产阶级”。'],\n", + " ['MADRID ‒ He came from Algeria seeking a better life, anticipating an escape from poverty, oppression, and hopelessness.',\n", + " '马德里——他来自阿尔及利亚,想要过上更好的生活,憧憬着从贫困、压迫和绝望中摆脱。'],\n", + " ['The implication is that potential borrowers are not absorbing as many imports as they could and not relying, as they should, on the multilateral pooling of reserves that the Fund is meant to use to “give confidence” to its members.',\n", + " '这意味着,潜在的借款国没能充分吸收它们可以吸收的进口商品,并且没有按照应该的那样,依靠国际货币基金组织打算使用的为其成员国“提供信心”的多边资金储备积累。'],\n", + " ['Thirty years ago, Harvard professor Ezra Vogel published Japan as Number 1: Lessons for America, a book that celebrated Japan’s manufacturing-fueled rise to become the world’s second-largest economy.',\n", + " '30年前,哈佛大学教授傅高义(Ezra Vogel)出版了《日本后来居上:美国应当吸取的教训》一书,这本书纪念日本在制造业的推动下崛起,并最终发展为世界第二大经济体的过程。'],\n", + " ['Investors, it seems, have begun to appreciate the risk of doing business in an economic and business environment that they cannot fully understand.',\n", + " '投资者似乎开始认识到在他们不能完全理解的经济和商业环境中营商的风险。'],\n", + " ['By reviving the TPP without US involvement, Japan and other Asia-Pacific countries are already on the right track.',\n", + " '日本和其他亚太国家已经抛开美国重新启动了TPP,开始往正确的方向努力。'],\n", + " ['Even as they are becoming ever more litigious, many Chinese believe that they have no hope of securing justice against the powerful.',\n", + " '即便是在人们越来越习惯于诉诸法律的情况下,许多中国人也认为面对权势他们不可能获得司法公正。'],\n", + " ['Today, Axel Kicillof, Argentina’s Peronist economy minister, is echoing this sentiment.',\n", + " '”阿根廷奉行庇隆主义的经济部长阿克塞尔·基奇洛夫现在和尼克松的看法如出一辙。'],\n", + " ['Asian countries will have significantly less time than advanced economies have had to prepare for the transition to an aged society.',\n", + " '亚洲国家可以用来准备向老龄化社会转型的时间远远短于发达经济体。'],\n", + " ['Some critics are now wondering if all this talking is too much of a good thing.',\n", + " '以至于有些评论家无法确定这样的讲话力度是不是件好事情。'],\n", + " ['And, although Abbas might be tempted by cosmetic changes to the status quo, most Palestinians probably would reject them as fraudulent.',\n", + " '此外,尽管阿巴斯或许会被粉饰现状的方案诱惑,但大部分巴勒斯坦人也许会认为这是赤裸裸的欺骗,断然拒绝。'],\n", + " ['Just a week after Trump’s UN speech, French President Emmanuel Macron presented his vision of Europe’s future in an address at the Sorbonne.',\n", + " '特朗普在联合国发表演讲短短一周后,法国总统伊曼纽尔·马克龙就在索邦大学的一次演讲中描绘了他对欧洲未来的愿景。'],\n", + " ['Instead, the state is the target of political entrepreneurs who strive to capture it in order to capture the rents that it controls.',\n", + " '这仍然远远低于2. 1的替代率,但是较高的生育率以及减少男婴死亡率的成功措施已经使人口萎缩的速度放缓。'],\n", + " ['Moreover, overall economic performance in Brazil masks an important fact: growth rates have been substantially higher among the country’s poorer citizens, and unemployment is declining.',\n", + " '此外,该国的总体经济表现掩盖了一个重要的事实:与贫穷市民有关的经济增长率较高,而失业率也正在下降。'],\n", + " ['Indeed, whatever resemblance events on Cairo’s Tahrir Square bear to May 1968 in Paris and the fall of the Berlin Wall in 1989, it would be premature to proclaim that freedom has prevailed.',\n", + " '事实上,不管开罗解放广场上发生的事件与1968年5月巴黎学生运动以及1989年柏林墙倒塌的事件如何相似,现在依然不是宣布自由已经实现的时候。'],\n", + " ['Pastoralists, small producers, and independent farmers simply cannot compete with low retail prices that fail to account for the industry’s true environmental and health costs.',\n", + " '牧民、小生产商和独立农民根本无法与低廉的零售价格竞争——这样的价格无法覆盖该行业真正的环境和健康成本。'],\n", + " ['Structural change is, by definition, innovative.', '很明显,结构改变具有创新性。'],\n", + " ['The price of iron ore is down, too.', '铁矿石价格也在下跌。'],\n", + " ['Indeed, when the US, the Soviet Union, and the United Kingdom signed the Potsdam Agreement in August 1945, they agreed on the “reduction or destruction of all civilian heavy-industry with war potential” and on “restructuring the German economy toward agriculture and light industry.”',\n", + " '事实上,1945年8月,当美国、苏联和英国签署《波茨坦协议》时,它们同意“减少或摧毁所有有战争潜力的民用重工业”以及“以农业和轻工业为重点重组德国经济。'],\n", + " ['Whatever one thinks of him, in international affairs Blair was a leader of consequence.',\n", + " '不管人们对布莱尔怎么看,在国际事务中,他是一个举足轻重的领导人。'],\n", + " ['Missile tests, PLA military exercises and threatening rhetoric have been sufficient deterrents until now.',\n", + " '在此以前,导弹试验、解放军军事演习和威胁性的措辞一直是有效的威慑手段。'],\n", + " ['Will it still be the capital of a country whose citizens view the future bleakly and whose politicians have totally lost touch with the electorate?',\n", + " '它是否仍会是那个国民对未来彻底绝望,政治家与选民彻底绝缘的国家的首都?'],\n", + " ['In fact, empirical data suggest the significance of this danger.',\n", + " '事实上,根据以往的经验我们可以认识到这种危险是非常大的。'],\n", + " ['The Bank’s staff is highly professional, and would accomplish much more if freed from the dominance of narrow US interests and viewpoints.',\n", + " '世行的工作人员是高度职业化的,只要摆脱狭隘的美国利益和视角的束缚,他们能够取得更大的成就。'],\n", + " ['She has publicly expressed her disdain for both large national parties; she would much rather lead a coalition than join one.',\n", + " '她曾公开表示对两个全国性大党不屑一顾;她宁愿领导一个联合政府,而不是加入一个大党。'],\n", + " ['His abysmal human rights record remains, but the flamboyant “Guide of the Revolution” ceased flirting with weapons of mass destruction and global terrorism in exchange for the end of sanctions and international rehabilitation.',\n", + " '他恶劣的人权记录并没有消除,但是这位奢华的“革命向导”停止不严肃地对待大规模杀伤性武器和全球恐怖主义问题以换取结束制裁和回到国际大家庭中来。'],\n", + " ['Since each issuer represented a small fraction of their revenues, rating agencies were unwilling to compromise their reputation for the sake of any single issuer.',\n", + " '因为各发行方只占评级机构收入的一小部分,因此信用评级机构不愿为迁就某个发行方而有损自己的信誉。'],\n", + " ['It will also need to intensify its fight against endemic corruption, which represents a tax on all businesses.',\n", + " '政府还要加紧打击腐败,腐败相当于加重所有企业的税收负荷。'],\n", + " ['For someone with a 15% marginal tax rate, a 2%-of-AGI cap would limit total deductions and exclusions to about 13% of AGI.',\n", + " '对边际税率为15%的个人来说,2%-AGI上限相当于扣减和豁免项占AGI的13%。'],\n", + " ['By allowing private-sector participation in debt-equity swaps, China could kill three birds with one stone: advance SOE deleveraging, strengthen corporate governance in the state sector, and enhance economic efficiency.',\n", + " '对中国来说,允许债转股公私合作可谓一石三鸟:推进国有企业去杠杆; 强化国有部门公司治理;'],\n", + " ['This phrase – “No to everything” – is how Mario Draghi, the European Central Bank president, recently described the standard German response to all economic initiatives aimed at strengthening Europe.',\n", + " '这句话——“什么都不行”——便是欧洲央行行长德拉吉最近用来描述德国对一切旨在强化欧洲的经济措施的反应的用语。'],\n", + " ['In the view of Admiral Mike McConnell, America’s former director of national intelligence, “Sooner or later, terror groups will achieve cyber-sophistication.',\n", + " '在美国前国家情报总监、海军上将迈克·麦康奈尔看来,“恐怖组织迟早将掌握复杂的网络技术。'],\n", + " ['Attempts to reconcile the parties began in Gaza, before moving to Cairo, Damascus, and finally Mecca under the supervision of Saudi King Abdullah, whose country has been a financial backer of the Palestinians for decades.',\n", + " '让双方和解的努力开始于加沙,随后转移到开罗和大马士革,最后到麦迦在沙特国王阿卜杜拉的监督下进行。 沙特几十年来一直为巴勒斯坦提供资金支持。'],\n", + " ['Because we both believe in power, it is easy for the two of us to understand each other.',\n", + " '因为我们都相信强权,所以我们容易相互理解。'],\n", + " ['The power of this process arises not from raw individual intelligence, but from the reinterpretation of the serendipitous insights and mistakes that our intelligence produces.',\n", + " '上述进程的力量并不来源于原始的个人智力,而是来源于对人类智力所产生的偶发的见解和失误的重新解读。'],\n", + " ['Then there is the critics’ claim that below-target inflation is needed to restore competitiveness.',\n", + " '批评者还说,低于目标的通胀是重塑竞争力的必要条件。'],\n", + " ['The results – a 43% reduction in mortality and a 39% decrease in hospital visits among patients who received BiDil – were so striking that the study was concluded early.',\n", + " '试验因服用BiDil患者取得了死亡率下降43%、就诊率下降39%的显著结果而提前结束。'],\n", + " ['Rather than expending significant political capital trying to press an unreceptive Israeli government and a fractured Palestinian establishment to pursue peace, Obama used his visit to shift the discourse – and the responsibility for achieving a peace agreement – to the Israeli (and Palestinian) public.',\n", + " '奥巴马并没有花政治血本敦促不情愿的以色列政府和支离破碎的巴勒斯坦立国计划追求和平,而是借此次访问的机会向以色列(和巴勒斯坦)公众传达这层意思——以及实现和平协定的责任。'],\n", + " ['Despite strong exports, South Korea and Japan rank 20th and 21st out of 85 countries, because they lag on immigration and cross-border Internet traffic.',\n", + " '尽管出口强劲,但韩国和日本在85个国家中分别只名列第20名和第21名,因为它们在接受移民和跨境互联网流量上落后了。'],\n", + " ['But, if we increasingly associate ourselves with the world at large, our loyalties will expand, too.',\n", + " '而一旦我们逐步将自己与整个世界结合起来,我们的忠诚也将因此获得延伸。'],\n", + " ['Japan and Canada have said they plan to do so.', '日本和加拿大也宣称计划加入。'],\n", + " ['One danger inherent in pushing for high growth is that it is always possible to juice an economy with short-term measures that encourage a lot of risk-taking and leverage in the financial system.',\n", + " '推动高增长的一个固有危险是,永远有可能采取鼓励金融系统大量冒险和负债的短期措施去压榨经济。'],\n", + " ['While positive, the correlation between one decade’s total inflation and the next decade’s total inflation is only 2%.',\n", + " '某十年期的总通货膨胀和下一个十年期的总通货膨胀呈现正相关,但相关性只有2%。'],\n", + " ['Nearly everyone assumed that Saddam’s non-compliance with United Nations inspectors stemmed from the fact that he was hiding weapons of mass destruction.',\n", + " '几乎所���人都假设萨达姆不配合联合国检查者是因为他藏匿了大规模杀伤性武器这一事实。'],\n", + " ['The expanding hunger crisis reflects a lethal combination of growing rural populations and inadequate food yields.',\n", + " '不断扩大的饥荒反映了农村人口不断增加和粮食产量不足的致命结合。'],\n", + " ['These factors are sending the global economy into the final quarter of the year encumbered by profound uncertainty in several areas.',\n", + " '这些因素都正把全球经济带入一个被多领域深刻不确定性所困扰着的第四季度。'],\n", + " ['To increase breastfeeding rates, governments need to ensure that mothers receive the guidance and help they need.',\n", + " '要提高母乳喂养率,政府需要确保母亲获得所需的指导和帮助。 这意味着培训卫生工作者;'],\n", + " ['Italy, Spain, and France all have current-account deficits equal to 2% or more of their GDP.',\n", + " '意大利、西班牙和法国均存在相当于GDP的2%或以上的经常项目赤字。'],\n", + " ['But policymakers should not be so distracted by it that they fail to prepare for the other two possible storms – and, much more worrisome, the possibility that they merge into a single more devastating one.',\n", + " '但决策者不应该因此而忽略其他东西,乃至无法为其他两起可能的风暴——以及更加令人担心的,为它们汇聚形成灾难性完美风暴的可能性做好准备。'],\n", + " ['All signatories to our new Declaration agreed that incitement to violence that is motivated by race or gender or sexual orientation constitutes a serious violation of the right to equality.',\n", + " '我们这项新宣言所有的签署者都同意,因种族、性别或性倾向而煽动暴力的行为,严重侵犯了平等权。'],\n", + " ['Only rapid government action to substitute goods currently imported with domestically produced goods will do the trick.',\n", + " '只有政府迅速采取行动来用国产货物替代进口的货物才会奏效。'],\n", + " ['One vote on one day subsumes complex matters with one ballot question, which in any event is frequently not the question that many people actually answer.',\n", + " '在某一天投一票将复杂问题归结为公民投票问题,而这往往不是许多人实际所回答的问题。'],\n", + " ['The UN was not responsible for the failure in Copenhagen, and it should not act as if it was.',\n", + " '联合国不应为哥本哈根的失败负责,但也不能沿着从前的旧路重蹈覆辙。'],\n", + " ['India’s current policies allow drugs to be sold at a small fraction of the monopoly prices commanded by patent holders.',\n", + " '印度的现行政策允许药物以专利所有者所要求垄断价格的一小部分进行销售。'],\n", + " ['They fail to see that American officials regard Syria as complicit in the activities of Islamist terrorist groups in the Palestinian territories, Iraq, and Lebanon.',\n", + " '他们没能看出美国官员认为叙利亚与巴勒斯坦、伊拉克和黎巴嫩领土上的伊斯兰恐怖组织串通一气,大搞恐怖活动。'],\n", + " ['Mercosur Blues', '令人忧虑的南方共同市场'],\n", + " ['In these circumstances, many on the business side of the Chinese media regard critical reports on crime and official corruption as a powerful weapon in the fight for greater market share and profitability.',\n", + " '在这些环境下,很多站在中国媒体商业角度上的人把对犯罪和政府腐败的批评性报道看作争取更大市场份额和收益的有力武器。'],\n", + " ['Similarly, Galileo is now known to have committed what we now call “research fraud” in his famed physical experiments. Assuming he conducted them at all, they very probably did not produce the neat results that he used to assail his opponents.',\n", + " '同样地,我们知道伽利略的一些著名物理实验的结果是虚构的,如今我们称之为“研究欺诈”,然而假设他严格执行了这些实验,那也很有可能不会有这些恰到好处的结果,他也无法利用它们来攻击反对者了。'],\n", + " ['Elections do occur in the Arab world, and they vary in frequency and significance.',\n", + " '阿拉伯世界也举行选举,其频率和重要性各有不同。'],\n", + " ['Moreover, despite past growth, the Kingdom’s real national wealth has declined.',\n", + " '此外,尽管有过去的经济增长,但王国真实的国民财富仍呈下降之势。'],\n", + " ['Japan’s Coming Political Earthquake', '即将来临的日本政坛地震'],\n", + " ['These groups argue that if the regime is not planning to rig the vote, then domestic as well as foreign observation of the polling process should not be a problem.',\n", + " '这些社团认为,如果现政权无意操纵投票,那么国内外对选举过程的观察就不应成为问题。'],\n", + " ['Los Angeles gets the Oscar, with Soviet-style queues through security.',\n", + " '如果要评最差的,那么洛杉矶机场堪称独占鳌头,比如通过安检时人们排成的长队简直跟苏联时期有得一比。'],\n", + " ['Responsibility for that lies, first and foremost, with the FDP.',\n", + " '之所以如此,首要原因在于FDP。'],\n", + " ['Opposition leaders and democracy watchdogs say Moldova’s election process was fundamentally flawed.',\n", + " '反对党领袖和民主监督人士说摩尔多瓦的选举过程存在着根本性的缺陷。'],\n", + " ['A gentler Fed also means less risk of dollar appreciation – an unambiguous benefit for commodity markets and dollar-indebted emerging economies.',\n", + " '更加温和的美联储也意味着美元升值风险降低——毫无疑问,这对于大宗商品市场和负有美元债务的新兴经济体来说是好消息。'],\n", + " ['An alternative minimum tax was established, along with a slight increase in gasoline taxes, but both were so watered down that they barely add up to anything.',\n", + " '另一种可选择的最低税务标准被建立起来,同时汽油税也略有上调。 但这两项税制改革都被冲淡得几乎起不到什么实质性的作用。'],\n", + " ['In particular, future changes to its relationship with the EU, especially a future re-entry, if desirable, would be difficult to negotiate (perhaps especially given European leaders’ desire to deter other member states from following the UK’s example).',\n", + " '特别是,如果未来英国渴望改变其与欧盟的关系,特别是重新入盟的话,谈判将十分困难(考虑到欧洲领导人想威慑其他意欲效仿英国的成员国,将特别困难)。'],\n", + " ['Iran must decide whether it wants to follow the North Korean route to international isolation, or some variation on the Chinese route to integration into the global economy.',\n", + " '伊朗必须决定是否要追随朝鲜的国际孤立线路,还是采取某种类似于中国的方式融入全球经济的范畴。'],\n", + " ['So when economists shade their arguments, they effectively favor one set of barbarians over another.',\n", + " '因此,当经济学家遮掩观点时,他们实际上是为了躲避一群野蛮人而便利了另一群野蛮人。'],\n", + " ['Finally, many who are seduced by the romance of organic farming ignore its human consequences.',\n", + " '最后,很多受到有机耕作浪漫诱惑的人忽略了它给人类带来的后果。'],\n", + " ['China is plainly bullying its southern neighbors by using the menacing term “core interests” (in pursuit of which a country would resort to the use of force) to have its way in various disputes.',\n", + " '中国显然正在利用“核心利益”(为确保核心利益一国将不惜动用武力)这个来势汹汹的词来欺侮它的南部邻国,在一系列争端中保障自己的利益。'],\n", + " ['Our longer-term goal is to strengthen these systems enough to reach all children in Mozambique with basic vaccines and other forms of health care.',\n", + " '我们的长期目标是强化常规免疫系统,使其覆盖莫桑比克所有儿童,让他们获得基本疫苗和其他医疗服务。'],\n", + " ['Another possibility could be to eradicate prion diseases in livestock by removing the host’s prion gene.',\n", + " '另一种可行之道是通过消灭宿主朊病毒基因根除牲畜朊病毒疾病。'],\n", + " ['(“Consider the end”), the Romans used to say.', '”(Respice finem! )。'],\n", + " ['But goals without actionable strategies are just good intentions.',\n", + " '但没有可行战略支撑的目标仅仅是良好的愿望。'],\n", + " ['So I believe that the future for political parties is to develop a culture of debate, dialogue, and critical understanding of issues, where people can help set a nation’s priorities and are not simply told by experts or their leaders what is right and wrong for them.',\n", + " '因此,我相信政党的未来应该发展辩论、对话以及批判性理解政治事件的风尚,这样国民就能帮助确立国家重点,而不是仅仅由专家或他们的领导人来告诉他们对错。'],\n", + " ['Moreover, a Big Three bankruptcy will bankrupt other companies, risking a cascade of financial damage as their bonds and equities fall in value and further CDS events are triggered. This is the nightmare outcome that risks replicating the Crash of 1929.',\n", + " '此外,三巨头的破产将导致其它公司的破产,当其债券和股票贬值以及更多的CDS事件被触发时,就会冒一连串的经济损失的风险,这种恶梦般的结果,会冒重演1929年大萧条历史的风险。'],\n", + " ['In the UK, reversing obesity trends could save the National Health Service about $1.2 billion a year.',\n", + " '在英国,扭转肥胖趋势可以让全国医保(National Health Service)每年节约约12亿美元。'],\n", + " ['The air in the sheds is high in ammonia from bird feces, which are usually allowed to pile up for months – and in some cases for a year or more – before being cleaned out.',\n", + " '鸡棚内的空气充斥着氨气和鸡屎的味道,几个月都得不到清理,有时会堆上一年甚至更长。'],\n", + " ['We cannot survive without fire; we just need it in the right ways.',\n", + " '没有火,人类就难以生存; 我们需要的只是正确的使用火。'],\n", + " ['There are now calls for improved tsunami early warning systems.',\n", + " '人们呼吁改善海啸的早期预警系统。'],\n", + " ['The Great Global Bargain Hunt', '全球捡便宜货大行动'],\n", + " ['But it is not only a shortage of capable public servants that hamstrings the NTC. Just as pressing are the time constraints under which it is operating.',\n", + " '但削弱过渡委员会权威的可不仅仅是得力公务人员的缺乏,还有自己日渐减少的施政时间。'],\n", + " ['In reality, consumer protection in the US is considerably better and stricter than in the EU, where, following the European Court of Justice’s Cassis de Dijon decision, the minimum standard applicable to all countries is set by the country with the lowest standard in each case.',\n", + " '现实是美国消费者保护较欧盟更加严格完善,因为欧洲法院的卡西斯第戎决议生效后,所有国家适用的最低标准由特定情况下国家的最低标准决定。'],\n", + " ['If they do, will the West withdraw its support for Egyptian democracy in the name of “stability”?',\n", + " '如果他们获胜,则西方会不会以“稳定”的名义撤回其对埃及民主的支持?'],\n", + " ['Of course, self-destructive national behavior is not new. But, more often than not, leaders have managed to pull back from the brink.',\n", + " '当然,自我毁灭的国家行为并不是今天才有,但更多的是领导者成功把自己的国家从悬崖边缘拉了回来。'],\n", + " ['If implemented fully, the current round of reforms would have a far-reaching impact on China’s political economy, because they shift the balance of power from officials to markets.',\n", + " '如果能够充分实施,当前的改革措施将对中国政治经济产生深远影响,因为它们改变了权力平衡,让它从官员手中转移到市场手中。'],\n", + " ['But the most shocking aspect of the move is that arts and humanities departments will be targeted more aggressively than science and engineering, which are supposedly better for business.',\n", + " '但此举最令人震惊之处,莫过于对艺术和人文学科的削减力度将大于科学和工程学科——即便后者总能触摸到那些商界大财主的钱袋。'],\n", + " ['Soon, Indian political parties began to break up, giving rise to a large number of regional and caste-based parties.',\n", + " '很快,印度政党就开始分裂,进而诞生了大批以地区和种姓为基础的党派。'],\n", + " ['For example, many projects are completed toward the end of the budgetary cycle, generating a backlog of unpaid bills in the MFF’s later years.',\n", + " '比如,许多项目在预算周期末尾才完成,造成MFF后期应付款项积压。'],\n", + " ['Sixteen years later, Trump stood in the White House Rose Garden and announced, with equal sophistry, that the Paris climate agreement would devastate the US economy and cost America some 2.7 million jobs, mostly in the construction industry, by 2025.',\n", + " '六年后,特朗普在白宫玫瑰园用同样的诡辩宣布,巴黎气候协定将破坏美国经济,而且截止2025年将令美国损失约270万个工作岗位,其中多数是建筑业岗位。'],\n", + " ['The alarm bells should be ringing loud and clear across Asia – an export-led region that cannot afford to ignore repeated shocks to its two largest sources of external demand.',\n", + " '亚洲人应该清晰地听到了警钟——出口导向地区不能对其最大的两个外部需求源的反复震荡无动于衷。'],\n", + " ['Simply put, governments can no longer afford to drain precious time and money that could be better spent elsewhere by locking up people for drug-related offenses.',\n", + " '简言之,政府已经无法承受由于对吸毒人员实施监禁而耗费时间和金钱,而这些资源本来可以被更有效地用在别处。'],\n", + " ['But let’s not rule out so quickly at least modest robot taxes during the transition to a different world of work. Such a tax should be part of a broader plan to manage the consequences of the robotics revolution.',\n", + " '但在过渡到另一个职业世界的过程中,我们可不能那么快就将机器人税排除在外,而是应该将其归入针对机器人革命所产生后果的更宏大应对方案中。'],\n", + " ['Economists who pretend that this would be anything less than an economic and political catastrophe for Greece should look closely at the structure of Greek trade, the anemic response of exports to the already huge internal devaluation, and company and household balance sheets.',\n", + " ')假装这一情形不会给希腊带来经济和政治灾难的经济学家应该仔细看看希腊贸易的结构,看看已经进行了巨大的内部贬值的希腊出口并没有得到提振,看看希腊公司和家庭的资产负债表。'],\n", + " ['The following month, the IAEA reported the Islamic Republic to the Security Council for its failure to be forthright about its nuclear program.',\n", + " '2月,IAEA向安理会报告伊朗没有坦白其核计划。'],\n", + " ['Deficient and deteriorating transit systems impose another $90 billion in annual economic costs.',\n", + " '有缺陷又维护不力的交通体系每年也会带来900亿美元的经济成本。'],\n", + " ['A government that kept its nose out of people’s economic business.',\n", + " '政府不干涉人民的经济活动。'],\n", + " ['Japanese, South Koreans, Dutch, Canadians, and Russians score consistently higher.',\n", + " '日本、韩国、荷兰和俄罗斯的得分比美国高很多。'],\n", + " ['After a series of showdowns, in which one company, Daewoo, threatened to default, and political forces rallied to its assistance, the government won; the hugely powerful Daewoo group underwent bankruptcy and restructuring.',\n", + " '在一系列争锋相对后——在此期间,大宇公司威胁要违约,各政治势力联手挽救——政府取得了胜利; 炙手可热的大宇集团破产并被重组。'],\n", + " ['Unfortunately, some that escaped pro-cyclicality in the last decade have since been backsliding.',\n", + " '不幸的是,一些在过去十年中一度摆脱了顺周期政策的国家又故态复萌。'],\n", + " ['Proponents only discredit themselves by deriding the skeptics as protectionists.',\n", + " '如果那些支持者们只是一味将怀疑的声音诬为保护主义者的话,最终受害的还会是他们自己。'],\n", + " ['Perdagangan adalah suatu hal yang baik dan kita harus menghilangkan hambatan atas perdagangan demi kebaikan kita sendiri – bukan demi membantu negara lain.',\n", + " '贸易对我们有利,我们也应该为了自己的利益——而不是为了帮助其他国家——而排除贸易障碍。'],\n", + " ['To begin with, it would entail putting together a diplomatic package that offered Iran access to nuclear energy but not physical control over nuclear materials.',\n", + " '首先,必须采取一整套外交努力使伊朗能够获取核能但是却不能实际控制核材料。'],\n", + " ['Several months later, only 4%-6% of the funds have been spent, and the federal government is brow-beating state governments – for example, demanding that California rescind a small pay cut for some unionized workers or lose $7 billion in stimulus funds.',\n", + " '几个月过后这笔巨资只花掉了4-6%,联邦政府因此把一腔怒火统统发向州政府——比如要求加利福尼亚取消对某些工会工人的小幅工资削减,或者放弃价值70亿美元的刺激资金。'],\n", + " ['In consenting to become prime minister, Putin is well aware of what to expect.',\n", + " '在同意接任总理职位时,普京显然很清楚等待他的会是什么。'],\n", + " ['The ECB, protected by statutory independence and a price-stability mandate, has shown no inclination to accede to pressure from French President Nicolas Sarkozy or anyone else.',\n", + " '欧洲中央银行在法律上保持独立,其使命是维持价格稳定。 它还没有表明愿意屈从于来自法国总统萨尔科奇或者其他任何人的压力。'],\n", + " ['There are gruesome tales of young people who have been forced to sell their kidneys and other organs simply to survive.',\n", + " '更有大量可怕的传闻说有年轻人被迫为了生存而卖肾和其他器官。'],\n", + " ['The plan was broadly endorsed, but no action was taken.',\n", + " '该计划得到了广泛支持,但并没有拿出行动。'],\n", + " ['The play ends with the Rolling Stones’ historic concert in Prague in 1990.',\n", + " '该剧以滚石乐队1990年历史性的布拉格音乐会为结尾。'],\n", + " ['Attracting young people with the promise of jobs, and older voters with the prospect of reform and growth, Modi won a mandate that stunned the country’s pollsters.',\n", + " '莫迪用就业承诺吸引年轻人,用改革和增长前景吸引年纪较大的选民,他获得的支持率让印度民意专家大跌眼镜。'],\n", + " ['Similarly, renminbi internationalization should be encouraged rather than resisted.',\n", + " '类似地,人民币国际化应该受到鼓励而不是阻止。'],\n", + " ['But we are also fundamentally social creatures.', '但我们从根本上也是社会生物。'],\n", + " ['Nor would the size of the tax be tied to the damage that major bank failures do to the rest of the economy.',\n", + " '税收的规模也与大银行倒闭对经济所造成的伤害无关。'],\n", + " ['Above all, they should bear in mind that even during past periods of rapid technological change, far more people benefited from free and open trade than from protectionist barriers.',\n", + " '最重要的是,他们应该铭记,即便在过去的几次快速技术变革时期,人们从自由和开放贸易中所获得的好处也远大于保护主义壁垒。'],\n", + " ['Given that India still has almost as many Muslims as Pakistan, it is possible that religious tensions could have been mitigated within the confines of a single country.',\n", + " '鉴于印度与巴基斯坦的穆斯林人口数目几乎相当,那么把这些人归于单一国家的范围内可能会有助于缓解宗教紧张局势。'],\n", + " ['The index each month was the total number of articles with those three words, divided by the total number of articles in the targeted newspapers each month.',\n", + " '该指数的月度读数为包含这三个词的文章总数,除以目标报纸每月文章总数。'],\n", + " ['Had Clinton tried to send US troops, he would have encountered stiff resistance in Congress.',\n", + " '如果克林顿试图派遣美军他将遭遇国会的顽强抵抗。'],\n", + " ['In the first stage, beginning in the spring of 2008, the locus of the North Atlantic crisis moved from the United States to the eurozone.',\n", + " '第一阶段始于2008年春,北大西洋危机从美国转移到了欧元区。'],\n", + " ['Many foreign leaders quickly switched from schadenfreude to fear – and to the security of US treasury bills.',\n", + " '许多外国领导人迅速从幸灾乐祸转向担忧——以及对美国国库券安全的关注。'],\n", + " ['Add to that the EU’s “passporting” system, which enables London-based banks to sell their services directly throughout the EU, and the growth of the city’s financial-services sector makes perfect sense – as does the fact that citizens of London voted overwhelmingly against Brexit.',\n", + " '此外还要归功于欧盟的“护照”制度,该制度使得位于伦敦的银行能够直接在整个欧盟销售服务,而伦敦金融城金融服务业的增长则是水到渠成——伦敦公民压倒性地反对英国脱欧亦是如此。'],\n", + " ['Second, there is the relationship between oil prices and the need for income diversification in the oil-producing countries.',\n", + " '其二,油价和产油国对收入多样化的需求中也存在着联系。'],\n", + " ['That doctrine, by imposing austerity in a period of rising unemployment, threatens to push the eurozone into a vicious deflationary debt spiral from which it will be difficult to escape.',\n", + " '峰会提出的思想是在失业率上升的时期采取财政紧缩,这可能会导致欧元区陷入难以摆脱的恶性通缩债务循环。'],\n", + " ['Higher government spending could stimulate the economy further, assuming that it generates a level of inspiration like that of the Interstate Highway System.',\n", + " '提高政府支出可以进一步刺激经济,如果能够产生与州际高速公路系统相当的鼓舞效果的话。'],\n", + " ['Come next year, everyone in Washington, DC, had better be nice to Trump, lest they be subjected to nasty tweets, hate mail, and online attacks.',\n", + " '即将到来的一年,首都华盛顿的每个人最好都迎合特朗普,否则就有可能面对下流的推特、仇恨邮件和网络攻击。'],\n", + " ['In Europe, we see a different pattern.', '在欧洲,我们看到的是不同的趋势。'],\n", + " ['Peace negotiators understandably fear that criminal accountability for past crimes will threaten their side’s leaders and supporters.',\n", + " '和平谈判代表担心追究过去罪行的刑事责任会威胁本方领导人和支持者的安全是有道理的。'],\n", + " ['This approach limits gains from trade.', '这一方针制约了贸易所带来的收益。'],\n", + " ['The second peace process at stake is the new attempt to unify Cyprus, which has been divided since its constitutional breakdown in 1963 and Turkey’s invasion in 1974.',\n", + " '第二个重要的和平进程是统一塞浦路斯的新尝试。 自1963年在宪法崩溃以及1974年土耳其入侵以来,塞浦路斯一直处于分裂状态。'],\n", + " ['The result is that overdraft credits to the Greek central bank have grown by nearly €1 billion a day in recent months.',\n", + " '结果是近几个月来希腊央行的透支信用每天都要增加近10亿欧元。'],\n", + " ['Rather, the best case arises from a general sense that financial institutions have become too complicated to regulate and too big to fail even when staying within their traditional businesses.',\n", + " '最佳例证在于总体图景:金融机构变得太复杂而无法监管,太庞大而无法倒闭,即使它们仍从事着自己的传统业务。'],\n", + " ['However, this tax structure’s impact would vary over time, as interest rates rise and fall.',\n", + " '但是,这一税收结构的影响会因为时间而随利率波动而改变。'],\n", + " ['At some point, emerging-market demand for US assets would be sated.',\n", + " '在某个时点,新兴市场对美国资产的需求会得到满足。'],\n", + " ['First, markets need clear rules.', '首先,市场需要明确的规则。'],\n", + " ['Or it may be that the greatest happiness of all comes from not having to worry about stuff like this.',\n", + " '或者,说到底,最大的幸福来自不再担心这一问题。'],\n", + " ['Russia needs Ukraine if it is to build the so-called Eurasian Union, the economic bloc that Putin is seeking with Kazakhstan and Belarus.',\n", + " '欧亚联盟是普京着力和哈萨克斯坦及白俄罗斯打造的经济集团,而乌克兰的参与是所谓欧亚联盟所不可或缺的。'],\n", + " ['It became clearer that the problem lay with instability in the global financial system itself – the bouts of euphoria and bubbles, followed by the sudden stops and sharp reversals that are endemic to unsupervised and unregulated financial markets.',\n", + " '显然,问题在于全球金融体系本身的不稳定性——层出不穷的狂热和泡沫以及随之而来的不受监管和监督的金融市场常见的突然停止和急剧逆转。'],\n", + " ['Another risk is that reform attempts could provoke a political backlash that would be harmful to long-term investment.',\n", + " '另一项风险在于改革尝试可能会引发一场不利于长期性投资的政治反弹。'],\n", + " ['Those of us who believe that invading Iraq was a mistake, and that Bush is guilty of hubris in his failure to plan adequately for the aftermath, face a dilemma: if America withdraws too precipitously, it may compound these mistakes.',\n", + " '我们当中坚持侵略伊拉克是错误的,并且坚持布什应该对缺乏战后规划负责的人现在面临着一个两难的境地:如果美国撤军过于仓促,可能又会错上加错。'],\n", + " ['Other decisions have dealt with taxation, social legislation, or electoral laws.',\n", + " '其他决定涉及税收、社会立法或选举法等领域。'],\n", + " ['Recognizing that there is more to heredity than DNA has implications for medicine and agriculture, as well as for evolutionary theory.',\n", + " '承认除DNA以外更多的物质遗传,对医药和农业以及进化论具有重要意义。'],\n", + " ['What I do know is that the way the issue is usually posed is wrong.',\n", + " '我知道的只是,这个问题往往以一种错误的方式被提出。'],\n", + " ['Indeed, as in the two previous risk-off episodes, central-bank liquidity backstopped markets and economies.',\n", + " '事实上,在前两次避险事件中,正是央行流动性支撑了市场和经济。'],\n", + " ['MOSCOW – During the Cold War, the Soviet Union and, in a milder way, the United States imposed external limits on the activities of states and societies, causing longstanding conflicts among smaller countries to be “frozen.”',\n", + " '莫斯科—冷战期间,苏联和美国(手段相对较温和)为国家和社会的活动设定了外部限制,这让小国之间的长期冲突都“冻结”起来了。'],\n", + " ['Indeed, the pundits have a point: if the current economic near-stagnation in Siberia persists, the world will witness a second, epic edition of Finlandization, this time in the east.',\n", + " '事实上,专家认为,如果西伯利亚维持当前近于停顿的经济趋势,那么世界将再一次经历大规模的芬兰化,这一次将发生在东方。'],\n", + " ['PRINCETON – The protest movements that have flared up across the West, from Chile to Germany, have remained curiously undefined and under-analyzed.',\n", + " '普林斯顿——从智利到德国,西方各国燃起的抗议活动既缺乏思考又缺乏定义,这一点令人感觉十分怪异。'],\n", + " ['I grew up with Malthus’s ideas brought up-to-date in apocalyptic books like The Population Bomb .',\n", + " '我是读着将马尔萨斯理论现代化了的 《人口爆炸》 等灾难预警作品长大的。'],\n", + " ['A more adventurous plant diet is possible.', '我们也许可以找到更丰盛的植物大餐。'],\n", + " ['The archipelago will always be in the path of tropical storms.',\n", + " '这个群岛国家永远位于热带风暴的路径上。'],\n", + " ['Traditionally Asian Uzbekistan and Turkmenistan have resumed the tribal forms of autocracy they practiced throughout the centuries.',\n", + " '传统的亚洲国家乌兹别克斯坦和土库曼斯坦恢复了实行数个世纪的部落式独裁政治。'],\n", + " ['Still, Iraq has vast oil and natural-gas reserves, to which all of the major oil companies wanted access.',\n", + " '不过,伊拉克仍拥有丰富的石油和天然气储备,让所有大型石油企业都垂涎欲滴。'],\n", + " ['PARIS – China may be just a few years away from becoming the world’s leading economic power, and America’s strategic centrality may be on the wane (certainly, no one speaks of the United States today as the world’s “hyperpower”).',\n", + " '巴黎—也许不出几年,中国就将成为世界第一大经济强国,而美国的战略核心地位可能正在丢失(显然,没人再把如今的美国称为世界“超级大国”了)。'],\n", + " ['One hopes that those who understand the economics of debt and austerity, and who believe in democracy and humane values, will prevail.',\n", + " '我们希望理解债务和紧缩经济学,并且相信民主和人道价值的人能够胜出。'],\n", + " ['Obama’s defense of the JCPOA may be helping Netanyahu in this regard, thanks to some historical claims that may be even more dubious than his arguments regarding Iran’s nuclear policies.',\n", + " '因为有些历史要求甚至比伊朗核政策提法更令人怀疑,奥巴马对联合综合行动计划的辩护可能会对内塔尼亚胡有所助益。'],\n", + " ['Faced with a collapsing economy and approaching elections, the temptation for Morsi to stoke nationalist, anti-Israel sentiment will become stronger.',\n", + " '面临经济崩溃局面和即将到来的选举的穆尔西面临着极大的诱惑点燃民族主义反以色列情绪。'],\n", + " ['The economy is incurring the inflationary costs of the Bank’s policy while missing out on the intended benefit of growth.',\n", + " '整个经济正承受着央行政策所带来的通胀成本,但同时又无法得到原本预计的增长实惠。'],\n", + " ['Reaching out was an important component of establishing the rule of law, and it also sent a message that Iraq had truly turned a corner – that no single party sought to dominate Iraq.',\n", + " '集思广益是建立法治的重要组成部分,而且表明伊拉克的确已经转变,那就是,没有一个单一的政党寻求统治伊拉克。'],\n", + " ['This will also allow companies to gain valuable insights into their own potential for change, reflecting a time-honored principle: what gets measured, gets managed.',\n", + " '这还将让公司能够获得关于自身变革潜力的宝贵洞见,体现一个经过时间考验的原则:可测量方可管理。'],\n", + " ['If ratings are not backed by the force of law, so the argument goes, regulators need not worry about rating quality and can leave the monitoring of raters to the market.',\n", + " '这种说法认为,如果评级失去了法律的支持,监管机构就不必担心评级质量,可以让市场承担起监管评级机构的职责。'],\n", + " ['I am one of those who believe that recovery from the crisis requires fiscal stimulus.',\n", + " '我也认为要从危机中恢复需要财政刺激。'],\n", + " ['Nor can we simply allow free riders to weaken intellectual property.',\n", + " '我们也绝不能做事免费搭车者削弱知识产权。'],\n", + " ['It is part of the everyday life of many citizens – even part of their identities – that they suffer from an expensive health problem.',\n", + " '很多人饱受费用高昂的健康问题困扰,这成了他们日常生活、甚至是自身特点的组成部分。'],\n", + " ['Indeed, its sluggishness has confounded even the experts.',\n", + " '按IMF的预计,世界经济应该在2011年增长4. 4%,在2012年增长4.'],\n", + " ['Some of the debt does not even appear in the official statistics of borrowing countries, because it was often taken on not by domestically-based firms, but by their offshore subsidiaries.',\n", + " '一些债务甚至根本不出现在借款国的官方统计数字中,因为它们由本国企业通过离岸分支借入。'],\n", + " ['If this is right, the sociopolitical impact of a change in the ethnic composition of a population is neutral, or even beneficial.',\n", + " '果真如此的话,人口民族构成的社会政治影响应该是中立甚至积极的。'],\n", + " ['But mass movements can take a country only so far; establishing a credible representative government requires political parties organized around clearly defined principles.',\n", + " '但群众运动充其量也只能将一国推动到这一步,建立可信的代议制政府要求围绕明确指导原则组织起来的政党。'],\n", + " ['Events like the Holocaust or the genocides in Ukraine (1932-1933), Cambodia (1975-1979), or Rwanda (1994) have been based either on secrecy or on the dissemination of a distorted worldview designed to make evil appear good.',\n", + " '大屠杀和乌克兰(1932—1933)、柬埔寨(1975—1976)以及卢旺达(1994)种族灭绝要么是秘密进行的,要么是在传播扭曲的世界观、让恶魔看起来十分善良的情况下发生的。'],\n", + " ['The open economic space and the principle of solidarity helped ensure that economically less developed countries that joined the European Economic Community and, later, the European Union, progressed at an astonishing pace, enhancing the living standards of their peoples.',\n", + " '开放的经济空间和团结的原则确保了那些加入欧共体,而后再加入欧盟的经济较不发达的欧洲国家飞速发展,不断提高其人民的生活水平。'],\n", + " ['Emerging-market economies came under intense pressure, with inflows to investment funds falling sharply, asset prices declining, and many currencies losing value against the dollar.',\n", + " '新兴市场经济体承受了巨大的压力,投资资金流入剧减,资产价格下跌,许多货币兑美元汇率也纷纷贬值。'],\n", + " ['Obama and his top advisers have spoken regularly about the need to address the underlying sources of conflict, including poverty and unemployment.',\n", + " '奥巴马和他的高级顾问们时常提到有必要解决冲突的深层根源,其中包括贫穷和失业。'],\n", + " ['But this figure is not reported widely because it is much less alarming.',\n", + " '但这一数字并没有被广泛报道,因为它没什么可大惊小怪的。'],\n", + " ['SAN FRANCISCO – Rwanda has achieved some of the most dramatic gains in health and poverty-reduction in the world.',\n", + " '旧金山—卢旺达取得了全世界医疗和减贫方面最重大的成果。'],\n", + " ['Multilateral development institutions such as the Asian Development Bank (ADB) have a role to play in providing support to ensure that systems, capacity, and market-access initiatives are undertaken in ways that improve compliance.',\n", + " '多边发展机构,如亚洲开发银行能够帮助提供支持以确保制度、能力和市场进入方案能够以改善遵守情况的方式推行。'],\n", + " ['So, although they won’t succeed in raising saving on the scale that Singapore has, they can make real progress.',\n", + " '所以,尽管它们无法把储蓄水平提高到新加坡那样的高度,但是它们还是可以取得实际的进展。'],\n", + " ['The second reason why such studies should not deter regulators from continued intelligent action is that the research focuses on long-term debt.',\n", + " '研究不应该让监管者停止思考的第二个原因是这些研究集中在长期债券。'],\n", + " ['Clearing your name can be difficult.', '证明清白可能会非常困难。'],\n", + " ['Indeed, in the United States and France, there are even alternative female candidates for the presidency (Condoleezza Rice in America, Michelle Alliot-Marie in France).',\n", + " '事实上,在美国和法国,甚至还有另外一些女性的总统候选人,美国有赖斯,法国有阿里奥马里 。'],\n", + " ['Indeed, granting explicit lender-of-last-resort powers to the Bank of England would mean that the “millennium of the paper-mongers would be at hand.”',\n", + " '事实上,给予英格兰银行明确的最后贷款人权力将意味着“票据贩子的黄金时代”。'],\n", + " ['At the Hawaii summit, Obama must orchestrate the first steps toward constructing an effective multilateral framework within which the complications posed by China’s rise can be addressed.',\n", + " '在夏威夷的峰会上,奥巴马必须就构建有效的多边框架做出初步的安排,好让中国崛起所引发的各种复杂问题能够在这个框架内得到解决。'],\n", + " ['Building on the work of Rosalind Franklin and Maurice Wilkins, they had discovered DNA’s double-helix structure, providing the first glimpse into how organisms inherit and store biological information.',\n", + " '克里克和沃森在富兰克林(Rosalind Franklin)和威尔金斯(Maurice Wilkins)工作的基础上发现了DNA的双螺旋结构,第一次窥探了生命体如何继承和储存生物信息。'],\n", + " ['The EU is truly “convincing” only when it can use the seductive power of a membership card.',\n", + " '欧盟只有运用其成员国资格这一张有诱惑力牌的时候才真正“有说服力”。'],\n", + " ['We would like to boost spending immediately by getting businesses to invest not only in projects that trade safe cash now for safe profits in the future, but also in those that are risky or uncertain.',\n", + " '有些项目是用现在安全的现金换取将来安全的利润。'],\n", + " ['In other words, the US spends as much on arms as the rest of the world combined.',\n", + " '换句话说,美国的军费开支等于世界其他国家军事开支的总和。'],\n", + " ['So far, European integration has largely been a process of “falling forward,” with each stumble serving as a lesson from which a stronger union emerges.',\n", + " '目前,欧洲一体化大体上是一个“掉向前”(falling forward)的过程,每一次跌倒都会成为形成更坚固的联盟的教训。'],\n", + " ['Let us bring the TPP to a successful conclusion through our joint leadership.',\n", + " '让我们通过我们的联合领导实现TPP的圆满成功。'],\n", + " ['Trump will probably have more instinctive sympathy for Australia than he will for many other US allies.',\n", + " '特朗普可能从本能上同情澳大利亚甚于其他许多美国盟友。'],\n", + " ['But simplistic free-market optimism is misplaced for at least four reasons.',\n", + " '但是至少由于四方面的原因,过于单纯化的自由市场乐观主义被放错了位置。'],\n", + " ['But this demand for political moderation impedes the search for the radical and painful solutions that Britain needs.',\n", + " '然而,这种一味求稳的政治气候会妨碍英国寻找大刀阔斧的改革之道,而那才是英国所急需的东西。'],\n", + " ['Moreover, with the advanced economies facing budgetary pressures, foreign aid may be severely constrained for some time to come.',\n", + " '此外,由于发达国家面临着预算压力,在未来数年中,对外援助力度将大大减小。'],\n", + " ['Meanwhile, free-trade negotiations seem to ignore historical trends.',\n", + " '同时,自由贸易谈判似乎忽视了历史趋势。'],\n", + " ['Detecting a “graviton\" – the hypothetical particle making up part of a gravitational field – would require a particle collider the size of the Milky Way or a detector with a mass of the planet Jupiter.',\n", + " '检测“引力子”——形成部分引力场的假象粒子——需要银河系那么大的粒子对撞机或质量与木星相当的检测器。'],\n", + " ['BERKELEY – The last few weeks have been the most amazing – and important – period of the euro’s 11-year existence.',\n", + " '伯克利——最近几周是欧元问世11年来最刺激也最重要的一段日子。'],\n", + " ['The question is what their next step will be.', '现在问题就在于,这帮人下一步将怎么走?'],\n", + " ['We believed that economic development would solve all our problems.',\n", + " '我们相信经济发展可以解决所有问题。'],\n", + " ['The biggest banks were badly run in the years leading up to the crisis of 2008 – exhibiting a toxic mixture of hubris, incompetence, and excessive leverage – and their governance problems today are worse than they were in 2005 or 2007.',\n", + " '在2008年危机之前,大银行经营不善——表现为狂妄、无能、过度负债的危险组合——二如今,它们的治理问题更要重于2005或2007年。'],\n", + " ['In France, the historical occurrence of the Armenian genocide is enshrined in law, and denial of its occurrence is regarded in the same way as Holocaust denial.',\n", + " '在法国,亚美尼亚屠杀被神圣地写进了法律,否认它的发生就像否认纳粹的种族大屠杀曾经发生过一样。'],\n", + " ['The paper went on to warn that, “In their own hearts, we are afraid that Chu and Locke put their priorities in exactly the opposite order.”',\n", + " '不过在这两位心里,恐怕是恰恰相反的一种排序。 ”'],\n", + " ['We have gone from managerial to stockowner capitalism, from economies with large doses of state direction to far more deregulated markets, from the active and expansive social policies of the 1960s’ and 1970’s to a world in which such spending is constantly shrinking.',\n", + " '我们从以管理层为核心的资本主义过渡到以股东制为核心的资本主义,从经济在很大程度上由国家控制过渡到逐步解除对市场的管制,从20世纪60、70年代广泛实行积极的社会政策过渡到目前的不断缩减社会开支。'],\n", + " ['Because stronger demand means less slack in product and labor markets, the recent growth acceleration in the advanced economies would be expected to bring with it a pickup in inflation.',\n", + " '由于强劲的需求意味着产品和劳动力市场将有所回暖,人们寄望近期发达经济体的增长加速能带来通胀的回升。'],\n", + " ['·\\xa0\\xa0\\xa0\\xa0\\xa0\\xa0\\xa0\\xa0 The government’s success in building up Afghanistan’s multi-ethnic security forces.',\n", + " '·\\xa0\\xa0\\xa0\\xa0\\xa0\\xa0\\xa0\\xa0 阿富汗政府成功地建立多种族的阿富汗安全部队。'],\n", + " ['But it has always been clear that much more is needed to improve the efficacy of such actions.',\n", + " '但很明显需要采取进一步措施来改进上述行动的效果。'],\n", + " ['This contributed to record-low voter turnout of 52% – the one real blemish on the LDP’s victory.',\n", + " '这导致了创纪录的低投票率(52%),成为自民党胜利中的一个名副其实的瑕疵。'],\n", + " ['The US cannot impose its will unilaterally, and trying to do so has merely arrayed other powerful countries, including China and Russia, against it.',\n", + " '美国不能单方面强加自己的意志,这样做只能让其他有实力的国家(包括中国和俄罗斯)一起反对它。'],\n", + " ['For instance, the immediate risks of breathing polluted air could be described in terms of the “micromort,” the unit representing a one-in-a-million chance of dying.',\n", + " '比方说,可以用“微死亡率”(micromort)为单位来描述呼吸受污染空气的直接风险,它所代表的是死亡概率的百万分之一。'],\n", + " ['NEW YORK – The International Monetary Fund and the World Bank are poised to hold their annual meetings, but the big news in global economic governance will not be made in Washington DC in the coming days.',\n", + " '发自纽约——国际货币基金组织和世界银行即将分别召开其年度会议,但有关全球经济治理的大新闻并非来自几天后的华盛顿特区。'],\n", + " ['Add to that efforts to facilitate foreign trade, and Brazil’s “animal spirits” of entrepreneurship could be unleashed, enabling Brazil to escape the current crisis and move toward a more prosperous future.',\n", + " '除此之外还要采取便利对外贸易的措施,巴西的企业家“动物精神”也要得到释放,以使巴西摆脱当前危机,走向更加繁荣的未来。'],\n", + " ['Given recent immigration trends and, more important, Muslims’ above-average fertility rate (three children per family versus the British average of 1.8), the Muslim share of the UK population is bound to grow for decades to come.',\n", + " '从当前移民趋势以及更重要的穆斯林高于平均值的生育率(每户人家有三个孩子,英国平均水平为1. 8个),穆斯林占英国人口比重在未来几十年中必然会不断增加。'],\n", + " ['In the important work of adapting educational institutions for the future, we must not lose sight of their core mission as articulated in the past.',\n", + " '在调整教育机构以适应未来的重要工作中,我们决不能忘记已在过去得到充分阐明的教育机构的核心任务。'],\n", + " ['It is about choice and proactively deciding how people’s data are used and how people use their own data.',\n", + " '这实际是一种选择,主动决定数据应如何利用及人们如何利用数据。'],\n", + " ['Since the fusion reactions produce alpha particles, which pollute the plasma, one has to insert a “divertor” inside the flame at 100 million degrees in order to clean it.',\n", + " '因为核聚变反应产生α粒子,后者会污染等离子体。 因此必须在1亿度的火焰中塞入一个“偏滤器”来清洁它。'],\n", + " ['Is the US to be a kind of hectoring NGO, lecturing friends and detractors alike for not being more like Americans?',\n", + " '美国是否想要扮演恃强凌弱的非政府组织,喋喋不休地指责朋友和批评者他们为什么不更像美国?'],\n", + " ['As a result, the issue became the focus of a vigorous campaign by discontented Kuwaitis, who gathered in front of the National Assembly building and in universities to voice their criticisms.',\n", + " '他们在国民大会大厦和大学集会表达他们的不满。 这个问题成为了这场运动的焦点。'],\n", + " ['SNAP is already in their sights.', 'SNAP是一项低收入家庭提供食物的计划,目前已经被国会共和党盯上。'],\n", + " ['The world has come full circle.', '又回到原来的问题。'],\n", + " ['The result has been a surge of commentary about the “two Europes” – one welcoming, one forbidding.',\n", + " '结果是“两个欧洲”的说法甚嚣尘上——一个善意友好、另一个严峻可怕。'],\n", + " ['It has depended, perhaps excessively, on American influence to balance its rivalries.',\n", + " '它或许过于依赖美国的势力来平衡对手。'],\n", + " ['MELBOURNE – One spring evening in 1997, when I was a mental-health researcher at the Australian National University in Canberra, I was discussing with my wife, Betty Kitchener, a registered nurse who taught first-aid courses for the Red Cross in her spare time, the inadequacy of conventional first-aid training.',\n", + " '墨尔本—1997年春天的一个傍晚,当时我还是堪培拉澳大利亚国立大学的一名心理健康研究员,我和我的妻子贝蒂·基齐纳(Betty Kitchener,她是一位注册护士,业余时间在红十字会教急救课程)讨论常规急救训练不足的问题。'],\n", + " ['The net result of all these calculations?', '所有这些计算的最终结果如何呢?'],\n", + " ['-1.7', '-1. 7'],\n", + " ['A worse outcome – and all too plausible – is further deterioration in the political and social cohesion that forms the foundation for vigorous policy responses.',\n", + " '更坏结果(而且发生的可能性很大)是造成政治和社会凝聚力进一步恶化,从而破坏制定有效对策的根基。'],\n", + " ['Such shortcuts help us navigate the complexities of our social existence. They help us form expectations about the consequences of our and others’ actions, and thereby facilitate decision-making.',\n", + " '这些捷径帮助我们游弋于自身社会存在的复杂性之中,协助我们对自己和他人的行为后果进行预测,从而促进决策。'],\n", + " ['Though complaints about the “bloated” acquis communitaire (the body of EU law) are often unfounded, the EU legislative process is not without its shortcomings, as recent attempts at harmonization clearly demonstrate.',\n", + " '尽管关于欧盟现行法(acquis communitaire)“臃肿”的抱怨常常毫无道理,但欧盟立法程序也不是没有缺点,最近的协调努力就是明证。'],\n", + " ['It is like looking through a telescope: a lot of detail, no perspective.',\n", + " '这就像是用望远镜观看,只有细节,没有整体。'],\n", + " ['Of course, this would be a recipe for global anarchy.',\n", + " '当然,这将会是全球无政府主义状态的温床。'],\n", + " ['And, theoretically, they are right.', '理论上,他们是对的。'],\n", + " ['As a result, Europeans, facing uncertain environmental consequences while receiving none of the revenues, tend to oppose fracking nearby.',\n", + " '因此,欧洲人既担心环境后果,有得不到任何开采的好处,故而会反对在自家附近开采页岩气。'],\n", + " ['But this is a comparatively small problem.', '但这相对而言只是一个小问题。'],\n", + " ['MAYNOOTH, IRELAND – For months, the European Union has been battered by economic storms that now seriously threaten a protracted Europe-wide recession.',\n", + " '爱尔兰梅努斯—好几个月以来,欧洲联盟都遭受着经济风暴的打击,这一场风暴现在正使得欧洲可能会面临长时间遍布全洲的严重衰退。'],\n", + " ['When released into a person’s circulatory system, hemoglobin in these higher oxidation states eventually self-destructs, damaging molecules in surrounding tissue.',\n", + " '当血红蛋白被释放到人的循环系统中时,高价铁形式最终会自我毁灭,伤害周围组织的分子。'],\n", + " ['Though US tactics were debated and shifted from administration to administration, the overarching approach remained consistent, because it was broadly supported by Republicans and Democrats alike.',\n", + " '尽管在策略上一直存在争论,并且随着政府的变换而改变着,但总体方针一直没有变化,因为这受到了共和党和民主党的广泛支持。'],\n", + " ['Well aware of this “danger,” China is implementing five policies.',\n", + " '而大陆方面对这一“危险”也有充分认识,并采取了五项应对政策。'],\n", + " ['With the first two requirements dependent on Italy’s turbulent domestic politics, investors are increasingly unwilling to bet on the relatively favorable scenario, which means that Italy does not have time.',\n", + " '前两大要求依赖于意大利一团糟的国内政治,因此越来越多的投资者不愿意下注于出现有利情景,而这意味着意大利来时无多。'],\n", + " ['In the late 1990s, it was estimated that the economic burden of anxiety totaled more than $40 billion.',\n", + " '20世纪90年代末,据估计焦虑所造成的经济负担高达400亿美元以上。'],\n", + " ['Yet little changes.', '但情况毫无改观。'],\n", + " ['It is extremely important that Iraq held elections to a constitutional assembly.',\n", + " '伊拉克制宪会议的选举至关重要。'],\n", + " ['TOKYO – The economics profession has not had a good crisis.',\n", + " '东京—经济学这个职业还从未有过好危机。'],\n", + " ['But, unlike his White House predecessors, Obama’s National Security Strategy recognizes the value of partnerships; attaches greater importance to the civilian dimension as opposed to the military; and stresses the value of dialogue and the need to reinforce international institutions.',\n", + " '但与他那些前任不同的是,奥巴马的国家安全战略承认伙伴关系的价值; 把更多的重点放在民间而不是军事上;'],\n", + " ['Some avid environmentalists were disappointed that the agreement did not commit firmly to limiting global warming to 1.5º Celsius above pre-industrial levels by 2050.',\n", + " '一些热情的环保主义者对协定感到失望,因为它没有坚决要求将2050年全球变暖幅度限制在前工业化水平以上1. 5℃以内。'],\n", + " ['The final element of the world’s collective bet is rooted in the belief that excessive market risk-taking has been tamed.',\n", + " '世界集体赌注的最后一项是认为市场的过度冒险行为可以得到遏制。'],\n", + " ['We need a Europe that is more concrete, less rhetorical, and better suited to the current global economy.',\n", + " '我们需要一个多点行动、少点口号、并能更好契合全球经济的欧洲。'],\n", + " ['As a result, the culture of physical violence and verbal provocation that is gaining ground in Putin’s Russia is deeply disturbing, whereas we tend to judge Chinese misdeeds with a greater sense of distance, if not indifference.',\n", + " '结果,身体上的暴力以及言语上的挑衅文化在普京统治下的俄国扎根,非常令人担忧,而我们却对中国的不良行为即使不是无动于衷,也是怀有更大的距离感。'],\n", + " ['But savings will need to be allocated far more efficiently than in the past.',\n", + " '但储蓄需要得到比从前更有效地配置。'],\n", + " ['Part of the problem is the emergence of China, whose ultra-low wages provide tough competition for Mexico, where wages are merely very low.',\n", + " '部分的原因在于中国的崛起,它极低的工资水平给墨西哥带来了严重的威胁,尽管后者的工资已经很低了。'],\n", + " ['The message from Morocco – and from our report – is that, with smart water policies and interventions, countries can ensure a climate-resilient, water-secure future.',\n", + " '来自摩洛哥——和我们报告——的信息显示,借助明智的水资源政策和干预手段,各国能够保证实现适应气候变化的安全的水资源未来。'],\n", + " ['According to WEF Chairman Klaus Schwab, the Fourth Industrial Revolution is beginning now, “characterized by a much more ubiquitous and mobile Internet, by smaller and more powerful sensors that have become cheaper, and by artificial intelligence and machine learning.”',\n", + " '世界经济论坛主席施瓦布认为,现在正在启动第四次工业革命,“其标志是互联网更加普及和机动; 价格低廉的传感器更加小巧和高效;'],\n", + " ['This idea of monetary financing of fiscal deficits (borrowing from the central bank, rather than from the bond markets) has a reputable pedigree.',\n", + " '这一用货币给财政赤字融资的想法(从央行而不是债券市场借钱)由来已久。'],\n", + " ['That failure placed the world on the path to the negative watershed posed by Nazi Germany and Imperial Japan.',\n", + " '由于美国的坐失良机,世界走上了通往消极分水岭的道路——纳粹主义德国和帝国主义日本崛起了。'],\n", + " ['We need to rescue morality from the claims of science.', '我们需要从科学角度拯救道德。'],\n", + " ['Using hit-and-run guerilla tactics and suicide bombers, Boko Haram has attacked police stations, government buildings, and churches, killing thousands.',\n", + " '博科圣地采用打一枪换一地的游击战术和自杀式人肉炸弹袭击过警局、政府大楼和教堂,造成数千人丧生。'],\n", + " ['About 14.5% of the American population as a whole is poor, but 19.9% of children – some 15 million individuals – live in poverty.',\n", + " '5%的美国总人口属于穷人,但19. 9%的儿童——大概相当于1,500万人——生活在贫困中。'],\n", + " ['So why is the Bush administration spending time and energy proposing radical changes to the Social Security System as its signature domestic policy initiative – indeed, as virtually its only policy initiative?',\n", + " '那么布什政府为什么要花时间和精力把社会保障体制的根本转变作为首要的、而且实际上就是唯一的国内政策举措呢?'],\n", + " ['Russia was doubtless freer than ever before, in virtually all respects, good and bad.',\n", + " '无疑,无论是好是坏,这时的俄罗斯实际上在各方面比以往更为自由。'],\n", + " ['Our understanding of how public institutions should adapt and reform is still evolving. As such, a complete solution is yet to emerge.',\n", + " '我们对于公共机构如何调整适应以及改革的认识仍在不断演化,尚不能产生一个完整的方案。'],\n", + " ['But neither Breivik, nor the terrorists of September 11, 2001, killed without reason, in the way some nihilistic American shooters do.',\n", + " '但不像美国某些虚无主义杀手那样,无论是布雷维克还是那些“9·11”恐怖分子,他们都杀戮都是有目的的。'],\n", + " ['No Agnostics in the Climate Foxhole', '在气候避弹坑中没有不可知论者'],\n", + " ['Finally, China needs a new energy strategy.', '最后,中国需要一个新的能源战略。'],\n", + " ['Now, with cutting-edge technology, the landfill has been turned into a green zone.',\n", + " '现在,随着尖端技术的引入,曾经的垃圾填埋场已经变身成为绿化带。'],\n", + " ['We shook hands at the end.', '我们最后握了手。'],\n", + " [\"I moved to mainland China in 1979, when the country's per capita income was less than one-third of Sub-Saharan Africa's.\",\n", + " '1979年我来到中国大陆,当时,中国大陆人均收入只有撒哈拉以南非洲的不到三分之一。'],\n", + " ['That should not stop the West from making the offer.', '这不应该阻止西方抛出橄榄枝。'],\n", + " ['For example, a recent paper by Francesco Aiello, Graziella Bonanno, and Alessia Via of the European Trade Study Group finds that “the long-run level of exports appears to be unrelated to the real exchange rate for the UK.”',\n", + " '例如最近由智库机构欧洲贸易研究组(European Trade Study Group)研究员法兰切斯科·埃罗(Francesco Aiello),格兹埃拉·布南诺(Graziella Bonanno)和阿列西亚·维阿(Alessia Via)共同发表的一篇论文就显示“长期出口水平似乎与英国的实际汇率无关”。'],\n", + " ['According to data released by the China Electricity Council, the amount of power that China generated from fossil fuels in 2014 decreased by 0.7% year on year, the first drop in recent memory.',\n", + " '中国电力企业联合会发布的数据显示,中国的化石燃料发电量2014年有史以来首次同比下降了0. 7%。'],\n", + " ['But even if the intellectual objection to extra revenue can be overcome in this way, the practical political problem is that every large tax expenditure – the home mortgage interest deduction, the exclusion of employer payments for health insurance, etc. – has its fervent defenders.',\n", + " '但即使对开源的理论反对可以用这种办法克服,还存在现实政治问题:所有大型税收开支项目——住房按揭利息减免、员工健康保险雇主支付部分税前扣减等——都有狂热的捍卫者。'],\n", + " ['This did not go unnoticed in Russia.', '这一举动没有逃过俄罗斯的眼睛。'],\n", + " ['There is no small irony in the fact that on November 15, America’s lame duck president, the unilateralist George W. Bush, is hosting a multilateral conference to discuss reshaping the global economic system.',\n", + " '11月15日,美国的瘸鸭总统,单边主义的信奉者乔治·W·布什将主持一次多边会议,探讨重塑全球经济体系的问题,这实在是个天大的讽刺。'],\n", + " ['A central bank, it was argued, never runs out of options for stimulating aggregate demand and stoking inflation, provided it is willing to resort to radical measures.',\n", + " '该思想认为,央行永远不会计穷于刺激总需求和抬高通胀,只要它愿意采取极端措施。'],\n", + " ['Countries with the resources to do so are making resistance plans against pandemics – limited strategies that would protect their own citizens.',\n", + " '拥有资源支持的国家都制定了对抗这些流行病的方案—可以保护其公民的有限战略。'],\n", + " ['The scientists at the Vatican meeting took extra care to emphasize that climate science and policy reflect fundamental principles of physics, chemistry, geology, astronomy, engineering, economics, and sociology, key parts of which have been well understood for more than 100 years.',\n", + " '前往梵蒂冈与会的科学家格外关注强调了气候科学和政策反映了物理学、化学、地质学、天文学、工程学、经济学和社会学的基本原理,其中的关键部分一百多年前便已被人们很好地认识到了。'],\n", + " ['Putin’s administration has been keen to take advantage of this favorable environment.',\n", + " '普京政府非常愿意利用如此有利的环境。'],\n", + " ['Andy Haldane, one of the lieutenants Carney inherited at the BoE, has questioned the financial sector’s economic contribution, pointing to “its ability to both invigorate and incapacitate large parts of the non-financial economy.”',\n", + " '卡尼履新英格兰银行后留任的副手之一的安迪·哈达恩(Andy Haldane)质疑过金融部门的经济贡献,认为“它可能让相当一部分非金融经济获得或失去活力。 ”他认为(在一篇标题十分吸引眼球的文章《金融部门的贡献:奇迹还是幻象?'],\n", + " ['Nonetheless, the challenge posed by Russia does not allow any further procrastination.',\n", + " '然而,俄罗斯带来的挑战不允许进行进一步的拖延。'],\n", + " ['But inflation remains high or rising, so more tightening is imposed.',\n", + " '但通货膨胀率依然居高不下,甚至仍在上涨,所以需要强制实施更多的紧缩政策。'],\n", + " ['WASHINGTON, DC – Last April, the International Monetary Fund projected that the world economy would grow by 3.5% in 2015.',\n", + " '华盛顿—去年4月,国际货币基金组织(IMF)预测2015年世界经济将增长3. 5%。'],\n", + " ['The trouble is that these experiences have not proved as informative for other countries as one might have wished.',\n", + " '麻烦在于,这些经验并没有如人们所愿那样为其他国家起到榜样性的作用。'],\n", + " ['This adaptation improved the plague’s biological fitness, which, for rodents – and the humans who live near them – has proven to be a nightmare.',\n", + " '这种适应能力提高了瘟疫的生物适应性,而这对啮齿动物——以及生活在啮齿动物周围的人来说——已经被证明是一场噩梦。'],\n", + " ['A former member of Iran’s parliament, Javad Ettaat, argues that the “government is contravening the principles of Islam by using an iron fist against protesters.”',\n", + " '前伊朗议会议员 Javad Ettaat 就指出 “ 政府重拳打击反对派的行为是违反伊斯兰原则的 ” 。'],\n", + " ['Nokia’s board resisted change, making it impossible for the company to adapt to rapid shifts in the industry.',\n", + " '诺基亚的董事会拒绝改变,导致公司无法跟上行业的变化节奏。'],\n", + " ['But it seems that Abe’s Middle East tour presented a greater opportunity for ISIL to make the most of its Japanese hostages.',\n", + " '但似乎安倍的中东之行给了伊斯兰国更好的机会利用其手中的日本人质。'],\n", + " ['The strain of trying to meet this impossible standard of cool curiosity about one’s own fate imposes an unbearable distance between the scientist of the body and mind, and the body and mind of the scientist.',\n", + " '试图达到这种对自身命运冷静的好奇心的不可实现的标准所带来的压力,使得这些研究身体和精神的科学家和他们自己的身体及精神之间的距离变得难以承受。'],\n", + " ['First, how do you reach an accommodation with a regime that seemingly needs you as an adversary?',\n", + " '首先,如果有一个政权将反美作为自己立国之本的话,你又如何能与之达成和解呢?'],\n", + " ['And it should boost innovation and break new ground for climate action, including novel ways for the public and private sectors to work together, such as projects on carbon capture and storage.',\n", + " '它还应该刺激创新、为气候行动创造新空间,包括公私合作新方法(如碳捕捉和储藏项目)。'],\n", + " ['And yet WHO officials continue to defend their actions.',\n", + " '但世卫组织的官员们却继续维护自己的举措。'],\n", + " ['In other words, when the situation required war fighters, peacekeepers were dispatched; and when the situation called for peacekeepers, war fighters were sent.',\n", + " '换句话说,当形势需要战斗人员时派出了维和人员; 当形势要求维和人员时却派出了战斗人员。'],\n", + " ['In Iraq, Saddam Hussein’s former subjects braved threats and voted for the first time with ballots that offered a choice of 70 political parties, rather than only one.',\n", + " '在伊拉克,曾在萨达姆·侯赛因统治下的人们不畏威胁,第一次为一场由70个政党平均享有机会而非一个政党独霸大权的选举投票。'],\n", + " ['That was why monetary policy could be managed with greater flexibility.',\n", + " '这样一来,它才能够以更大的灵活性来管理其货币政策。'],\n", + " ['In a sense, Westerners who choose to embrace fanatical Islamist ideology are an extreme manifestation of a much wider phenomenon.',\n", + " '从某种程度上讲,选择皈依狂热伊斯兰意识形态的西方人是一个极端的例子,体现的是一个广泛得多的现象。'],\n", + " ['This is a common belief among religious believers, be they conservative Catholics, Protestants, Jews, or Muslims.',\n", + " '这是信教者的共同信念,不管是保守天主徒、新教徒、犹太人还是穆斯林。'],\n", + " ['Given the role of technology in displacing workers, protectionism – tearing up trade agreements and imposing tariffs on Chinese and Mexican goods – won’t bring back high-paying manufacturing jobs, and Trump has no plan B. That means the polarization of America that brought Trump to power will only become far more severe.',\n", + " '鉴于技术在替代工人中所发挥的作用,保护主义——撕毁贸易协议和对中国和墨西哥货物征收关税 ——将无从带来高薪制造业工作,对此特朗普也没有制定第二套方案。 这意味着在特朗普坐上总统宝座后,美国的两极分化只会变得更加严重。'],\n", + " ['In fact, they have more in common than meets the eye, for each speaks of a rupture with the past while incarnating a form of continuity.',\n", + " '实际上,他们除了引人注目之外还有其他共同之处,那就是两个人都提出要与过去决裂,但同时要体现出某种形式的继承。'],\n", + " ['Moreover, the recidivism rate is shockingly high: according to a recent US Department of Justice report, more than one-third of released prisoners were rearrested within six months, and more than two-thirds were rearrested within three years.',\n", + " '此外,再犯率畸高:据美国司法部的最新报告,获释囚犯中有三分之一强在六个月内再次被捕,三分之二强在三年内再次被捕。'],\n", + " ['For example, it clearly determined that the ongoing Japanese-US joint technical research to develop and produce the SM-3 sea-based ballistic missile defense system is an exception.',\n", + " '例如,它明确规定,为发展并生产SM-3海域弹道导弹防卫体系而进行的日-美联合技术研究是个例外。'],\n", + " ['According to a Chinese proverb, “To feed the ambition in your heart is like carrying a tiger under your arm.”',\n", + " '中国有句谚语,培养野心就像养虎为患。'],\n", + " ['Some large firms, such as Apple, hold virtually no debt at all.',\n", + " '苹果等大公司几乎一分钱债务都没有。'],\n", + " ['That logic is what led Bill Clinton’s administration, following the failure of US intervention in Somalia in 1993, to fail to act the following year to prevent the genocide in Rwanda, which in retrospect could have been halted with quite limited action.',\n", + " '正是这样的逻辑导致比尔·克林顿政府1993年介入索马里失败后,未能于第二年采取行动制止发生在卢旺达的种族大屠杀,现在回想起来,制止那次种族大屠杀本来可以只要非常有限的行动。'],\n", + " ['Increasing the retirement age by just a half-year for each of the next ten years would more than compensate for the annual decline in the labor force, which is projected to be 2.5 million workers during this period.',\n", + " '只需在未来每十年将退休年龄提高半年就足以补偿每年约250万劳动力的流失。'],\n", + " ['Given the brutality of the apartheid era, that would have never worked in my homeland.',\n", + " '种族隔离时期的残忍暴行使得这种做法永远也不可能在我的国家获得成功。'],\n", + " ['For many Indians, the temptation to identify with Israel was strengthened by the terrorists’ seizure of Mumbai’s Jewish Center (the Lubavitcher Chabad house) and the painful awareness that India and Israel share many of the same enemies.',\n", + " '对于许多印度人而言,恐怖分子占领孟买的犹太人运动社区,同时他们痛苦地意识到印度和以色列具有许多共同的敌人,因此他们对以色列更为同情。'],\n", + " ['Whereas the MDGs focus on reducing extreme poverty, the SDGs will focus on all three pillars of sustainable development: ending extreme poverty, sharing the benefits of economic development for all of society, and protecting the Earth.',\n", + " 'MDG专注于削减极端贫困,而SDG将专注于可持续发展的三大支柱:终结极端贫困、让全社会分享到经济发展的好处,以及保护地球。'],\n", + " ['It is time for Europe to step into the fray.', '欧洲应该站出来解决争端。'],\n", + " ['Once banks offer new assets denominated in renminbi, more customers will be drawn into the market, thereby adding liquidity and reducing transaction costs for purchases of renminbi in European currencies.',\n", + " '一旦银行提供以人民币计价的新资产,就会有更多客户被吸引到市场中,从而增加流动性,降低用欧洲货币买入人民币的交易成本。'],\n", + " ['Instead, acknowledging Stalin is a way for Russians to recall a time of great deeds and perhaps even greater sacrifices.',\n", + " '相反,认可斯大林是俄罗斯人追念过去时代的一种方式,在那个时代,取得过伟大成就,而付出的牺牲可能更大。'],\n", + " ['For Santos, reconciling peace and justice in a complicated domestic political context may require alternative formulas, such as reduced sentences, community penalties, conditional verdicts, or asylum in third countries.',\n", + " '对桑托斯来说,在复杂的国内政治环境中协调和平与正义要求他另辟蹊径,比如缩短刑期、社区惩罚、有条件判决或流��第三国等。'],\n", + " ['The cooling of the Ifo World Economic Climate index was particularly marked in Western Europe and Asia.',\n", + " 'Ifo世界经济景气指数的降温在西欧和亚洲表现得特别显著。'],\n", + " ['Beijing\\'s ongoing battle with smog – a problem that has become known as the “airpocalypse\" – provides a potent reminder of coal\\'s impact on air quality.',\n", + " '北京正在进行的治霾之战——这一问题被称为“空气启示录\"——强有力地证明了煤炭对空气质量的影响。'],\n", + " ['They urge America’s president-elect Barack Obama to pursue a “green revolution” with big investments in renewable energy, arguing that this could create millions of new “green collar” jobs and open huge new markets.',\n", + " '他们敦促美国当选总统奥巴马实施“绿色革命”,在再生能源进行巨额投资,因为他们认为这可以创造数百万个新的“绿领”职位并且打开巨大的新市场。'],\n", + " ['Amid this new testing reality now dawning in Asia, we must not lose sight of the deep, and long term, structural challenges facing the region.',\n", + " '在亚洲面临新现实的考验时,我们不能忽视该地区面临的深刻而长期的结构性挑战。'],\n", + " ['It did not matter that the catch-up countries’ economic “miracles” were produced in part by illiberal policies guided by government bureaucracies.',\n", + " '后发展的国家的“经济奇迹”是否在一定程度上得益于政府官僚机构引导下的非自由政策其实并不重要。'],\n", + " ['Philosophically, the debt-forgiveness approach rests on the belief that creditors share culpability for defaults with debtors, since they made the bad loans in the first place.',\n", + " '从原理上说,债务豁免方法的基础是人们相信债权人将和债务人分担违约责任,因为当初给出不良贷款的乃是债权人。'],\n", + " ['But it does illustrate how rapidly in early twenty-first-century Europe democracy has been undermined through the endless application of the economics of austerity, and by the failure of political leadership at home and abroad.',\n", + " '但它确实说明了由于无休止地实施经济紧缩以及政治领导在国内外的失败,欧洲民主制度在21世纪初是如何迅速被破坏的。'],\n", + " ['And, of course, the US has had a standing immigration agreement since 1965 with a country most Americans would not imagine: Fidel Castro’s Cuba.',\n", + " '当然,美国自1965年以来与一个大多数美国人难以想像的国家即卡斯特罗统治下的古巴一直保持一项移民协议。'],\n", + " ['These then are the roots of America fiscal impasse, which has produced passionate constituencies viscerally opposed to compromise.',\n", + " '这些就是美国财政僵局的根源,而财政僵局造成了选民发自内心的对妥协的强烈的反对。'],\n", + " ['Another 1.1 billion people live in countries where a single barrier – especially a lack of awareness of the Internet, weak purchasing power, or low levels of digital literacy – dominates.',\n", + " '还有11亿人生活在单一障碍占主导地位的国家——特别是对网络缺乏认识、购买力弱或数字文化水平低。'],\n", + " ['The United States military, appropriately and of necessity, took the time needed to ensure that it had the facts before responding that the charges were untrue.',\n", + " '美国军队恰如其分而且出于必要沉着确保掌握了事件真相才反应指出指控是虚假的。'],\n", + " ['This national characteristic is not limited to individuals.',\n", + " '这一国民特性不仅仅体现在个人身上。'],\n", + " ['More interesting in view of the current situation in the eurozone is what followed roughly a half-century after Hamilton acted.',\n", + " '对于如何看待欧元区现状这个问题,更有意思的办法是看看汉密尔顿方案出台后五十年发生了什么。'],\n", + " ['The Americans do recognize the importance of courting those Taliban leaders they believe to be motivated by tribal loyalties rather than religious ideology, but they oppose the latest Afghan policy of negotiating directly and officially with the Taliban.',\n", + " '美国确实认识到与那些他们认为更多地受部族忠诚而非宗教意识形态所驱动的塔利班领导人示好的重要性,他们只是反对阿富汗最近直接与塔利班举行正式谈判的政策。'],\n", + " ['By sharing the knowledge and expertise that we have developed over decades of diarrheal disease management and research, we are playing a leading role in global efforts to tackle outbreaks.',\n", + " '通过分享我们在几十年中所积累的腹泻疾病管理和研究的知识和经验,我们在全球应对疾病爆发方面起着领导作用。'],\n", + " ['In what became northern Iraq, the Kurds, like the country’s Assyrian Christians, were for decades denied recognition of their distinct language and culture by hegemonic Arab rulers in Baghdad.',\n", + " '在伊拉克北部地区,库尔德人就跟该国的亚述裔基督徒一样,长期无法得到巴格达的阿拉伯霸权统治者对自身独特语言和文化的认可。'],\n", + " ['Not only are there considerable differences in how markets work in different regions and sectors; the interaction between the state and these markets will undergo major changes.',\n", + " '不但市场在不同地区和部门的运行状况大相径庭,政府与市场的互动也会经历重大变化。'],\n", + " ['BEIJING – China has undoubtedly benefited from the world system created and supported by the United States.',\n", + " '北京—毫无疑问,中国从美国所建立和支持的世界体系中获益良多。'],\n", + " ['But economies may prove to be easier to mend than today’s dysfunctional politics, which may be part and parcel of the “new normal.”',\n", + " '但经济也许比今天混乱的政治更容易治愈,而政治混乱也许将是“新常态”的重要部分。'],\n", + " ['The DDPP shows that deep decarbonization is technically feasible and affordable, and it has identified pathways to 2050 that avoid the traps and temptations of low-hanging fruit and put the major economies on track to full decarbonization by around 2070.',\n", + " '深度脱碳方案计划显示深度脱碳既经济实惠又具备技术可行性,并已指明到2050年避开低垂果实的诱惑和陷阱及让主要经济体走上2070年脱碳正轨的途径。 方案全部依赖于三大支柱:能效方面的重大进步、采用智能材料和智能(信息化)系统;'],\n", + " ['The model for this approach is Denmark’s attainment of legal opt-outs in defined areas.',\n", + " '这种方式效仿了丹麦有权在指定领域从法律上退出的模式。'],\n", + " ['The Palestinians in the Gaza Strip, suffering for more than four years from siege and isolation, are apathetic to the UN bid.',\n", + " '加沙地带的巴勒斯坦人已经承受了4年多的包围和孤立,但他们对入联动议无动于衷。'],\n", + " ['In contrast, Obama expanded the war in Afghanistan – which he considered to be a war of necessity – and put the Taliban on the defensive.',\n", + " '与之相对的是,奥巴马扩大了阿富汗战争(他认为这是一场必要之仗),并迫使塔利班采取了守势。'],\n", + " ['The board would be allowed to base its choices on raters’ past performance.',\n", + " '委员会将根据评级机构过往的评级准确度来进行选择。'],\n", + " ['It was fine to gaze at the breasts of a painted nude Marianne or Venus; but for a real, living woman to expose even part of her ankle was considered highly improper.',\n", + " '盯着画作中裸体的玛利安或维纳斯的乳房看完全合法; 但真正活生生的女性即使裸露部分脚踝都被认为是非常不合适的。'],\n", + " ['China, as the leading promoter of the “one belt, one road” initiative, must take steps to ensure that businesses act responsibly.',\n", + " '中国作为“一带一路”战略的主要推进方,必须采取措施确保企业负责任地行动。'],\n", + " ['Even mummies are mobile.', '就连木乃伊都可以活动。'],\n", + " ['If South Korea or Japan ever concluded that North Korea was in a position to deter American involvement in a war on the Peninsula, they would lose confidence in US security assurances, raising the possibility that they would develop nuclear weapons of their own.',\n", + " '如果韩国或日本有朝一日认定朝鲜能够威慑美国不卷入朝鲜半岛战争,它们将失去对美国安全保证的信心,它们发展自身核武器的可能性也会随之提高。'],\n", + " ['Last week, China finally enshrined private property by passing the long-awaited property rights law, in what the government called “significant progress in promoting rule of law in the country.”',\n", + " '上个星期,中国最终通过了期待已久的物权法,从而确立了私有财产的地位,对此政府称之为“国家推动法治建设的重要进展”。'],\n", + " ['On the other hand, implicit subsidies to too-big-to-fail banks must be dropped.',\n", + " '另一方面,对太大而不能倒银行的暗补必须取消。'],\n", + " ['These conflicts are inbuilt, because firms that engage in commercial banking, investment banking, proprietary trading, market making and dealing, insurance, asset management, private equity, hedge-fund activities, and other services are on every side of every deal (the recent case of Goldman Sachs was just the tip of the iceberg).',\n", + " '这些利益冲突成了金融体系的内在顽疾,因为那些同时从事商业银行、投资银行、私募股权、对冲基金和其他种种业务的公司,在所有的交易中都多方下注。 最近高盛的案子只不过是冰山一角。'],\n", + " ['I was born in Indonesia in the early 1950’s, a time when most families in my country lacked access to health care.',\n", + " '我出生于20世纪50年代初的印尼,当时的印尼大部分家庭无法获得医疗服务。'],\n", + " ['In Spain, all but three championships since 1985 have been won by either Real Madrid or Barcelona.',\n", + " '在西班牙,1985年以来的所有冠军只有三次不是被皇家马德里或者巴塞罗那队获得。'],\n", + " ['But, for now, it is a highly welcome development, and may indicate that policies aimed at boosting the northern economy have had some effect.',\n", + " '但就目前而言,这一发展趋势令人鼓舞,并可能表明了旨在提振北部经济的政策产生了一些效果。'],\n", + " ['European leaders should boldly show that they are committed to an ambitious outcome in Paris, and that Europe will enhance its support of CELAC climate actions.',\n", + " '欧洲领导人应该果断证明他们有决心在巴黎取得宏大结果,并且欧洲将增加其对CELAC气候行动的支持。'],\n", + " ['Similarly, bonus compensation should be redesigned to reward long-term performance.',\n", + " '同理,奖金也应该用来奖励高管的长期业绩。'],\n", + " ['The US then backed Saddam Hussein in his attack on Iran, until the US ended up attacking Saddam himself.',\n", + " '美国在那时支持萨达姆攻打伊朗,直到调转枪头对准萨达姆本人。'],\n", + " ['After a decade that saw wages grow faster than productivity, unit labor costs (and the real exchange rate based on those costs) appreciated sharply.',\n", + " '过去10年中,它们的工资增长又快于生产率的提升,单位劳动成本(它是实际汇率的基础)急剧升高。'],\n", + " ['According to the Roman philosopher Cicero, “In nothing do men approach so nearly to the gods, as in giving health to men.”',\n", + " '罗马哲学家西塞罗说:“没有什么比与人健康更接近神了。'],\n", + " ['Microfinance can also help SMEs transition to low-carbon business models, by financing their efforts to adopt renewable energy sources and shift to sustainable production and supply chains.',\n", + " '小额信贷还可以帮助中小企业过渡到低碳商业模式,为他们采用可再生能源和转向可持续生产及供应链建设提供融资支持。'],\n", + " ['Repeal of Obama’s signature health-care reform will have a severe impact on many lower-income people as they lose affordable insurance coverage.',\n", + " '废除奥巴马医保改革将对许多低收入人群产生严重影响,令他们失去了可负担得起的保险。'],\n", + " ['It would not require a headline deficit of below 3% of GDP in each and every year, in each and every country.',\n", + " '它不要求每一年每一国标题赤字(headline deficit)都低于GDP的3%。'],\n", + " ['“We will turn away the migrants who are suppressing your wages, and redirect millions of pounds from the EU to public services.”',\n", + " '“我们将赶走压低工资的移民,并将本来交给欧盟的成百上千万英镑转移到公共服务当中。'],\n", + " ['Who could say to Hamas that unless they accept certain rules, their election is not valid?',\n", + " '由谁出面告诉哈马斯,除非他们接受特定的规则,否则选举结果将被判无效?'],\n", + " ['Indeed, the Security Strategy is almost a “National” Strategy.',\n", + " '事实上,这份安全战略报告几乎就体现了美国的整个国家战略。'],\n", + " ['Some compare the Iranian regime to Nazi Germany.', '有人将伊朗政权与纳粹德国相比较。'],\n", + " ['What matters are the actions of those who don’t want fascism in Russia and instead simply want Russia to be free.',\n", + " '重要的是那些不希望俄罗斯出现法西斯主义而希望俄罗斯自由的人们会采取什么行动。'],\n", + " ['The year of Mohammed’s hijra also became the first year of the Islamic calendar.',\n", + " '默罕默德迁徙那年也因此成为伊斯兰历元年。'],\n", + " ['The Middle East Awakening', '中东的觉醒'],\n", + " ['Many of these highly indebted governments have large stocks of gold, which they may decide to dump to reduce their debts.',\n", + " '许多这类高负债政府都拥有大量黄金储备,而它们也决定去出售这些储备以减少债务。'],\n", + " ['Aquino’s approach to the negotiations reflected his recognition that the MILF had twice used peace talks – once brokered by Libya’s Colonel Muammar el-Qaddafi – as a cynical ploy to buy time to regroup and raise funds (including from Al Qaeda). With freshly restocked arsenals, they would relaunch their campaign to seize Mindanao by force.',\n", + " '阿基诺三世在谈判中所采取的方针反映出他对MILF的清醒认识——MILF两次利用和平谈判的机会——其中一次是由利比亚的卡扎菲撮合的——获得喘息,重新组织人手和筹集资金(包括来自基地组织的资金),接着再凭借重新获得的武装重新试图武力夺取棉兰老岛。'],\n", + " ['A policy that has large positive effects for a big economy might have small negative effects for the rest of the world and yet still be positive overall for global welfare.',\n", + " '一项政策可能给一个大型经济体带来巨大的正面影响,但对世界其他地区带来微小的负面影响,但对全球福利的影响总体为正面。'],\n", + " ['Other governments have already spent tens of millions on vaccines and other preventive measures.',\n", + " '其它政府也已花费了几千亿美元购买疫苗,采取其它预防措施。'],\n", + " ['Taiwan is an independent state but is officially part of China.',\n", + " '台湾是一个独立的国家,但是却正式是中国的一部分。'],\n", + " ['Bringing a halt to the fighting will require the United States, the European Union, Russia, Iran, and possibly Saudi Arabia and Qatar to work together toward a common goal.',\n", + " '停止战斗需要美国、欧盟、俄罗斯、伊朗——也许还有沙特阿拉伯和卡塔尔——向共同目标一起努力。'],\n", + " ['Indeed, the Rajapaksa government, and the majority Sinhalese, must understand that the political and economic reforms needed to achieve a lasting peace are inextricably intertwined.',\n", + " '事实上,拉贾帕克萨政府以及人口占多数的僧伽罗族必须明白,获得持久和平所需的政治和经济改革是完全交织在一起的。'],\n", + " ['Meanwhile, forest and agricultural lands would have to be restored, so that they could capture and sequester greater amounts of carbon dioxide.',\n", + " '与此同时,我们必须恢复森林和耕地,以便捕获和隔离更多的二氧化碳排放。'],\n", + " ['We live in an age of simultaneous fear of inflation and deflation; of unprecedented prosperity amid growing inequality; and of technological advancement and resource depletion.',\n", + " '既有前所未有的繁荣,又有不断扩大的不平等; 一方面科技进步,另一方面则存在资源枯竭。'],\n", + " ['First, the use of force is costly in terms of lives, money, and leaders’ energy and attention.',\n", + " '首先,使用武力会消耗大量的生命、金钱和领导人的能量和注意力。'],\n", + " ['Nowhere is this more apparent than in analyses of emerging economies’ prospects.',\n", + " '最明显的莫过于对新兴经济体前景的分析了。'],\n", + " ['Debt Without Drowning', '不会致溺的债务'],\n", + " ['More than ever before, we are producing commodities that contribute to social welfare through use value rather than market value.',\n", + " '更重要的是我们正在生产一些通过使用价值而非市场价值来促进社会福祉的商品。'],\n", + " ['And much is still on paper, or in scanned images, insurance company records, and pharmacy transactions.',\n", + " '还有许多信息仍然以纸为载体,或者存在于扫描影像、保险公司记录和药房交易。'],\n", + " ['Iran is also internally divided.', '伊朗的国内意见同样并不统一。'],\n", + " ['Add to that unusually low volatility – in the US, 2017 so far has shown the lowest daily loss in the entire history of the S&P 500 index – and there has been little to keep investors up at night.',\n", + " '再加上异乎寻常的低波动性——在美国,标普500指数在2017年(至当日为止)呈现了历史上的最低单日损失——让投资者几乎可以在夜里睡个好觉了。'],\n", + " ['Sitting on the sidelines, emerging-market economies in general, and the so-called BRIC countries (Brazil, Russia, India, and China) in particular, may feel fortunate to be spared this financial maelstrom.',\n", + " '身处外围的新兴市场经济体大体上(特别是所谓的金砖国家,即巴西、俄罗斯、印度和中国)都深感幸运,没有被卷进这个金融大漩涡。'],\n", + " ['As increasingly extreme weather reshapes migration patterns, the number of displaced people (already at record highs worldwide) will rise, and competition for essential resources (such as water, food, and energy) will increase.',\n", + " '随着越来越频繁的极端天气改变迁移模式,流离失所者(已经达到有史以来创纪录的高位)的数量和对基本资源(如水、粮食和能源)的争夺将持续增加。'],\n", + " ['For nationalists, it is a threat, undermining British sovereignty and control over the country’s borders.',\n", + " '而在民族主义者眼中这东西是一个威胁,破坏了英国的主权以及对边界的控制力。'],\n", + " ['And scientists in the field remain puzzled by the fact that most identical twins (who share 100% of their genes) do not die from the same diseases.',\n", + " '该领域的科学家仍被一个事实所困扰:同卵双胞胎(基因100%相同)并不因同样的疾病而死亡。'],\n", + " ['It is time for Asia’s leaders to step up.', '亚洲领导人应该行动起来。'],\n", + " ['The search for additional and more stable funding to meet the MDG’s has led to various proposals for innovative financing mechanisms and debt relief, in particular by British Chancellor of the Exchequer Gordon Brown.',\n", + " '为实现MDG寻求额外的和更稳定的财政支持的努力促成了在创新的财政机制和减免债务方面的不同提案。 英国财政大臣戈登·布朗在提议方面尤为积极。'],\n", + " ['Unless Europe is willing to make those reforms, it may have to let the euro die to save itself.',\n", + " '除非欧洲愿意进行这样的改革,否则它也许只能让欧元消失才能拯救自己了。'],\n", + " ['Is there any merit to such forecasts?', '这样的预测有合理性吗?'],\n", + " ['Such courses typically neglect mental-health emergencies, leaving participants poorly equipped to help people who are struggling with suicidal thoughts, panic attacks, post-traumatic stress, the effects of alcohol or drug abuse, or a diminishing grip on reality.',\n", + " '这些课程通常都忽略心理健康紧急状况,参与者很难帮助陷于自杀念头、无端恐惧、创伤后压力、酒精和药物滥用后果以及深感无力抓住现实而难以自拔的人。'],\n", + " ['Changing that will require not merely confronting a new ideological outlook, but also deciding which policies reflect what is best about the American political tradition.',\n", + " '要改变它需要的不仅仅是面对一个新的思想观点,还需要决定那种政策最能体现美国的政治传统。'],\n", + " ['Iran remains unmoved.', '但伊朗仍旧不为所动。'],\n", + " ['This could increase the bargaining power of the international community in the Middle East, and might strengthen those social forces in countries like Saudi Arabia, Iran, and Russia that seriously wish to promote political and economic reform from within.',\n", + " '这将会提高国际社会在中东的讨价还价的实力,而且可能加强像沙特、伊朗以及俄罗斯等国的那些确实愿意从内部促进政治和经济改革的社会力量。'],\n", + " ['According to Shirin Ebadi, the Iranian lawyer, human-rights activist, and winner of the Nobel Peace Prize, the restrictions are part of a government policy to limit women’s opportunities outside the home.',\n", + " '在伊朗律师、人权活动家、诺贝尔和平奖获得者伊巴迪(Shirin Ebadi)看来,这项限制是伊朗政府制约女性走出家门机会的政策的一部分。'],\n", + " ['Let us begin with the relevant economic developments.', '让我们从相关经济发展开始谈。'],\n", + " ['With a trillion-dollar economy, world-class technology, a 500,000-strong military, and a vibrant, well-educated society, the country is capable of planning, manning, and paying for the aftermath of a peaceful end to the Kim regime.',\n", + " '韩国拥有万亿美元规模的经济、世界级的技术、500,000大军和充满活力、教育程度优良的社会,它有能力计划、操作和提供资金以实现金氏王朝的和平下台。'],\n", + " ['But the biggest change in Earth’s energy budget by far over the past hundred years is due to the accumulation in our atmosphere of greenhouse gases, which limit the exit of heat into space.',\n", + " '但过去几百年来地球能量总量中最大的变化推动力其实是大气中积累的温室气体,因为他们限制了热量向外太空散失。'],\n", + " ['But, while the debt was highly rated, how could anyone objectively assess unsecured and virtually unenforceable obligations?',\n", + " '但当这些债券被评级机构捧到天上的时候,为何没有人去客观地评价这些高风险且无法强制履行的还款责任呢?'],\n", + " ['The CFPB was designed, above all, to bring greater transparency to consumers’ financial transactions – actually a very pro-market contribution.',\n", + " '消费者金融保护局的构建首先就是为了给消费者的金融交易带来更大透明度——这实际上是一个非常有利于市场的贡献。'],\n", + " ['By turning his back on the Paris agreement, he is increasing Americans’ exposure to the devastating effects of climate change – many of which they are already experiencing.',\n", + " '背弃巴黎协定的他增加了美国暴露于气候变化的毁灭性后果的风险——其中不少后果他们已经开始体验到了。'],\n", + " ['That legacy is now reasserting itself.', '俾斯麦的这一遗产正在卷土重来。'],\n", + " ['The global economy’s high degree of interconnectivity, interdependence, and complex feedback mechanisms imply that one weak hub can bring down the entire system.',\n", + " '新兴市场还面临着快速变化的外部环境和日益迫切的有效管理资本流的需要,后者需要央行和金融监管者之间的更紧密的合作。'],\n", + " ['The UN Security Council is charged with addressing breaches or threats to international peace, a criterion that is now clearly met.',\n", + " '联合国安理会有责任惩罚违约者及消除国际和平威胁,目前这两项标准显然已经满足。'],\n", + " ['They were intimately involved in this plot.”', '他们密切参与了这项阴谋。 ”'],\n", + " ['The two men were a mismatch made in White House hell.',\n", + " '这两个人堪称是白宫地狱里的一对错配冤家。'],\n", + " ['NEW YORK – Much of the world’s attention is understandably focused on developments in the Middle East, Europe, and Asia.',\n", + " '纽约—不难理解,世界的大部分目光集中在中东、欧洲和亚洲的发展态势上。'],\n", + " ['American commentators – and, increasingly, US judges – want to insulate CEOs and boards further from their firms’ trading shareholders.',\n", + " '而美国评论员——以及越来越多的法官——都想把企业的首席执行官和董事会与其公司的交易股东进一步隔离开来。'],\n", + " ['So, too, are renewable forms of power, such as solar and wind.',\n", + " '而太阳能和风能这类可再生能源也值得关注。'],\n", + " ['By using the dollar to anchor prices and the Federal Reserve’s interest rate as the benchmark for the cost of capital, invoicing, payments, clearing, liquidity, and central-bank reserves all became more stable and reliable.',\n", + " '通过用美元锚定价格并以美联储利率作为资金成本的基准价格,定价、支付、清算、流动性和央行储备都变得更加稳定和可靠。'],\n", + " ['Only occasionally do we get uplifting, things-are-getting-better stories.',\n", + " '偶尔(只是偶尔)我们也可以遇到一些正能量的越变越好的故事。'],\n", + " ['The Pasteur Institute is constructing a new facility about 30 kilometers from Dakar, in Diamniadio, that is expected to triple production by 2019.',\n", + " '巴斯德研究所正在距离达喀尔30公里的迪亚姆尼亚迪奥(Diamniadio)建造新产能,预计可以在2019年将产量增加两倍。'],\n", + " ...]" + ] + }, + "execution_count": 17, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "import json\n", + "\n", + "data = json.load(open(\"/root/data/model/wmt/dev.json\", \"r\", encoding=\"utf-8\"))\n", + "data" + ] + }, + { + "cell_type": "code", + "execution_count": 18, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "lines of Chinese: 252777\n", + "lines of English: 252777\n", + "-------- Get Corpus ! --------\n" + ] + } + ], + "source": [ + "import os\n", + "\n", + "file_path = \"/root/data/model/wmt\"\n", + "files = ['train', 'dev', 'test']\n", + "ch_path = 'corpus.ch'\n", + "en_path = 'corpus.en'\n", + "ch_lines = []\n", + "en_lines = []\n", + "\n", + "for file in files:\n", + " corpus = json.load(open(os.path.join(file_path, file + '.json'), 'r'))\n", + " for item in corpus:\n", + " ch_lines.append(item[1] + '\\n')\n", + " en_lines.append(item[0] + '\\n')\n", + "\n", + "with open(os.path.join(file_path, ch_path), \"w\") as fch:\n", + " fch.writelines(ch_lines)\n", + "\n", + "with open(os.path.join(file_path, en_path), \"w\") as fen:\n", + " fen.writelines(en_lines)\n", + "\n", + "# lines of Chinese: 252777\n", + "print(\"lines of Chinese: \", len(ch_lines))\n", + "# lines of English: 252777\n", + "print(\"lines of English: \", len(en_lines))\n", + "print(\"-------- Get Corpus ! --------\")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## 训练分词器" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "import sentencepiece as spm\n", + "\n", + "\n", + "def train(input_file, vocab_size, model_name, model_type, character_coverage):\n", + " # 使用 Sentence Piece 基于训练数据来训练一个分词器\n", + " # args:\n", + " # input_file: 训练使用的数据\n", + " # vocab_size: 设定的词表大小\n", + " # model_name: 模型命名\n", + " # model_type: 模型类型,一般选择 bpe\n", + " # character_coverage: 覆盖的字符范围,中文一类的表意文字一般0.995,英文一类的字母文字一般1\n", + " # 采用命令行的形式实现\n", + " input_argument = '--input=%s --model_prefix=%s --vocab_size=%s --model_type=%s --character_coverage=%s ' \\\n", + " '--pad_id=0 --unk_id=1 --bos_id=2 --eos_id=3 '\n", + " cmd = input_argument % (input_file, model_name, vocab_size, model_type, character_coverage)\n", + " spm.SentencePieceTrainer.Train(cmd)\n", + "\n", + "\n", + "en_input = '/root/data/model/wmt/corpus.en'\n", + "en_vocab_size = 32000\n", + "en_model_name = 'eng'\n", + "en_model_type = 'bpe'\n", + "en_character_coverage = 1\n", + "train(en_input, en_vocab_size, en_model_name, en_model_type, en_character_coverage)\n", + "\n", + "ch_input = '/root/data/model/wmt/corpus.ch'\n", + "ch_vocab_size = 32000\n", + "ch_model_name = 'chn'\n", + "ch_model_type = 'bpe'\n", + "ch_character_coverage = 0.9995\n", + "train(ch_input, ch_vocab_size, ch_model_name, ch_model_type, ch_character_coverage)\n" + ] + }, + { + "cell_type": "code", + "execution_count": 19, + "metadata": {}, + "outputs": [], + "source": [ + "# 加载训练好的分词器\n", + "import sentencepiece as spm\n", + "\n", + "def chinese_tokenizer_load():\n", + " sp_chn = spm.SentencePieceProcessor()\n", + " sp_chn.Load('{}.model'.format(\"/root/data/logan/through_pytorch/chn\"))\n", + " return sp_chn\n", + "\n", + "\n", + "def english_tokenizer_load():\n", + " sp_eng = spm.SentencePieceProcessor()\n", + " sp_eng.Load('{}.model'.format(\"/root/data/logan/through_pytorch/eng\"))\n", + " return sp_eng" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## 定义 Dataset\n" + ] + }, + { + "cell_type": "code", + "execution_count": 20, + "metadata": {}, + "outputs": [], + "source": [ + "from torch.utils.data import Dataset\n", + "import json\n", + "from torch.nn.utils.rnn import pad_sequence\n", + "import numpy as np\n", + "\n", + "class MTDataset(Dataset):\n", + " def __init__(self, data_path):\n", + " self.out_en_sent, self.out_ch_sent = self.get_dataset(data_path, sort=True)\n", + " self.sp_eng = english_tokenizer_load()\n", + " self.sp_chn = chinese_tokenizer_load()\n", + " self.PAD = self.sp_eng.pad_id() # 0\n", + " self.BOS = self.sp_eng.bos_id() # 2\n", + " self.EOS = self.sp_eng.eos_id() # 3\n", + "\n", + " @staticmethod\n", + " def len_argsort(seq):\n", + " \"\"\"传入一系列句子数据(分好词的列表形式),按照句子长度排序后,返回排序后原来各句子在数据中的索引下标\"\"\"\n", + " return sorted(range(len(seq)), key=lambda x: len(seq[x]))\n", + "\n", + " def get_dataset(self, data_path, sort=False):\n", + " \"\"\"把中文和英文按照同样的顺序排序, 以英文句子长度排序的(句子下标)顺序为基准\"\"\"\n", + " # 加载数据集\n", + " dataset = json.load(open(data_path, 'r'))\n", + " # 将中文和英文分别加载为两个列表\n", + " out_en_sent = []\n", + " out_ch_sent = []\n", + " for idx, _ in enumerate(dataset):\n", + " out_en_sent.append(dataset[idx][0])\n", + " out_ch_sent.append(dataset[idx][1])\n", + " # 如果要按长度排序\n", + " if sort:\n", + " sorted_index = self.len_argsort(out_en_sent)\n", + " out_en_sent = [out_en_sent[i] for i in sorted_index]\n", + " out_ch_sent = [out_ch_sent[i] for i in sorted_index]\n", + " return out_en_sent, out_ch_sent\n", + "\n", + " def __getitem__(self, idx):\n", + " # get 方法,返回一个句对\n", + " eng_text = self.out_en_sent[idx]\n", + " chn_text = self.out_ch_sent[idx]\n", + " return [eng_text, chn_text]\n", + "\n", + " def __len__(self):\n", + " return len(self.out_en_sent)\n", + "\n", + " def collate_fn(self, batch):\n", + " # 变长序列的 collate_fn 方法,需要进行 padding\n", + " # 形成列表\n", + " src_text = [x[0] for x in batch]\n", + " tgt_text = [x[1] for x in batch]\n", + " # 进行 tokenizer,然后加上 BOS 和 EOS\n", + " src_tokens = [[self.BOS] + self.sp_eng.EncodeAsIds(sent) + [self.EOS] for sent in src_text]\n", + " tgt_tokens = [[self.BOS] + self.sp_chn.EncodeAsIds(sent) + [self.EOS] for sent in tgt_text]\n", + " # 进行 padding\n", + " batch_input = pad_sequence([torch.LongTensor(np.array(l_)) for l_ in src_tokens],\n", + " batch_first=True, padding_value=self.PAD)\n", + " batch_target = pad_sequence([torch.LongTensor(np.array(l_)) for l_ in tgt_tokens],\n", + " batch_first=True, padding_value=self.PAD)\n", + " src_mask = (batch_input != self.PAD).unsqueeze(-2)\n", + " label_mask = (batch_target != self.PAD).unsqueeze(-2)\n", + " return {\"input_ids\": batch_input, \"label_ids\": batch_target, \"attention_mask\": src_mask, \"label_mask\": label_mask}\n", + " # return {\"input_ids\": batch_input, \"attention_mask\": src_mask}" + ] + }, + { + "cell_type": "code", + "execution_count": 21, + "metadata": {}, + "outputs": [], + "source": [ + "dataset = MTDataset(\"/root/data/model/wmt/dev.json\")" + ] + }, + { + "cell_type": "code", + "execution_count": 22, + "metadata": {}, + "outputs": [], + "source": [ + "dataloader = torch.utils.data.DataLoader(dataset, shuffle=True, batch_size=4, collate_fn=dataset.collate_fn)" + ] + }, + { + "cell_type": "code", + "execution_count": 23, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'input_ids': tensor([[ 2, 2668, 2338, 236, 3806, 39, 2186, 6506, 31841, 323,\n", + " 406, 490, 55, 6, 6157, 4853, 81, 10, 371, 4692,\n", + " 62, 1106, 10, 1639, 31843, 3, 0, 0, 0, 0,\n", + " 0, 0],\n", + " [ 2, 24876, 31847, 4431, 7941, 59, 6, 6716, 3756, 31,\n", + " 10, 2314, 1830, 62, 441, 10, 277, 146, 365, 345,\n", + " 436, 8355, 31841, 80, 236, 1759, 365, 345, 436, 4428,\n", + " 31843, 3],\n", + " [ 2, 99, 1277, 62, 6951, 1235, 59, 26421, 6364, 59,\n", + " 62, 80, 24979, 5146, 62, 222, 2198, 721, 10, 6951,\n", + " 11, 39, 10, 1766, 30074, 31843, 3, 0, 0, 0,\n", + " 0, 0],\n", + " [ 2, 402, 435, 2174, 31, 673, 2190, 26, 1067, 31,\n", + " 1580, 10, 757, 2557, 31843, 3, 0, 0, 0, 0,\n", + " 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n", + " 0, 0]]), 'label_ids': tensor([[ 2, 1574, 29629, 28784, 20, 19466, 123, 27223, 28723, 56,\n", + " 8984, 299, 2950, 749, 309, 28834, 324, 1630, 28724, 3,\n", + " 0, 0, 0, 0, 0, 0],\n", + " [ 2, 934, 29113, 2030, 5731, 28727, 28723, 19413, 8885, 20965,\n", + " 28723, 153, 705, 93, 9, 19430, 28724, 28244, 3478, 13828,\n", + " 542, 1043, 1254, 2193, 28724, 3],\n", + " [ 2, 28722, 29496, 30377, 1641, 1944, 29492, 29283, 8314, 28848,\n", + " 1346, 28734, 3203, 30377, 29547, 28729, 29496, 29084, 28836, 2289,\n", + " 11814, 28724, 3, 0, 0, 0],\n", + " [ 2, 4273, 170, 95, 4373, 371, 29119, 28723, 16469, 10088,\n", + " 28724, 3, 0, 0, 0, 0, 0, 0, 0, 0,\n", + " 0, 0, 0, 0, 0, 0]]), 'attention_mask': tensor([[[ True, True, True, True, True, True, True, True, True, True,\n", + " True, True, True, True, True, True, True, True, True, True,\n", + " True, True, True, True, True, True, False, False, False, False,\n", + " False, False]],\n", + "\n", + " [[ True, True, True, True, True, True, True, True, True, True,\n", + " True, True, True, True, True, True, True, True, True, True,\n", + " True, True, True, True, True, True, True, True, True, True,\n", + " True, True]],\n", + "\n", + " [[ True, True, True, True, True, True, True, True, True, True,\n", + " True, True, True, True, True, True, True, True, True, True,\n", + " True, True, True, True, True, True, True, False, False, False,\n", + " False, False]],\n", + "\n", + " [[ True, True, True, True, True, True, True, True, True, True,\n", + " True, True, True, True, True, True, False, False, False, False,\n", + " False, False, False, False, False, False, False, False, False, False,\n", + " False, False]]]), 'label_mask': tensor([[[ True, True, True, True, True, True, True, True, True, True,\n", + " True, True, True, True, True, True, True, True, True, True,\n", + " False, False, False, False, False, False]],\n", + "\n", + " [[ True, True, True, True, True, True, True, True, True, True,\n", + " True, True, True, True, True, True, True, True, True, True,\n", + " True, True, True, True, True, True]],\n", + "\n", + " [[ True, True, True, True, True, True, True, True, True, True,\n", + " True, True, True, True, True, True, True, True, True, True,\n", + " True, True, True, False, False, False]],\n", + "\n", + " [[ True, True, True, True, True, True, True, True, True, True,\n", + " True, True, False, False, False, False, False, False, False, False,\n", + " False, False, False, False, False, False]]])}\n" + ] + } + ], + "source": [ + "for item in dataloader:\n", + " print(item)\n", + " break" + ] + }, + { + "cell_type": "code", + "execution_count": 24, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "inputs_id torch.Size([4, 32])\n", + "label_ids torch.Size([4, 26])\n", + "attention_mask torch.Size([4, 1, 32])\n" + ] + } + ], + "source": [ + "print(\"inputs_id\", item[\"input_ids\"].size())\n", + "print(\"label_ids\", item[\"label_ids\"].size())\n", + "print(\"attention_mask\", item[\"attention_mask\"].size())" + ] + }, + { + "cell_type": "code", + "execution_count": 26, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "idx torch.Size([4, 32])\n", + "tok_emb torch.Size([4, 32, 16])\n", + "x after wpe: torch.Size([4, 32, 16])\n", + "enc_out: torch.Size([4, 32, 16])\n", + "k: torch.Size([4, 4, 26, 4])\n", + "q: torch.Size([4, 4, 26, 4])\n", + "mask: torch.Size([4, 1, 1, 26])\n", + "casual_mask: torch.Size([1, 1, 26, 26])\n", + "k: torch.Size([4, 4, 26, 4])\n", + "q: torch.Size([4, 4, 26, 4])\n", + "mask: torch.Size([4, 1, 1, 26])\n", + "casual_mask: torch.Size([1, 1, 26, 26])\n", + "x after decoder: torch.Size([4, 26, 16])\n", + "logits: torch.Size([4, 26, 32000])\n", + "targets: torch.Size([4, 26])\n" + ] + } + ], + "source": [ + "inputs = item[\"input_ids\"]\n", + "attn_mask = item[\"attention_mask\"]\n", + "labels = item[\"label_ids\"]\n", + "label_mask = item[\"label_mask\"]\n", + "logits, _ = model(inputs, labels, attn_mask=attn_mask, label_mask=label_mask)" + ] + }, + { + "cell_type": "code", + "execution_count": 29, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "idx torch.Size([4, 32])\n", + "tok_emb torch.Size([4, 32, 16])\n", + "x after wpe: torch.Size([4, 32, 16])\n", + "enc_out: torch.Size([4, 32, 16])\n", + "x after decoder: torch.Size([4, 32, 16])\n", + "logits: torch.Size([4, 32, 32000])\n", + "targets: torch.Size([4, 32])\n", + "idx torch.Size([4, 33])\n", + "tok_emb torch.Size([4, 33, 16])\n", + "x after wpe: torch.Size([4, 33, 16])\n", + "enc_out: torch.Size([4, 33, 16])\n", + "x after decoder: torch.Size([4, 33, 16])\n", + "logits: torch.Size([4, 33, 32000])\n", + "targets: torch.Size([4, 33])\n", + "idx torch.Size([4, 34])\n", + "tok_emb torch.Size([4, 34, 16])\n", + "x after wpe: torch.Size([4, 34, 16])\n", + "enc_out: torch.Size([4, 34, 16])\n", + "x after decoder: torch.Size([4, 34, 16])\n", + "logits: torch.Size([4, 34, 32000])\n", + "targets: torch.Size([4, 34])\n", + "idx torch.Size([4, 35])\n", + "tok_emb torch.Size([4, 35, 16])\n", + "x after wpe: torch.Size([4, 35, 16])\n", + "enc_out: torch.Size([4, 35, 16])\n", + "x after decoder: torch.Size([4, 35, 16])\n", + "logits: torch.Size([4, 35, 32000])\n", + "targets: torch.Size([4, 35])\n", + "idx torch.Size([4, 36])\n", + "tok_emb torch.Size([4, 36, 16])\n", + "x after wpe: torch.Size([4, 36, 16])\n", + "enc_out: torch.Size([4, 36, 16])\n", + "x after decoder: torch.Size([4, 36, 16])\n", + "logits: torch.Size([4, 36, 32000])\n", + "targets: torch.Size([4, 36])\n", + "idx torch.Size([4, 37])\n", + "tok_emb torch.Size([4, 37, 16])\n", + "x after wpe: torch.Size([4, 37, 16])\n", + "enc_out: torch.Size([4, 37, 16])\n", + "x after decoder: torch.Size([4, 37, 16])\n", + "logits: torch.Size([4, 37, 32000])\n", + "targets: torch.Size([4, 37])\n", + "idx torch.Size([4, 38])\n", + "tok_emb torch.Size([4, 38, 16])\n", + "x after wpe: torch.Size([4, 38, 16])\n", + "enc_out: torch.Size([4, 38, 16])\n", + "x after decoder: torch.Size([4, 38, 16])\n", + "logits: torch.Size([4, 38, 32000])\n", + "targets: torch.Size([4, 38])\n", + "idx torch.Size([4, 39])\n", + "tok_emb torch.Size([4, 39, 16])\n", + "x after wpe: torch.Size([4, 39, 16])\n", + "enc_out: torch.Size([4, 39, 16])\n", + "x after decoder: torch.Size([4, 39, 16])\n", + "logits: torch.Size([4, 39, 32000])\n", + "targets: torch.Size([4, 39])\n", + "idx torch.Size([4, 40])\n", + "tok_emb torch.Size([4, 40, 16])\n", + "x after wpe: torch.Size([4, 40, 16])\n", + "enc_out: torch.Size([4, 40, 16])\n", + "x after decoder: torch.Size([4, 40, 16])\n", + "logits: torch.Size([4, 40, 32000])\n", + "targets: torch.Size([4, 40])\n", + "idx torch.Size([4, 41])\n", + "tok_emb torch.Size([4, 41, 16])\n", + "x after wpe: torch.Size([4, 41, 16])\n", + "enc_out: torch.Size([4, 41, 16])\n", + "x after decoder: torch.Size([4, 41, 16])\n", + "logits: torch.Size([4, 41, 32000])\n", + "targets: torch.Size([4, 41])\n" + ] + }, + { + "data": { + "text/plain": [ + "tensor([[ 2, 2668, 2338, 236, 3806, 39, 2186, 6506, 31841, 323,\n", + " 406, 490, 55, 6, 6157, 4853, 81, 10, 371, 4692,\n", + " 62, 1106, 10, 1639, 31843, 3, 0, 0, 0, 0,\n", + " 0, 0, 14135, 4281, 10522, 21702, 12728, 30598, 3686, 12030,\n", + " 15986, 3309],\n", + " [ 2, 24876, 31847, 4431, 7941, 59, 6, 6716, 3756, 31,\n", + " 10, 2314, 1830, 62, 441, 10, 277, 146, 365, 345,\n", + " 436, 8355, 31841, 80, 236, 1759, 365, 345, 436, 4428,\n", + " 31843, 3, 28800, 4633, 22366, 20202, 28156, 19610, 20725, 2965,\n", + " 17115, 16764],\n", + " [ 2, 99, 1277, 62, 6951, 1235, 59, 26421, 6364, 59,\n", + " 62, 80, 24979, 5146, 62, 222, 2198, 721, 10, 6951,\n", + " 11, 39, 10, 1766, 30074, 31843, 3, 0, 0, 0,\n", + " 0, 0, 3927, 26351, 16965, 20576, 29083, 28264, 27495, 7917,\n", + " 18811, 27216],\n", + " [ 2, 402, 435, 2174, 31, 673, 2190, 26, 1067, 31,\n", + " 1580, 10, 757, 2557, 31843, 3, 0, 0, 0, 0,\n", + " 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,\n", + " 0, 0, 21089, 6135, 20354, 18837, 27694, 31347, 13719, 20972,\n", + " 21971, 3196]])" + ] + }, + "execution_count": 29, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "model.generate(inputs, 10)" + ] } ], "metadata": { diff --git "a/notebooks/\347\254\254\345\233\233\347\253\240 PyTorch\345\237\272\347\241\200\345\256\236\346\210\230/\346\234\272\345\231\250\347\277\273\350\257\221/Transformer\345\256\236\346\210\230\346\234\272\345\231\250\347\277\273\350\257\221.md" "b/notebooks/\347\254\254\345\233\233\347\253\240 PyTorch\345\237\272\347\241\200\345\256\236\346\210\230/\346\234\272\345\231\250\347\277\273\350\257\221/Transformer\345\256\236\346\210\230\346\234\272\345\231\250\347\277\273\350\257\221.md" index 720f50f00..1413b9f0e 100644 --- "a/notebooks/\347\254\254\345\233\233\347\253\240 PyTorch\345\237\272\347\241\200\345\256\236\346\210\230/\346\234\272\345\231\250\347\277\273\350\257\221/Transformer\345\256\236\346\210\230\346\234\272\345\231\250\347\277\273\350\257\221.md" +++ "b/notebooks/\347\254\254\345\233\233\347\253\240 PyTorch\345\237\272\347\241\200\345\256\236\346\210\230/\346\234\272\345\231\250\347\277\273\350\257\221/Transformer\345\256\236\346\210\230\346\234\272\345\231\250\347\277\273\350\257\221.md" @@ -1,6 +1,6 @@ # Transformer 实战机器翻译 -## 引言 +## 一、引言 自然语言处理与图像具有显著差异,自然语言处理任务也具有其独特性。相对于 CNN(卷积神经网络)在 CV 中的霸主地位,在很长一段时间里,RNN(循环神经网络)、LSTM(长短期记忆递归神经网络)占据了 NLP 的主流地位。作为针对序列建模的模型,RNN、LSTM 在以序列为主要呈现形式的 NLP 任务上展现出远超 CNN 的卓越性能。​但是 RNN、LSTM 虽然在处理自然语言处理的序列建模任务中得天独厚,却也有着难以忽视的缺陷: @@ -16,9 +16,9 @@ 本文参考的代码实现仓库包括:[NanoGPT](https://github.com/karpathy/nanoGPT)、[ChineseNMT](https://github.com/hemingkx/ChineseNMT)、[transformer-translator-pytorch](https://github.com/devjwsong/transformer-translator-pytorch) -## Transformer 模型架构 +## 二、Transformer 模型架构 -### Seq2Seq 模型 +### 2.1 Seq2Seq 模型 Seq2Seq,即序列到序列,是一种经典 NLP 任务。具体而言,是指模型输入的是一个自然语言序列 $input = (x_1, x_2, x_3...x_n)$,输出的是一个可能不等长的自然语言序列 $output = (y_1, y_2, y_3...y_m)$。事实上,Seq2Seq 是 NLP 最经典的任务,几乎所有的 NLP 任务都可以视为 Seq2Seq 任务。例如文本分类任务,可以视为输出长度为 1 的目标序列(如在上式中 $m$ = 1);词性标注任务,可以视为输出与输入序列等长的目标序列(如在上式中 $m$ = $n$)。 @@ -36,11 +36,11 @@ Transformer 是一个经典的 Seq2Seq 模型,即模型的输入为文本序 接下来我们将从 Attention 机制出发,自底向上逐层解析 Transformer 的模型原理,并基于 Pytorch 框架进行模型实现,并最后搭建一个 Transformer 模型。 -### Attention 机制 +### 2.2 Attention 机制 ​Attention 机制是 Transformer 的核心之一,此处我们简要概述 attention 机制的思想和大致计算方法,如想要探究更多细节请大家具体查阅相关资料,例如:[Understanding Attention In Deep Learning (NLP)](https://towardsdatascience.com/attaining-attention-in-deep-learning-a712f93bdb1e)、[Attention? Attention!](https://lilianweng.github.io/posts/2018-06-24-attention/)等。在下文中,我们将从何为 Attention、self-attention 和 Multi-Head Attention 三个方面逐步介绍 Transformer 中使用的 Attention 机制,并手动实现 Transformer 中 Multi-Head Attention 层。 -#### 何为 Attention +#### 2.2.1 何为 Attention ​Attention 机制最先源于计算机视觉领域,其核心思想为当我们关注一张图片,我们往往无需看清楚全部内容而仅将注意力集中在重点部分即可。而在自然语言处理领域,我们往往也可以通过将重点注意力集中在一个或几个 token,从而取得更高效高质的计算效果。 @@ -86,7 +86,7 @@ def attention(q, k, v): return y ``` -#### Mask +#### 2.2.2 Mask 由于​Transformer 是一个自回归模型,类似于语言模型,其将利用历史信息依序对输出进行预测。例如,如果语料的句对为: @@ -105,9 +105,9 @@ def attention(q, k, v): I like you I like you -即当输入维度为 (B, T, n_embed),我们的 Mask 矩阵维度一般为 (1, T, T)(通过广播实现同一个 batch 中不同样本的计算),通过下三角掩码来遮蔽历史信息。在 Encoder 的 Attention 中,我们不会生成掩码,因此 Attention 是全部可见的;在 Decoder 的 Attention 中,我们会生成如上所述的掩码,从而保证每一个 token 只能使用自己之前 token 的注意力信息。 +即当输入维度为 (B, T, n_embed),我们的 Mask 矩阵维度一般为 (1, T, T)(通过广播实现同一个 batch 中不同样本的计算),通过下三角掩码来遮蔽历史信息。在 Encoder 的 Attention 中,Attention 是全部可见的,但是我们同样需要传入一个掩码,在 Encoder 中的掩码是遮蔽了 \ 符号,因为在处理批量数据时会将他们补齐到同一长度,我们需要忽略 \ 符号的注意力,否则会将该符号纳入语义计算;在 Decoder 的 Attention 中,我们会生成如上所述的下三角掩码,从而保证每一个 token 只能使用自己之前 token 的注意力信息。 -在具体实现中,我们通过以下代码生成 Mask 矩阵: +在具体实现中,我们会在 DataLoader 中生成对 \ 的 Mask 矩阵,并传入 Attention 计算。同时,我们通过以下代码生成 Causal LM 的 Mask 矩阵: ```python # 此处使用 register_buffer 注册一个 bias 属性 @@ -116,7 +116,38 @@ self.register_buffer("bias", torch.tril(torch.ones(config.block_size, config.blo .view(1, config.block_size, config.block_size)) ``` -#### Self-Attention +在考虑两种 Mask 矩阵(用于遮蔽 \ 的 Mask 矩阵 和用在 Decoder 中遮蔽历史信息的 Mask 矩阵)后,我们可以将 attention 的计算修改为下列形式(注意,此处传入的 attn_mask 对 Encoder 是仅用作遮蔽 \ 的矩阵,对 Decoder 是遮蔽矩阵和上文生成的下三角矩阵做布尔运算得到的统一 Mask 矩阵): + +```python +'''注意力计算函数''' +import math +from torch.nn import functional as F +import torch + +def attention(q, k, v, dropout_module = None, is_causal=False, dropout=0.0, mask=None): + # 计算 QK^T / sqrt(d_k),维度为 (B, nh, T, hs) x (B, nh, hs, T) -> (B, nh, T, T) + att = (q @ k.transpose(-2, -1)) * (1.0 / math.sqrt(k.size(-1))) + # 如果是解码器的 Casual LM,需要 mask 掉右上角的元素 + mask.unsqueeze_(1) + if is_causal: + # 生成一个下三角矩阵 + casual_mask = torch.tril(torch.ones(k.size(-2), k.size(-2)).view(1, 1, k.size(-2), k.size(-2))) + # casual_mask 和原先的 attention_mask 做位运算 + mask = mask & casual_mask + # 进行 Mask + att = att.masked_fill(mask == False, float('-inf')) + # 计算 softmax,维度为 (B, nh, T, T) + att = F.softmax(att, dim=-1) + # Attention Dropout + if dropout_module is not None: + att = dropout_module(dropout) + # V * Score,维度为(B, nh, T, T) x (B, nh, T, hs) -> (B, nh, T, hs) + y = att @ v + return y +``` + + +#### 2.2.3 Self-Attention ​从上对 Attention 机制原理的叙述中我们可以发现,Attention 机制的本质是对两段序列的元素依次进行相似度计算,寻找出一个序列的每个元素对另一个序列的每个元素的相关度,然后基于相关度进行加权,即分配注意力。而这两段序列即是我们计算过程中 $Q$、$K$、$V$ 的来源。 @@ -132,12 +163,12 @@ self.register_buffer("bias", torch.tril(torch.ones(config.block_size, config.blo ```python # attn 为一个注意力计算层 -self.attn(x, x, x) +self.attn(x, x, x, attn_mask) ``` ​上述代码是 Encoder 层的部分实现,self.attn 即是注意力层,传入的三个参数都是 $x$,分别是 $Q$、$K$、$V$ 的计算输入,从而 $Q$、$K$、$$ 均来源于同一个输入,则实现了自注意力的拟合。 -#### Multi-Head Attention +#### 2.2.4 Multi-Head Attention ​Attention 机制可以实现并行化与长期依赖关系拟合,但一次注意力计算只能拟合一种相关关系,单一的 Attention 机制很难全面拟合语句序列里的相关关系。因此 Transformer 使用了 Multi-Head attention 机制,即同时对一个语料进行多次注意力计算,每次注意力计算都能拟合不同的关系,将最后的多次结果拼接起来作为最后的输出,即可更全面深入地拟合语言信息。 @@ -169,6 +200,7 @@ $$ import torch.nn as nn import torch + '''多头注意力计算模块''' class MultiHeadAttention(nn.Module): @@ -176,10 +208,9 @@ class MultiHeadAttention(nn.Module): # 构造函数 # config: 配置对象 super().__init__() - # 隐藏层维度必须是头数的整数倍,因为后面我们会将输入拆成头数个矩阵 + # 隐藏层维度必须是头数的整数倍 assert config.n_embd % config.n_head == 0 # Wq, Wk, Wv 参数矩阵,每个参数矩阵为 n_embd x n_embd - # 这里通过三个组合矩阵来代替了n个参数矩阵的组合,其逻辑在于矩阵内积再拼接其实等同于拼接矩阵再内积,不理解的读者可以自行模拟一下,每一个线性层其实相当于n个参数矩阵的拼接 self.c_attns = nn.ModuleList([nn.Linear(config.n_embd, config.n_embd, bias=config.bias) for _ in range(3)]) # 输出的线性层,维度为 n_embd x n_embd self.c_proj = nn.Linear(config.n_embd, config.n_embd, bias=config.bias) @@ -196,7 +227,8 @@ class MultiHeadAttention(nn.Module): # 是否是解码器的 Casual LM self.is_causal = is_causal # 判断是否使用 Flash Attention,Pytorch 2.0 支持,即判断 torch.nn.functional.scaled_dot_product_attention 是否存在 - self.flash = hasattr(torch.nn.functional, 'scaled_dot_product_attention') + # self.flash = hasattr(torch.nn.functional, 'scaled_dot_product_attention') + self.flash = False # 如果不使用 Flash Attention,打印一个警告 if not self.flash: @@ -207,30 +239,47 @@ class MultiHeadAttention(nn.Module): self.register_buffer("bias", torch.tril(torch.ones(config.block_size, config.block_size)) .view(1, 1, config.block_size, config.block_size)) - def forward(self, query, key, value): + def forward(self, query, key, value, attention_mask=None): # 输入为 query、key、value,维度为 (B, T, n_embed) + # attention_mask 为注意力 mask,维度为 (B, 1, T) # print("query",query.size()) - B, T, C = query.size() # batch size, sequence length, embedding dimensionality (n_embd) + B, _, C = key.size() # batch size, sequence length, embedding dimensionality (n_embd) # 计算 Q、K、V,输入通过参数矩阵层,维度为 (B, T, n_embed) x (n_embed, n_embed) -> (B, T, n_embed) q, k, v = [self.c_attns[i](x) for i, x in zip(range(3), (query, key, value))] - # 将 Q、K、V 拆分成多头,维度为 (B, T, n_head, C // n_head),然后交换维度,变成 (B, n_head, T, C // n_head),因为在注意力计算中我们是取了后两个维度参与计算 - # 为什么要先按B*T*n_head*C//n_head展开再互换1、2维度而不是直接按注意力输入展开,是因为view的展开方式是直接把输入全部排开,然后按要求构造,可以发现只有上述操作能够实现我们将每个头对应部分取出来的目标 - k = k.view(B, T, self.n_head, C // self.n_head).transpose(1, 2) - q = q.view(B, T, self.n_head, C // self.n_head).transpose(1, 2) - v = v.view(B, T, self.n_head, C // self.n_head).transpose(1, 2) + # 将 Q、K、V 拆分成多头,维度为 (B, T, n_head, C // n_head),然后交换维度,变成 (B, n_head, T, C // n_head) + k = k.view(B, -1, self.n_head, C // self.n_head).transpose(1, 2) + q = q.view(B, -1, self.n_head, C // self.n_head).transpose(1, 2) + v = v.view(B, -1, self.n_head, C // self.n_head).transpose(1, 2) # 注意力计算 if self.flash: - # 直接使用 Flash Attention + # 直接使用 Flash Attention,其处理的是可变序列,不进行 PAD + # 但我们在使用数据时进行了 PAD,所以会出现问题,目前暂时不考虑 PAD 带来的语义歧义 y = torch.nn.functional.scaled_dot_product_attention(q, k, v, attn_mask=None, dropout_p=self.dropout if self.training else 0, is_causal=self.is_causal) else: # 手动实现注意力计算 # 计算 QK^T / sqrt(d_k),维度为 (B, nh, T, hs) x (B, nh, hs, T) -> (B, nh, T, T) att = (q @ k.transpose(-2, -1)) * (1.0 / math.sqrt(k.size(-1))) + if attention_mask is not None: + # 给 attention_mask 增加一个维度 + mask = attention_mask.clone() + mask.unsqueeze_(1) # 如果是解码器的 Casual LM,需要 mask 掉右上角的元素 if self.is_causal: - # 这里截取到序列长度,因为有些序列可能比 block_size 短 - att = att.masked_fill(self.bias[:,:,:T,:T] == 0, float('-inf')) + # 先对初始化的下三角矩阵做截断并转化为Bool矩阵 + casual_mask = self.bias[:,:,:k.size(-2),:k.size(-2)] == 1 + # print(casual_mask.size()) + # print(mask.size()) + # casual_mask 和原先的 attention_mask 做位运算 + if attention_mask is not None: + mask = mask & casual_mask + else: + mask = casual_mask + if attention_mask is None and not self.is_causal: + # 不进行 Mask + pass + else: + att = att.masked_fill(mask == False, float('-inf')) # 计算 softmax,维度为 (B, nh, T, T) att = F.softmax(att, dim=-1) # Attention Dropout @@ -238,15 +287,18 @@ class MultiHeadAttention(nn.Module): # V * Score,维度为(B, nh, T, T) x (B, nh, T, hs) -> (B, nh, T, hs) y = att @ v # 将多头的结果拼接起来, 先交换维度为 (B, T, n_head, C // n_head),再拼接成 (B, T, n_head * C // n_head) - # contiguous 函数用于重新开辟一块新内存存储,因为Pytorch设置先transpose再view会报错,因为view直接基于底层存储得到,然而transpose并不会改变底层存储,因此需要额外存储 - y = y.transpose(1, 2).contiguous().view(B, T, C) + # 使用 contigonous() 函数保证内存是连续的,否则会报错 + # print(self.is_causal) + # print(y.size()) + # print(B, T, C) + y = y.transpose(1, 2).contiguous().view(B, -1, C) # 经过输出层计算,维度为 (B, T, C),再经过线性层残差连接 y = self.resid_dropout(self.c_proj(y)) return y ``` -### 全连接网络(FNN) +### 2.3 全连接网络(FNN) 如图,每一个 Encoder 块内部其实是一个多头自注意力层再加一个全连接层,在 Transformer 中,一个全连接网络一般包括两个线性层,线性层之间使用 ReLU 函数作为激活函数。此处我们实现一个 FNN 层: @@ -271,7 +323,7 @@ class MLP(nn.Module): return x ``` -### Layer Norm +### 2.4 Layer Norm Layer Norm 是 Transformer 的一个重要组成部分,模型在每一层网络计算之前都进行了 Layer Norm 操作。注意,在论文原图中,是先进行注意力计算和全连接计算再进行 Layer Norm 操作,这样也称为 Post Norm;但是在事实上实现 Transformer 模型时,作者其实将 Layer Norm 放在了注意力计算和全连接计算之前,从而将输入规范化到同一区间,减少模型训练的波动,称为 Pre Norm 操作。目前,Pre Norm 是较为常用的策略。 @@ -294,7 +346,7 @@ class LayerNorm(nn.Module): return F.layer_norm(input, self.weight.shape, self.weight, self.bias, 1e-5) ``` -### 残差连接 +### 2.5 残差连接 由于 Transformer 模型结构较复杂、层数较深,​为了避免模型退化,Transformer 采用了残差连接的思想来连接每一个子层。残差连接,即下一层的输入不仅是上一层的输出,还包括上一层的输入。残差连接允许最底层信息直接传到最高层,让高层专注于残差的学习。 @@ -318,7 +370,7 @@ def forward(self, x): 在上文代码中,self.ln_1 和 self.ln_2 都是 LayerNorm 层,self.attn 是注意力层,而 self.mlp 是全连接层。 -### Encoder +### 2.6 Encoder 在实现上述组件之后,我们可以搭建起 Transformer 的 Encoder。Encoder 由 N 个 Encoder Layer 组成,每一个 Encoder Layer 包括一个注意力层和一个全连接层。因此,我们可以首先实现一个 Encoder Layer: @@ -335,12 +387,12 @@ class EncoderLayer(nn.Module): self.ln_2 = LayerNorm(config.n_embd, bias=config.bias) self.mlp = MLP(config) - def forward(self, x): + def forward(self, x, attn_mask=None): # 此处前面加了 x 实则是实现了残差连接 x = self.ln_1(x) # Encoder 使用 Self Attention,所以 Q、K、V 都是 x # print("x",x.size()) - x = x + self.attn(x, x, x) + x = x + self.attn(x, x, x, attention_mask=attn_mask) x = x + self.mlp(self.ln_2(x)) return x ``` @@ -357,14 +409,14 @@ class Encoder(nn.Module): self.layers = nn.ModuleList([EncoderLayer(config) for _ in range(config.n_layer)]) self.norm = LayerNorm(config.n_embd, bias=config.bias) - def forward(self, x): + def forward(self, x, attn_mask=None): "分别通过 N 层 Encoder Layer" for layer in self.layers: - x = layer(x) + x = layer(x, attn_mask=attn_mask) return self.norm(x) ``` -### Decoder +### 2.7 Decoder 类似的,我们也可以先搭建 Decoder Layer,再将 N 个 Decoder Layer 组装为 Decoder。但是和 Encoder 不同的是,Decoder 由两个注意力层和一个全连接层组成。第一个注意力层是一个掩码自注意力层,即使用 Mask 的注意力计算,保证每一个 token 只能使用该 token 之前的注意力分数;第二个注意力层是一个多头注意力层,该层将使用第一个注意力层的输出作为 query,使用 Encoder 的输出作为 key 和 value,来计算注意力分数。最后,再经过全连接层: @@ -385,20 +437,39 @@ class DecoderLayer(nn.Module): # 第三个部分是 MLP self.mlp = MLP(config) - def forward(self, x, enc_out): + def forward(self, x, enc_out, attn_mask=None, label_mask=None): # 此处前面加了 x 实则是实现了残差连接 x = self.ln_1(x) # 第一部分是一个 Mask Self Attention,Q、K、V 都是 x - x = x + self.m_attn(x, x, x) + x = x + self.m_attn(x, x, x, attention_mask=label_mask) x = self.ln_2(x) # 第二部分是一个类似于 Encoder 的 Attention,Q 是 x,K、V 是 Encoder 的输出 - x = x + self.attn(x, enc_out, enc_out) + x = x + self.attn(x, enc_out, enc_out, attention_mask=attn_mask) x = self.ln_3(x) x = x + self.mlp(x) return x ``` -### Position Encoding +同样,我们通过搭建 Decoder_layer 来构造一个 Decoder: + +```python +'''Decoder''' +class Decoder(nn.Module): + + def __init__(self, config): + super(Decoder, self).__init__() + # 一个 Decoder 由 N 个 Decoder Layer 组成 + self.layers = nn.ModuleList([DecoderLayer(config) for _ in range(config.n_layer)]) + self.norm = LayerNorm(config.n_embd, bias=config.bias) + + def forward(self, x, enc_out, attn_mask=None, label_mask=None): + # 分别为 labels、encoder输出、encoder 的 mask 和 label 的 mask + for layer in self.layers: + x = layer(x, enc_out, attn_mask=attn_mask, label_mask=label_mask) + return self.norm(x) +``` + +### 2.8 Position Encoding ​Attention 机制可以实现良好的并行计算,但同时,其注意力计算的方式也导致序列中相对位置的丢失。在 RNN、LSTM 中,输入序列会沿着语句本身的顺序被依次递归处理,因此输入序列的顺序提供了极其重要的信息,这也和自然语言的本身特性非常吻合。但从上文对 Attention 机制的分析我们可以发现,在 Attention 机制的计算过程中,对于序列中的每一个 token,其他各个位置对其来说都是平等的,即“我喜欢你”和“你喜欢我”在 Attention 机制看来是完全相同的,但无疑这是 Attention 机制存在的一个巨大问题。因此,为使用序列顺序信息,保留序列中的相对位置信息,Transformer 采用了位置编码机制,该机制也在之后被多种模型沿用。 @@ -478,7 +549,7 @@ class PositionalEncoding(nn.Module): return self.dropout(x) ``` -### 整体模型 +### 2.9 整体模型 在实现上述组件之后,我们可以根据 Transformer 的模型结构将整个模型搭建起来了。Transformer 整体包括一个 Embedding 层,一个位置编码层,一个 Encoder(包括 N 个 Encoder Layer),一个 Decoder(包括 N 个 Decoder Layer),最后还有一个从隐藏层维度映射到词表大小的线性层。从最后线性层输出出来再计算 Softmax,即能得到该预测结果映射到词表上的概率值。 @@ -532,7 +603,7 @@ class Transformer(nn.Module): torch.nn.init.normal_(module.weight, mean=0.0, std=0.02) '''前向计算函数''' - def forward(self, idx, targets=None): + def forward(self, idx, targets, attn_mask=None, label_mask=None): # 输入为 idx,维度为 (batch size, sequence length);targets 为目标序列,用于计算 loss device = idx.device b, t = idx.size() @@ -543,23 +614,27 @@ class Transformer(nn.Module): print("idx",idx.size()) # 通过 Embedding 层得到的维度是 (batch size, sequence length, vocab_size, n_embd),因此我们去掉倒数第二个维度 tok_emb = self.transformer.wte(idx) + label_emb = self.transformer.wte(targets) print("tok_emb",tok_emb.size()) # 然后通过位置编码 pos_emb = self.transformer.wpe(tok_emb) + labels_pos_emb = self.transformer.wpe(label_emb) # 再进行 Dropout x = self.transformer.drop(pos_emb) # 然后通过 Encoder print("x after wpe:",x.size()) - enc_out = self.transformer.encoder(x) + enc_out = self.transformer.encoder(x, attn_mask=attn_mask) print("enc_out:",enc_out.size()) # 再通过 Decoder - x = self.transformer.decoder(x, enc_out) + x = self.transformer.decoder(labels_pos_emb, enc_out, attn_mask=attn_mask, label_mask=label_mask) print("x after decoder:",x.size()) if targets is not None: # 训练阶段,如果我们给了 targets,就计算 loss # 先通过最后的 Linear 层,得到维度为 (batch size, sequence length, vocab size) logits = self.lm_head(x) + print("logits: ", logits.size()) + print("targets: ", targets.size()) # 再跟 targets 计算交叉熵 loss = F.cross_entropy(logits.view(-1, logits.size(-1)), targets.view(-1), ignore_index=-1) else: @@ -608,7 +683,7 @@ class Transformer(nn.Module): # 如果输入序列太长,我们需要将它截断到 block_size idx_cond = idx if idx.size(1) <= self.config.block_size else idx[:, -self.config.block_size:] # 前向计算,得到 logits,维度为 (batch size, sequence length, vocab size) - logits, _ = self(idx_cond) + logits, _ = self(idx_cond, idx_cond) # 使用最后一个 token 的 logits 作为当前输出,除以温度系数控制其多样性 logits = logits[:, -1, :] / temperature # 如果使用 Top K 采样,将 logits 中除了 top_k 个元素的概率置为 0 @@ -626,6 +701,259 @@ class Transformer(nn.Module): return idx ``` -在上述代码中,我们主要实现了模型的构造函数、前向计算函数和推理阶段的生成函数。构造函数根据传入的参数构造模型的每个层,前向计算函数主要根据模型结构依次在各层之间进行传递。前向计算到最后一层,如果同时传入了 label,即训练阶段,那么通过最后一层之后与 label 计算交叉熵损失函数;如果没有 label 即推理阶段,那么直接通过最后一层得到结果即可。推理阶段的生成函数核心在于需要依次生成,因为 Seq2Seq 任务,在生成时以 LM 的形式生成,如果要生成长度为 N 的目标序列,那么会连续推理 N 次,每次将推理得到的结果附加到输入中再进行下一次生成。 +在上述代码中,我们主要实现了模型的构造函数、前向计算函数和推理阶段的生成函数。构造函数根据传入的参数构造模型的每个层,前向计算函数主要根据模型结构依次在各层之间进行传递。前向计算通过最后一层,再与 label 计算交叉熵损失函数;在推理阶段,label 与 input 一致。推理阶段的生成函数核心在于需要依次生成,因为 Seq2Seq 任务,在生成时以 LM 的形式生成,如果要生成长度为 N 的目标序列,那么会连续推理 N 次,每次将推理得到的结果附加到输入中再进行下一次生成。 + +通过上述代码,我们即可实现一个 Transformer 模型。接下来,我们会结合具体的机器翻译数据集,讲解如何使用我们自定义的 Transformer 模型来实现训练和推理机器翻译任务。 + +## 三、机器翻译任务 + +机器翻译是 NLP 的经典任务,也是经典的 Seq2Seq 任务。机器翻译任务的输入一般是源语言,输出一般是目标语言,例如: + + input: Today is a nice day! + output: 今天天气真好! + +这就是一个典型的英翻中机器翻译任务。本章我们将结合上文我们自定义的 Transformer 模型,来实战机器翻译任务。 + +### 3.1 数据集 + +我们使用 [WMT 2018 中-英翻译数据集(新闻领域)](https://statmt.org/wmt18/translation-task.html)来作为实战数据集。我们已将数据集存储在同级目录的 data 目录下,数据集分别包括:train.json(训练集)、test.json(测试集)、dev.json(验证集)。我们可以直接使用第三方库 json 来读取数据集并进行观察: + +
image-20230129185638102
+ + +### 3.2 训练分词器 + +分词器,即 tokenizer,是 NLP 模型的一个重要组成部分。tokenizer 用于将自然语言文本拆分为 token,并转化为特定的序号,例如,对“今天天气很好”这句话,tokenizer 的处理结果可能是: + + input:今天天气很好 + 切分成token:今天 天气 很 好 + 转化为序号:1 2 3 4 + +很多模型都有开源的 tokenizer 可使用,此处我们尝试基于自己的语料,使用 Sentence piece 第三方库训练一个 tokenizer。 + +目前,主流的 tokenizer 一般基于 BPE(Byte Pair Encoding)。对于 BPE,可以简单理解为该类分词器会将一个字符切分开成为字节对,从而解决 OOV(Out of Vocabulary,词典未登录词,即未在词典中出现过的词如何表示)的问题。关于 BPE 的原理和基本算法,可以参考该博客:[理解NLP最重要的编码方式 — Byte Pair Encoding (BPE),这一篇就够了](https://zhuanlan.zhihu.com/p/424631681)。 + +此处,我们直接使用 sentencepiece 来训练一个 tokenizer。首先,我们将数据集中的中英句对拆分开,分别形成中文语料库和英文语料库: + +```python +import os + +# 源数据路径 +file_path = "data" +# 将三个数据集都纳入语料库 +files = ['train', 'dev', 'test'] +# 中文语料库的地址 +ch_path = 'corpus.ch' +# 英文语料库的地址 +en_path = 'corpus.en' +# 存储所有中文、英文语料的列表 +ch_lines = [] +en_lines = [] + +for file in files: + # 分别加载每一个数据集 + corpus = json.load(open(os.path.join(file_path, file + '.json'), 'r')) + # 加到列表中 + for item in corpus: + ch_lines.append(item[1] + '\n') + en_lines.append(item[0] + '\n') + +# 分别写到两个语料库中 +with open(os.path.join(file_path, ch_path), "w") as fch: + fch.writelines(ch_lines) + +with open(os.path.join(file_path, en_path), "w") as fen: + fen.writelines(en_lines) + +# lines of Chinese: 252777 +print("lines of Chinese: ", len(ch_lines)) +# lines of English: 252777 +print("lines of English: ", len(en_lines)) +print("-------- Get Corpus ! --------") +``` + +接着,我们使用 sentencepiece 工具,分别在中、英文语料库训练中、英文 tokenzier: + +```python +import sentencepiece as spm + +def train(input_file, vocab_size, model_name, model_type, character_coverage): + # 使用 Sentence Piece 基于训练数据来训练一个分词器 + # args: + # input_file: 训练使用的数据 + # vocab_size: 设定的词表大小 + # model_name: 模型命名 + # model_type: 模型类型,一般选择 bpe + # character_coverage: 覆盖的字符范围,中文一类的表意文字一般0.995,英文一类的字母文字一般1 + # 采用命令行的形式实现 + input_argument = '--input=%s --model_prefix=%s --vocab_size=%s --model_type=%s --character_coverage=%s ' \ + '--pad_id=0 --unk_id=1 --bos_id=2 --eos_id=3 ' + cmd = input_argument % (input_file, model_name, vocab_size, model_type, character_coverage) + spm.SentencePieceTrainer.Train(cmd) + + +en_input = 'data/corpus.en' +en_vocab_size = 32000 +en_model_name = 'eng' +en_model_type = 'bpe' +en_character_coverage = 1 +train(en_input, en_vocab_size, en_model_name, en_model_type, en_character_coverage) + +ch_input = 'data/corpus.ch' +ch_vocab_size = 32000 +ch_model_name = 'chn' +ch_model_type = 'bpe' +ch_character_coverage = 0.9995 +train(ch_input, ch_vocab_size, ch_model_name, ch_model_type, ch_character_coverage) +``` + +注意,上文的代码需要一定的训练时间,在 1/4 块 A100(80G)上约训练 30 min。 + +训练得到 tokenizer 后,我们分别定义两个函数来加载它们,后续将在数据加载中使用: + +```python +# 加载训练好的分词器 +import sentencepiece as spm + +def chinese_tokenizer_load(): + sp_chn = spm.SentencePieceProcessor() + sp_chn.Load('{}.model'.format("data/chn")) + return sp_chn + + +def english_tokenizer_load(): + sp_eng = spm.SentencePieceProcessor() + sp_eng.Load('{}.model'.format("data/eng")) + return sp_eng +``` + +### 3.3 自定义 Dataset + +接下来我们基于 Pytorch 的 Dataset 类自定义一个 Dataset 类,该类会调用我们上文训练出的 tokenizer 来对数据文本进行处理,定义特殊的标记(例如 \、\ 等)。同时,我们会在自定义 Dataset 中定义一个排序函数,将数据按照文本长度来排序,从而尽可能让相同长度的文本放在一起,降低做遮蔽操作的时间消耗: + +```python +from torch.utils.data import Dataset +import json +from torch.nn.utils.rnn import pad_sequence +import numpy as np + +class MTDataset(Dataset): + # 自定义机器翻译数据集 + def __init__(self, data_path): + # 获取源数据 + self.out_en_sent, self.out_ch_sent = self.get_dataset(data_path, sort=True) + # 加载 tokenizer + self.sp_eng = english_tokenizer_load() + self.sp_chn = chinese_tokenizer_load() + # 定义特殊 token + self.PAD = self.sp_eng.pad_id() # 0 + self.BOS = self.sp_eng.bos_id() # 2 + self.EOS = self.sp_eng.eos_id() # 3 + + @staticmethod + def len_argsort(seq): + """传入一系列句子数据(分好词的列表形式),按照句子长度排序后,返回排序后原来各句子在数据中的索引下标""" + return sorted(range(len(seq)), key=lambda x: len(seq[x])) + + def get_dataset(self, data_path, sort=False): + """把中文和英文按照同样的顺序排序, 以英文句子长度排序的(句子下标)顺序为基准""" + # 加载数据集 + dataset = json.load(open(data_path, 'r')) + # 将中文和英文分别加载为两个列表 + out_en_sent = [] + out_ch_sent = [] + for idx, _ in enumerate(dataset): + out_en_sent.append(dataset[idx][0]) + out_ch_sent.append(dataset[idx][1]) + # 如果要按长度排序 + if sort: + sorted_index = self.len_argsort(out_en_sent) + out_en_sent = [out_en_sent[i] for i in sorted_index] + out_ch_sent = [out_ch_sent[i] for i in sorted_index] + return out_en_sent, out_ch_sent + + def __getitem__(self, idx): + # get 方法,返回一个句对 + eng_text = self.out_en_sent[idx] + chn_text = self.out_ch_sent[idx] + return [eng_text, chn_text] + + def __len__(self): + return len(self.out_en_sent) +``` + +我们将可以直接基于上述自定义 Dataset 来加载一个 Pytorch 的 DataLoader,从而进行数据的加载。 + +### 3.4 处理变长序列的 collate_fn + +collate_fn 是采样函数,用于定义如何从数据集中加载一批数据。在机器翻译任务中,我们需要在 collate_fn 函数中实现对变长序列的处理,并通过 tokenizer 进行分词,从而加载一批数据传入模型: + +```python +# 我们实则将该函数定义在 MTDataset 的方法中 +def collate_fn(self, batch): + # 变长序列的 collate_fn 方法,需要进行 padding + # 形成列表 + src_text = [x[0] for x in batch] + tgt_text = [x[1] for x in batch] + # 进行 tokenizer,然后加上 BOS 和 EOS + src_tokens = [[self.BOS] + self.sp_eng.EncodeAsIds(sent) + [self.EOS] for sent in src_text] + tgt_tokens = [[self.BOS] + self.sp_chn.EncodeAsIds(sent) + [self.EOS] for sent in tgt_text] + # 进行 padding + batch_input = pad_sequence([torch.LongTensor(np.array(l_)) for l_ in src_tokens], + batch_first=True, padding_value=self.PAD) + batch_target = pad_sequence([torch.LongTensor(np.array(l_)) for l_ in tgt_tokens], + batch_first=True, padding_value=self.PAD) + # 分别加载输入和输出的 attn_mask + src_mask = (batch_input != self.PAD).unsqueeze(-2) + label_mask = (batch_target != self.PAD).unsqueeze(-2) + # 每批数据我们都会返回转化之后的输入和 label 的 id,以及输入和 label 的 attn_mask + return {"input_ids": batch_input, "label_ids": batch_target, "attention_mask": src_mask, "label_mask": label_mask} +``` + +在完成上述函数后,我们可以在训练时实现一个 DataLoader: + +```python +dataset = MTDataset("data/train.json") +dataloader = torch.utils.data.DataLoader(dataset, shuffle=True, batch_size=4, collate_fn=dataset.collate_fn) +``` + +这个 DataLoader 每一次迭代都会返回给一个 batch 的数据,我们可以将该 batch 的数据按照之前模型定义的方式来传入模型,从而实现模型的计算: + +```python +for item in dataloader: + inputs = item["input_ids"] + attn_mask = item["attention_mask"] + labels = item["label_ids"] + label_mask = item["label_mask"] + logits, _ = model(inputs, labels, attn_mask=attn_mask, label_mask=label_mask) + print("result: ", logits) + break +``` + +### 3.5 输入输出概览 + +我们可以简要观察一下我们训练时模型的输入输出,例如,在 batch_size 为 4 的情况下: + +输入源文本: + +
image-20230129185638102
+ +输出源文本: + +
image-20230129185638102
+ +输入 index: + +
image-20230129185638102
+ +输入的 Mask 矩阵: + +
image-20230129185638102
+ +输出 labels: + +
image-20230129185638102
+ +最后,我们展示一下一次获取的输入形状: -通过上述代码,我们即可实现一个 Transformer 模型。接下来,我们会结合具体的机器翻译数据集,讲解如何使用我们自定义的 Transformer 模型来实现训练和推理机器翻译任务。 \ No newline at end of file +
image-20230129185638102
diff --git "a/notebooks/\347\254\254\345\233\233\347\253\240 PyTorch\345\237\272\347\241\200\345\256\236\346\210\230/\346\234\272\345\231\250\347\277\273\350\257\221/figures/transformer_attn_mask.png" "b/notebooks/\347\254\254\345\233\233\347\253\240 PyTorch\345\237\272\347\241\200\345\256\236\346\210\230/\346\234\272\345\231\250\347\277\273\350\257\221/figures/transformer_attn_mask.png" new file mode 100644 index 000000000..0977aa44a Binary files /dev/null and "b/notebooks/\347\254\254\345\233\233\347\253\240 PyTorch\345\237\272\347\241\200\345\256\236\346\210\230/\346\234\272\345\231\250\347\277\273\350\257\221/figures/transformer_attn_mask.png" differ diff --git "a/notebooks/\347\254\254\345\233\233\347\253\240 PyTorch\345\237\272\347\241\200\345\256\236\346\210\230/\346\234\272\345\231\250\347\277\273\350\257\221/figures/transformer_data_size.png" "b/notebooks/\347\254\254\345\233\233\347\253\240 PyTorch\345\237\272\347\241\200\345\256\236\346\210\230/\346\234\272\345\231\250\347\277\273\350\257\221/figures/transformer_data_size.png" new file mode 100644 index 000000000..6b5cef5bd Binary files /dev/null and "b/notebooks/\347\254\254\345\233\233\347\253\240 PyTorch\345\237\272\347\241\200\345\256\236\346\210\230/\346\234\272\345\231\250\347\277\273\350\257\221/figures/transformer_data_size.png" differ diff --git "a/notebooks/\347\254\254\345\233\233\347\253\240 PyTorch\345\237\272\347\241\200\345\256\236\346\210\230/\346\234\272\345\231\250\347\277\273\350\257\221/figures/transformer_dataset.png" "b/notebooks/\347\254\254\345\233\233\347\253\240 PyTorch\345\237\272\347\241\200\345\256\236\346\210\230/\346\234\272\345\231\250\347\277\273\350\257\221/figures/transformer_dataset.png" new file mode 100644 index 000000000..9bf2c3793 Binary files /dev/null and "b/notebooks/\347\254\254\345\233\233\347\253\240 PyTorch\345\237\272\347\241\200\345\256\236\346\210\230/\346\234\272\345\231\250\347\277\273\350\257\221/figures/transformer_dataset.png" differ diff --git "a/notebooks/\347\254\254\345\233\233\347\253\240 PyTorch\345\237\272\347\241\200\345\256\236\346\210\230/\346\234\272\345\231\250\347\277\273\350\257\221/figures/transformer_input_ids.png" "b/notebooks/\347\254\254\345\233\233\347\253\240 PyTorch\345\237\272\347\241\200\345\256\236\346\210\230/\346\234\272\345\231\250\347\277\273\350\257\221/figures/transformer_input_ids.png" new file mode 100644 index 000000000..1991cc1b4 Binary files /dev/null and "b/notebooks/\347\254\254\345\233\233\347\253\240 PyTorch\345\237\272\347\241\200\345\256\236\346\210\230/\346\234\272\345\231\250\347\277\273\350\257\221/figures/transformer_input_ids.png" differ diff --git "a/notebooks/\347\254\254\345\233\233\347\253\240 PyTorch\345\237\272\347\241\200\345\256\236\346\210\230/\346\234\272\345\231\250\347\277\273\350\257\221/figures/transformer_input_text.png" "b/notebooks/\347\254\254\345\233\233\347\253\240 PyTorch\345\237\272\347\241\200\345\256\236\346\210\230/\346\234\272\345\231\250\347\277\273\350\257\221/figures/transformer_input_text.png" new file mode 100644 index 000000000..a6b1c5e22 Binary files /dev/null and "b/notebooks/\347\254\254\345\233\233\347\253\240 PyTorch\345\237\272\347\241\200\345\256\236\346\210\230/\346\234\272\345\231\250\347\277\273\350\257\221/figures/transformer_input_text.png" differ diff --git "a/notebooks/\347\254\254\345\233\233\347\253\240 PyTorch\345\237\272\347\241\200\345\256\236\346\210\230/\346\234\272\345\231\250\347\277\273\350\257\221/figures/transformer_label_ids.png" "b/notebooks/\347\254\254\345\233\233\347\253\240 PyTorch\345\237\272\347\241\200\345\256\236\346\210\230/\346\234\272\345\231\250\347\277\273\350\257\221/figures/transformer_label_ids.png" new file mode 100644 index 000000000..8c3b91b0d Binary files /dev/null and "b/notebooks/\347\254\254\345\233\233\347\253\240 PyTorch\345\237\272\347\241\200\345\256\236\346\210\230/\346\234\272\345\231\250\347\277\273\350\257\221/figures/transformer_label_ids.png" differ diff --git "a/notebooks/\347\254\254\345\233\233\347\253\240 PyTorch\345\237\272\347\241\200\345\256\236\346\210\230/\346\234\272\345\231\250\347\277\273\350\257\221/figures/transformer_label_text.png" "b/notebooks/\347\254\254\345\233\233\347\253\240 PyTorch\345\237\272\347\241\200\345\256\236\346\210\230/\346\234\272\345\231\250\347\277\273\350\257\221/figures/transformer_label_text.png" new file mode 100644 index 000000000..580c91b9a Binary files /dev/null and "b/notebooks/\347\254\254\345\233\233\347\253\240 PyTorch\345\237\272\347\241\200\345\256\236\346\210\230/\346\234\272\345\231\250\347\277\273\350\257\221/figures/transformer_label_text.png" differ