diff --git a/new/pt-tut-17/02.md b/new/pt-tut-17/02.md index f15f86646e5b1cf6d5e63bb64f4ba273d2ebc768..9cd708788ce2605742e06df35ef9f0f65b856e08 100644 --- a/new/pt-tut-17/02.md +++ b/new/pt-tut-17/02.md @@ -1,6 +1,6 @@ # 使用 PyTorch 进行深度学习:60 分钟的闪电战¶ -> 原文: [https://pytorch.org/tutorials/beginner/deep_learning_60min_blitz.html](https://pytorch.org/tutorials/beginner/deep_learning_60min_blitz.html) +> 原文: **作者**: [Soumith Chintala](http://soumith.ch) diff --git a/new/pt-tut-17/03.md b/new/pt-tut-17/03.md index 59883c59c3f8d2b7fcbfa8f0f43ed038afe9057e..fd8104317e8f76ca83e7459fdb00252ae19f7309 100644 --- a/new/pt-tut-17/03.md +++ b/new/pt-tut-17/03.md @@ -1,6 +1,6 @@ # Tensors¶ -> 原文: [https://pytorch.org/tutorials/beginner/blitz/tensor_tutorial.html#sphx-glr-beginner-blitz-tensor-tutorial-py](https://pytorch.org/tutorials/beginner/blitz/tensor_tutorial.html#sphx-glr-beginner-blitz-tensor-tutorial-py) +> 原文: 张量是一种特殊的数据结构,与数组和矩阵非常相似。 在 PyTorch 中,我们使用张量对模型的输入和输出以及模型的参数进行编码。 diff --git a/new/pt-tut-17/04.md b/new/pt-tut-17/04.md index abd483273dcda7858d22ea6840b0af87335cc90d..ccfe67746afa127022b360e1c2f8f067b65f7e45 100644 --- a/new/pt-tut-17/04.md +++ b/new/pt-tut-17/04.md @@ -1,6 +1,6 @@ # Torch.autograd 的简要介绍¶ -> 原文: [https://pytorch.org/tutorials/beginner/blitz/autograd_tutorial.html#sphx-glr-beginner-blitz-autograd-tutorial-py](https://pytorch.org/tutorials/beginner/blitz/autograd_tutorial.html#sphx-glr-beginner-blitz-autograd-tutorial-py) +> 原文: `torch.autograd`是 PyTorch 的自动差分引擎,可为神经网络训练提供支持。 在本节中,您将获得有关 autograd 如何帮助神经网络训练的概念性理解。 diff --git a/new/pt-tut-17/05.md b/new/pt-tut-17/05.md index d2cfef783c3ede93d7a3ba36214b1e780eaf331b..76e1d51358503fcb8b098226ac0861ac6f563c05 100644 --- a/new/pt-tut-17/05.md +++ b/new/pt-tut-17/05.md @@ -1,6 +1,6 @@ # 神经网络¶ -> 原文: [https://pytorch.org/tutorials/beginner/blitz/neural_networks_tutorial.html#sphx-glr-beginner-blitz-neural-networks-tutorial-py](https://pytorch.org/tutorials/beginner/blitz/neural_networks_tutorial.html#sphx-glr-beginner-blitz-neural-networks-tutorial-py) +> 原文: 可以使用`torch.nn`包构建神经网络。 diff --git a/new/pt-tut-17/06.md b/new/pt-tut-17/06.md index e291c81b883bc09d66ccfa7f873a79be8239e44a..45862b7675b2889d009957509fd5d35f510b58d7 100644 --- a/new/pt-tut-17/06.md +++ b/new/pt-tut-17/06.md @@ -1,6 +1,6 @@ # 训练分类器 -> 原文: [https://pytorch.org/tutorials/beginner/blitz/cifar10_tutorial.html#sphx-glr-beginner-blitz-cifar10-tutorial-py](https://pytorch.org/tutorials/beginner/blitz/cifar10_tutorial.html#sphx-glr-beginner-blitz-cifar10-tutorial-py) +> 原文: 就是这个。 您已经了解了如何定义神经网络,计算损耗并更新网络的权重。 diff --git a/new/pt-tut-17/07.md b/new/pt-tut-17/07.md index 6bd34915156a79d2fe136ad69a538e5da187872b..d7e9ad2d7aaac02dada883933890243c6136e24a 100644 --- a/new/pt-tut-17/07.md +++ b/new/pt-tut-17/07.md @@ -1,6 +1,6 @@ # 通过示例学习 PyTorch¶ -> 原文: [https://pytorch.org/tutorials/beginner/pytorch_with_examples.html](https://pytorch.org/tutorials/beginner/pytorch_with_examples.html) +> 原文: **作者**:[贾斯汀·约翰逊](https://github.com/jcjohnson/pytorch-examples) diff --git a/new/pt-tut-17/08.md b/new/pt-tut-17/08.md index 1288b2836ae4458381803c8f62c195312ab37eee..d844ecb8ed2940d00995d2f8686c940fbf3b8d94 100644 --- a/new/pt-tut-17/08.md +++ b/new/pt-tut-17/08.md @@ -1,6 +1,6 @@ # 热身:numpy¶ -> 原文: [https://pytorch.org/tutorials/beginner/examples_tensor/polynomial_numpy.html#sphx-glr-beginner-examples-tensor-polynomial-numpy-py](https://pytorch.org/tutorials/beginner/examples_tensor/polynomial_numpy.html#sphx-glr-beginner-examples-tensor-polynomial-numpy-py) +> 原文: 经过训练的三阶多项式,可以通过最小化平方的欧几里得距离来预测\(y = \ sin(x)\)从\(-pi \)到\(pi \)。 diff --git a/new/pt-tut-17/09.md b/new/pt-tut-17/09.md index ca49d7b2d01c25608c94111895dbb38dc847626d..fb89239059182752694cf1379c23e6844bc9d18e 100644 --- a/new/pt-tut-17/09.md +++ b/new/pt-tut-17/09.md @@ -1,6 +1,6 @@ # PyTorch:张量¶ -> 原文: [https://pytorch.org/tutorials/beginner/examples_tensor/polynomial_tensor.html#sphx-glr-beginner-examples-tensor-polynomial-tensor-py](https://pytorch.org/tutorials/beginner/examples_tensor/polynomial_tensor.html#sphx-glr-beginner-examples-tensor-polynomial-tensor-py) +> 原文: 经过训练的三阶多项式,可以通过最小化平方的欧几里得距离来预测\(y = \ sin(x)\)从\(-pi \)到\(pi \)。 diff --git a/new/pt-tut-17/10.md b/new/pt-tut-17/10.md index de1ac1299074ae8497414cfa82034f5f6e86c11c..86206499ded3a468575693633e67a150a38e4776 100644 --- a/new/pt-tut-17/10.md +++ b/new/pt-tut-17/10.md @@ -1,6 +1,6 @@ # PyTorch:张量和 autograd¶ -> 原文: [https://pytorch.org/tutorials/beginner/examples_autograd/polynomial_autograd.html#sphx-glr-beginner-examples-autograd-polynomial-autograd-py](https://pytorch.org/tutorials/beginner/examples_autograd/polynomial_autograd.html#sphx-glr-beginner-examples-autograd-polynomial-autograd-py) +> 原文: 经过训练的三阶多项式,可以通过最小化平方的欧几里得距离来预测\(y = \ sin(x)\)从\(-pi \)到\(pi \)。 diff --git a/new/pt-tut-17/11.md b/new/pt-tut-17/11.md index 81a6bd42737160e8e2fd48ca2dd29b41a4186d4c..7287444d4a660a58436838869ba86c0ae578c7a7 100644 --- a/new/pt-tut-17/11.md +++ b/new/pt-tut-17/11.md @@ -1,6 +1,6 @@ # PyTorch:定义新的 autograd 函数¶ -> 原文: [https://pytorch.org/tutorials/beginner/examples_autograd/polynomial_custom_function.html#sphx-glr-beginner-examples-autograd-polynomial-custom-function-py](https://pytorch.org/tutorials/beginner/examples_autograd/polynomial_custom_function.html#sphx-glr-beginner-examples-autograd-polynomial-custom-function-py) +> 原文: 经过训练的三阶多项式,可以通过最小化平方的欧几里得距离来预测\(y = \ sin(x)\)从\(-pi \)到\(pi \)。 而不是将多项式写为\(y = a + bx + cx ^ 2 + dx ^ 3 \),我们将多项式写为\(y = a + b P_3(c + dx)\)其中\(P_3(x )= rac {1} {2} \ left(5x ^ 3-3x ight)\)是三次的[勒让德多项式](https://en.wikipedia.org/wiki/Legendre_polynomials)。 diff --git a/new/pt-tut-17/12.md b/new/pt-tut-17/12.md index 53ee9e60e5909958d38038961380a20c675c9550..ad27d7973d3f55715f90686533a07f4094ae3a6e 100644 --- a/new/pt-tut-17/12.md +++ b/new/pt-tut-17/12.md @@ -1,6 +1,6 @@ # PyTorch:nn¶ -> 原文: [https://pytorch.org/tutorials/beginner/examples_nn/polynomial_nn.html#sphx-glr-beginner-examples-nn-polynomial-nn-py](https://pytorch.org/tutorials/beginner/examples_nn/polynomial_nn.html#sphx-glr-beginner-examples-nn-polynomial-nn-py) +> 原文: 经过训练的三阶多项式,可以通过最小化平方的欧几里得距离来预测\(y = \ sin(x)\)从\(-pi \)到\(pi \)。 diff --git a/new/pt-tut-17/13.md b/new/pt-tut-17/13.md index 751c7afce3a1473ed0d4be79723fd69f9c866b26..d89d304721982fb24727e53ceb0d6478f691a33c 100644 --- a/new/pt-tut-17/13.md +++ b/new/pt-tut-17/13.md @@ -1,6 +1,6 @@ # PyTorch:优化¶ -> 原文: [https://pytorch.org/tutorials/beginner/examples_nn/polynomial_optim.html#sphx-glr-beginner-examples-nn-polynomial-optim-py](https://pytorch.org/tutorials/beginner/examples_nn/polynomial_optim.html#sphx-glr-beginner-examples-nn-polynomial-optim-py) +> 原文: 经过训练的三阶多项式,可以通过最小化平方的欧几里得距离来预测\(y = \ sin(x)\)从\(-pi \)到\(pi \)。 diff --git a/new/pt-tut-17/14.md b/new/pt-tut-17/14.md index 0d63e019bd509fafb85fd1497525ad4070613168..bcd3896e3b57fc1aea04090e0ffd95bb00eacf4c 100644 --- a/new/pt-tut-17/14.md +++ b/new/pt-tut-17/14.md @@ -1,6 +1,6 @@ # PyTorch:自定义 nn 模块¶ -> 原文: [https://pytorch.org/tutorials/beginner/examples_nn/polynomial_module.html#sphx-glr-beginner-examples-nn-polynomial-module-py](https://pytorch.org/tutorials/beginner/examples_nn/polynomial_module.html#sphx-glr-beginner-examples-nn-polynomial-module-py) +> 原文: 经过训练的三阶多项式,可以通过最小化平方的欧几里得距离来预测\(y = \ sin(x)\)从\(-pi \)到\(pi \)。 diff --git a/new/pt-tut-17/15.md b/new/pt-tut-17/15.md index 7218570ea7950a3fdfc441f0bd2d1073ed7fb6d1..ce9fd3f6b678f136aa58a6392885e439fc9a189f 100644 --- a/new/pt-tut-17/15.md +++ b/new/pt-tut-17/15.md @@ -1,6 +1,6 @@ # PyTorch:控制流+权重共享¶ -> 原文: [https://pytorch.org/tutorials/beginner/examples_nn/dynamic_net.html#sphx-glr-beginner-examples-nn-dynamic-net-py](https://pytorch.org/tutorials/beginner/examples_nn/dynamic_net.html#sphx-glr-beginner-examples-nn-dynamic-net-py) +> 原文: 为了展示 PyTorch 动态图的强大功能,我们将实现一个非常奇怪的模型:一个三阶多项式,在每个前向传递中选择 3 到 5 之间的一个随机数,并使用该数量的阶次,多次重复使用相同的权重进行计算 第四和第五阶。 diff --git a/new/pt-tut-17/16.md b/new/pt-tut-17/16.md index 72fde7e386a242dcd41cc233a40eebd2c1384d8d..ab4fee94e185d0393dbadc8319d61a67b5a2fa1a 100644 --- a/new/pt-tut-17/16.md +++ b/new/pt-tut-17/16.md @@ -1,6 +1,6 @@ # torch.nn 到底是什么?¶ -> 原文: [https://pytorch.org/tutorials/beginner/nn_tutorial.html](https://pytorch.org/tutorials/beginner/nn_tutorial.html) +> 原文: 作者:杰里米·霍华德(Jeremy Howard), [fast.ai](https://www.fast.ai) 。 感谢 Rachel Thomas 和 Francisco Ingham。 diff --git a/new/pt-tut-17/17.md b/new/pt-tut-17/17.md index 67b1da3b6b6338ade60fde968f2f5bbd77c82f62..c9d9e940d0ed731f8a1ed96d84ecdbcb29a76e87 100644 --- a/new/pt-tut-17/17.md +++ b/new/pt-tut-17/17.md @@ -1,6 +1,6 @@ # 使用 TensorBoard 可视化模型,数据和培训 -> 原文: [https://pytorch.org/tutorials/intermediate/tensorboard_tutorial.html](https://pytorch.org/tutorials/intermediate/tensorboard_tutorial.html) +> 原文: 在 [60 分钟闪电战](https://pytorch.org/tutorials/beginner/deep_learning_60min_blitz.html)中,我们向您展示了如何加载数据,如何通过定义为`nn.Module`子类的模型提供数据,如何在训练数据上训练该模型以及在测试数据上对其进行测试。 为了了解发生的情况,我们在模型训练期间打印一些统计数据,以了解训练是否在进行中。 但是,我们可以做得更好:PyTorch 与 TensorBoard 集成在一起,TensorBoard 是一种工具,用于可视化神经网络训练运行的结果。 本教程使用 [Fashion-MNIST 数据集](https://github.com/zalandoresearch/fashion-mnist)说明了其某些功能,可以使用 torchvision.datasets 将其读入 PyTorch。 diff --git a/new/pt-tut-17/19.md b/new/pt-tut-17/19.md index 40cce95209353ba6841c3bb93f8889d0e4490dff..759b703da57963f6db5f91f7b6efcbd7e417a9d3 100644 --- a/new/pt-tut-17/19.md +++ b/new/pt-tut-17/19.md @@ -1,6 +1,6 @@ # TorchVision 对象检测微调教程¶ -> 原文: [https://pytorch.org/tutorials/intermediate/torchvision_tutorial.html](https://pytorch.org/tutorials/intermediate/torchvision_tutorial.html) +> 原文: 小费 diff --git a/new/pt-tut-17/20.md b/new/pt-tut-17/20.md index 1bad0cdd813e65ba0f312f366b1fddc7db46cbd2..19172cdf0f0da6bb9a2de0a6b250999a4e9e1bc1 100644 --- a/new/pt-tut-17/20.md +++ b/new/pt-tut-17/20.md @@ -1,6 +1,6 @@ # 计算机视觉教程的转移学习 -> 原文: [https://pytorch.org/tutorials/beginner/transfer_learning_tutorial.html](https://pytorch.org/tutorials/beginner/transfer_learning_tutorial.html) +> 原文: **作者**: [Sasank Chilamkurthy](https://chsasank.github.io) diff --git a/new/pt-tut-17/21.md b/new/pt-tut-17/21.md index be594eaa4b9ca1f18ae6d2bcdb86b2fd16f35643..17231f6d80d71df3fdf0627ef32bfd61a000aa30 100644 --- a/new/pt-tut-17/21.md +++ b/new/pt-tut-17/21.md @@ -1,6 +1,6 @@ # 对抗示例生成 -> 原文: [https://pytorch.org/tutorials/beginner/fgsm_tutorial.html](https://pytorch.org/tutorials/beginner/fgsm_tutorial.html) +> 原文: **作者:** [Nathan Inkawhich](https://github.com/inkawhich) diff --git a/new/pt-tut-17/22.md b/new/pt-tut-17/22.md index 0f38323d64aab506724947d491f6adbdebe29625..29148194d0fd87538efa46d7aa20f126ac052357 100644 --- a/new/pt-tut-17/22.md +++ b/new/pt-tut-17/22.md @@ -1,6 +1,6 @@ # DCGAN 教程¶ -> 原文: [https://pytorch.org/tutorials/beginner/dcgan_faces_tutorial.html](https://pytorch.org/tutorials/beginner/dcgan_faces_tutorial.html) +> 原文: **作者**: [Nathan Inkawhich](https://github.com/inkawhich) diff --git a/new/pt-tut-17/24.md b/new/pt-tut-17/24.md index ea947edb66031d0a8a4f013db56605f465c7faa3..234422322ddece7c994cf33ee43ea64e6a7ab6be 100644 --- a/new/pt-tut-17/24.md +++ b/new/pt-tut-17/24.md @@ -1,6 +1,6 @@ # 音频 I / O 和 torchaudio 的预处理¶ -> 原文: [https://pytorch.org/tutorials/beginner/audio_preprocessing_tutorial.html](https://pytorch.org/tutorials/beginner/audio_preprocessing_tutorial.html) +> 原文: PyTorch 是一个开源深度学习平台,提供了从研究原型到具有 GPU 支持的生产部署的无缝路径。 diff --git a/new/pt-tut-17/25.md b/new/pt-tut-17/25.md index 21f6ef8a009a68f444a1e3fd40ab9faeb2c4fa21..9886b221e0c5025f3cb2cb60ee584ed391d2b0ea 100644 --- a/new/pt-tut-17/25.md +++ b/new/pt-tut-17/25.md @@ -1,6 +1,6 @@ # 使用 torchaudio 的语音命令识别 -> 原文: [https://pytorch.org/tutorials/intermediate/speech_command_recognition_with_torchaudio.html](https://pytorch.org/tutorials/intermediate/speech_command_recognition_with_torchaudio.html) +> 原文: 本教程将向您展示如何正确设置音频数据集的格式,然后在数据集上训练/测试音频分类器网络。 diff --git a/new/pt-tut-17/27.md b/new/pt-tut-17/27.md index e0fb612ce9113fd62142b7bb1966c998d6c151d4..9355cbd18ccf577513003f49cb072f3cbb5885d1 100644 --- a/new/pt-tut-17/27.md +++ b/new/pt-tut-17/27.md @@ -1,6 +1,6 @@ # 使用 nn.Transformer 和 TorchText 进行序列到序列建模 -> 原文: [https://pytorch.org/tutorials/beginner/transformer_tutorial.html](https://pytorch.org/tutorials/beginner/transformer_tutorial.html) +> 原文: 这是一个有关如何训练使用 [nn.Transformer](https://pytorch.org/docs/master/nn.html?highlight=nn%20transformer#torch.nn.Transformer) 模块的序列到序列模型的教程。 diff --git a/new/pt-tut-17/28.md b/new/pt-tut-17/28.md index 9774e09c355f388a4a0e36e82c8fda7d1aaefbd8..5128109058462de60d1c8e2af6c8b91536fe2996 100644 --- a/new/pt-tut-17/28.md +++ b/new/pt-tut-17/28.md @@ -1,6 +1,6 @@ # 从零开始的 NLP:使用字符级 RNN 对名称进行分类¶ -> 原文: [https://pytorch.org/tutorials/intermediate/char_rnn_classification_tutorial.html](https://pytorch.org/tutorials/intermediate/char_rnn_classification_tutorial.html) +> 原文: **作者**: [Sean Robertson](https://github.com/spro/practical-pytorch) diff --git a/new/pt-tut-17/29.md b/new/pt-tut-17/29.md index 79b8e25c2fbcdea12b44401435f6fb15249cedb9..4bd0bc0271f05571feff2fffbbff6c3f220c0baf 100644 --- a/new/pt-tut-17/29.md +++ b/new/pt-tut-17/29.md @@ -1,6 +1,6 @@ # 从零开始的 NLP:使用字符级 RNN 生成名称 -> 原文: [https://pytorch.org/tutorials/intermediate/char_rnn_generation_tutorial.html](https://pytorch.org/tutorials/intermediate/char_rnn_generation_tutorial.html) +> 原文: **作者**: [Sean Robertson](https://github.com/spro/practical-pytorch) diff --git a/new/pt-tut-17/30.md b/new/pt-tut-17/30.md index a9ecb44abb99b0fa082a9956cfaf8a16d812b204..47d38012c86f2f75eb36b970247e98e967ed189b 100644 --- a/new/pt-tut-17/30.md +++ b/new/pt-tut-17/30.md @@ -1,6 +1,6 @@ # 从零开始的 NLP:从序列到序列网络的翻译和注意¶ -> 原文: [https://pytorch.org/tutorials/intermediate/seq2seq_translation_tutorial.html](https://pytorch.org/tutorials/intermediate/seq2seq_translation_tutorial.html) +> 原文: **作者**: [Sean Robertson](https://github.com/spro/practical-pytorch) diff --git a/new/pt-tut-17/31.md b/new/pt-tut-17/31.md index c92385ad084fd065d48868fda823e2b8e9e2fa6b..fea892b088df4c7c3f4d28daf38a963a16b0751a 100644 --- a/new/pt-tut-17/31.md +++ b/new/pt-tut-17/31.md @@ -1,6 +1,6 @@ # 使用 TorchText 进行文本分类 -> 原文: [https://pytorch.org/tutorials/beginner/text_sentiment_ngrams_tutorial.html](https://pytorch.org/tutorials/beginner/text_sentiment_ngrams_tutorial.html) +> 原文: 本教程说明如何使用`torchtext`中的文本分类数据集,包括 diff --git a/new/pt-tut-17/32.md b/new/pt-tut-17/32.md index 38b5118c755fdf06e884f83e985d513882fe358a..95d5b215d4b24d3ed36fa2bc22143fe53c9bf2f7 100644 --- a/new/pt-tut-17/32.md +++ b/new/pt-tut-17/32.md @@ -1,6 +1,6 @@ # TorchText 语言翻译¶ -> 原文: [https://pytorch.org/tutorials/beginner/torchtext_translation_tutorial.html](https://pytorch.org/tutorials/beginner/torchtext_translation_tutorial.html) +> 原文: 本教程介绍了如何使用`torchtext`预处理包含英语和德语句子的著名数据集的数据,并使用它来训练序列到序列模型,并能将德语句子翻译成英语。 diff --git a/new/pt-tut-17/34.md b/new/pt-tut-17/34.md index 69d4d88e0768c590317e3349129e8a9dc30ba070..8dad84723ecba66e9b0e57dc77a8cc9b6faf6b4b 100644 --- a/new/pt-tut-17/34.md +++ b/new/pt-tut-17/34.md @@ -1,6 +1,6 @@ # 强化学习(DQN)教程¶ -> 原文: [https://pytorch.org/tutorials/intermediate/reinforcement_q_learning.html](https://pytorch.org/tutorials/intermediate/reinforcement_q_learning.html) +> 原文: **作者**: [Adam Paszke](https://github.com/apaszke) diff --git a/new/pt-tut-17/35.md b/new/pt-tut-17/35.md index 40923451b85fa3eacb8c1d5cf38c636c2e21b432..9444f1adda9f7acb94e1261566586629b8847feb 100644 --- a/new/pt-tut-17/35.md +++ b/new/pt-tut-17/35.md @@ -1,6 +1,6 @@ # 训练 Mario 播放 RL 代理¶ -> 原文: [https://pytorch.org/tutorials/intermediate/mario_rl_tutorial.html](https://pytorch.org/tutorials/intermediate/mario_rl_tutorial.html) +> 原文: Authors: [Yuansong Feng](https://github.com/YuansongFeng) , [Suraj Subramanian](https://github.com/suraj813) , [Howard Wang](https://github.com/hw26) , [Steven Guo](https://github.com/GuoYuzhang) . diff --git a/new/pt-tut-17/37.md b/new/pt-tut-17/37.md index 9f8cfb1819f98bf09314933ea2e7f58368988298..917eb8bab61877fd92eb9bf14cb7a242efb5914d 100644 --- a/new/pt-tut-17/37.md +++ b/new/pt-tut-17/37.md @@ -1,6 +1,6 @@ # 通过带有 Flask 的 REST API 在 Python 中部署 PyTorch¶ -> 原文: [https://pytorch.org/tutorials/intermediate/flask_rest_api_tutorial.html](https://pytorch.org/tutorials/intermediate/flask_rest_api_tutorial.html) +> 原文: **作者**: [Avinash Sajjanshetty](https://avi.im) diff --git a/new/pt-tut-17/38.md b/new/pt-tut-17/38.md index 886430a114e7c0fc7c2ad9b15c873febb28bb001..a0846be224ee0c551de90121a932043bea675cf0 100644 --- a/new/pt-tut-17/38.md +++ b/new/pt-tut-17/38.md @@ -1,6 +1,6 @@ # TorchScript 简介¶ -> 原文: [https://pytorch.org/tutorials/beginner/Intro_to_TorchScript_tutorial.html](https://pytorch.org/tutorials/beginner/Intro_to_TorchScript_tutorial.html) +> 原文: *James Reed (jamesreed@fb.com), Michael Suo (suo@fb.com)* , rev2 diff --git a/new/pt-tut-17/39.md b/new/pt-tut-17/39.md index 7cc5013e08b0cfbd0bf3f8bad0abfa954d438a50..e944be8eba89ee6a7bf79949862a631c851eddde 100644 --- a/new/pt-tut-17/39.md +++ b/new/pt-tut-17/39.md @@ -1,6 +1,6 @@ # 在 C ++中加载 TorchScript 模型 -> 原文: [https://pytorch.org/tutorials/advanced/cpp_export.html](https://pytorch.org/tutorials/advanced/cpp_export.html) +> 原文: 顾名思义,PyTorch 的主要接口是 Python 编程语言。 尽管 Python 是许多需要动态性和易于迭代的场景的合适且首选的语言,但是在同样许多情况下,Python 的这些属性恰恰是不利的。 后者经常应用的一种环境是*生产* –低延迟和严格部署要求的土地。 对于生产场景,即使仅将 C ++绑定到 Java,Rust 或 Go 之类的另一种语言中,它也是经常选择的语言。 以下各段将概述 PyTorch 提供的从现有 Python 模型到序列化表示形式的路径,该序列化表示形式可以*加载*和*完全由 C ++执行,*不依赖于 Python。 diff --git a/new/pt-tut-17/40.md b/new/pt-tut-17/40.md index 925472b7971f3c9ed2bcd609ee7e96f5b22155fc..bef75f88f458773b0392560a24b0d8e602c9f01f 100644 --- a/new/pt-tut-17/40.md +++ b/new/pt-tut-17/40.md @@ -1,6 +1,6 @@ # (可选)将模型从 PyTorch 导出到 ONNX 并使用 ONNX Runtime 运行它 -> 原文: [https://pytorch.org/tutorials/advanced/super_resolution_with_onnxruntime.html](https://pytorch.org/tutorials/advanced/super_resolution_with_onnxruntime.html) +> 原文: 在本教程中,我们描述了如何将 PyTorch 中定义的模型转换为 ONNX 格式,然后在 ONNX Runtime 中运行它。 diff --git a/new/pt-tut-17/42.md b/new/pt-tut-17/42.md index b094c31b5e71e60091807117330c55b7b9b92d33..a033de87f697061832759b61a51ea3ffd9310483 100644 --- a/new/pt-tut-17/42.md +++ b/new/pt-tut-17/42.md @@ -1,6 +1,6 @@ # (原型)PyTorch 中的命名张量简介¶ -> 原文: [https://pytorch.org/tutorials/intermediate/named_tensor_tutorial.html](https://pytorch.org/tutorials/intermediate/named_tensor_tutorial.html) +> 原文: **作者**: [Richard Zou](https://github.com/zou3519) diff --git a/new/pt-tut-17/43.md b/new/pt-tut-17/43.md index 2cf1a05d7e962dc1c324d705dd65e540b5df8359..1cf12333f93832c49eaa36d40f4b9b68b0c3c270 100644 --- a/new/pt-tut-17/43.md +++ b/new/pt-tut-17/43.md @@ -1,6 +1,6 @@ # (beta)在 PyTorch 中引导最后的内存格式¶ -> 原文: [https://pytorch.org/tutorials/intermediate/memory_format_tutorial.html](https://pytorch.org/tutorials/intermediate/memory_format_tutorial.html) +> 原文: **作者**: [Vitaly Fedyunin](https://github.com/VitalyFedyunin) diff --git a/new/pt-tut-17/44.md b/new/pt-tut-17/44.md index 1f58aeeb2bf156e30902007dc6ba8a01dfe078e4..bf2c2d14ff360e67442e840936363cdeb3f15e28 100644 --- a/new/pt-tut-17/44.md +++ b/new/pt-tut-17/44.md @@ -1,6 +1,6 @@ # 使用 PyTorch C ++前端¶ -> 原文: [https://pytorch.org/tutorials/advanced/cpp_frontend.html](https://pytorch.org/tutorials/advanced/cpp_frontend.html) +> 原文: PyTorch C ++前端是 PyTorch 机器学习框架的纯 C ++接口。 虽然 PyTorch 的主要接口自然是 Python,但此 Python API 位于强大的 C ++代码库之上,提供基本的数据结构和功能,例如张量和自动微分。 C ++前端公开了纯 C ++ 11 API,该 API 使用机器学习培训和推理所需的工具扩展了此基础 C ++代码库。 这包括用于神经网络建模的通用组件的内置集合; 使用自定义模块扩展此集合的 API; 一个流行的优化算法库,例如随机梯度下降; 具有 API 的并行数据加载器,用于定义和加载数据集; 序列化例程等。 diff --git a/new/pt-tut-17/45.md b/new/pt-tut-17/45.md index b0695c2bf6ab6b82132201775507f69d4e33e3b5..d21a60dd5bc88eebc1061d5ab5870907b12a69a9 100644 --- a/new/pt-tut-17/45.md +++ b/new/pt-tut-17/45.md @@ -1,6 +1,6 @@ # 自定义 C ++和 CUDA 扩展¶ -> 原文: [https://pytorch.org/tutorials/advanced/cpp_extension.html](https://pytorch.org/tutorials/advanced/cpp_extension.html) +> 原文: **作者**: [Peter Goldsborough](https://www.goldsborough.me/) diff --git a/new/pt-tut-17/46.md b/new/pt-tut-17/46.md index ea4fda5add03e667ab23e115d2bafee1de7f4f8d..15879e3bbf16dc9943738477f47f8f65640b349d 100644 --- a/new/pt-tut-17/46.md +++ b/new/pt-tut-17/46.md @@ -1,6 +1,6 @@ # 使用自定义 C ++运算符扩展 TorchScript¶ -> 原文: [https://pytorch.org/tutorials/advanced/torch_script_custom_ops.html](https://pytorch.org/tutorials/advanced/torch_script_custom_ops.html) +> 原文: PyTorch 1.0 版本向 PyTorch 引入了一种新的编程模型,称为 [TorchScript](https://pytorch.org/docs/master/jit.html) 。 TorchScript 是 Python 编程语言的子集,可以通过 TorchScript 编译器进行解析,编译和优化。 此外,已编译的 TorchScript 模型可以选择序列化为磁盘文件格式,然后可以从纯 C ++(以及 Python)加载并运行该文件格式以进行推理。 diff --git a/new/pt-tut-17/47.md b/new/pt-tut-17/47.md index f8d2b390c0aff57e4e048a2b80d457c9aeb818a1..eacd4956bec561bd77c92d0f4828144e4bf9f50c 100644 --- a/new/pt-tut-17/47.md +++ b/new/pt-tut-17/47.md @@ -1,6 +1,6 @@ # 使用自定义 C ++类扩展 TorchScript¶ -> 原文: [https://pytorch.org/tutorials/advanced/torch_script_custom_classes.html](https://pytorch.org/tutorials/advanced/torch_script_custom_classes.html) +> 原文: 本教程是[自定义运算符](torch_script_custom_ops.html)教程的后续教程,并介绍了我们为将 C ++类同时绑定到 TorchScript 和 Python 而构建的 API。 该 API 与 [pybind11](https://github.com/pybind/pybind11) 非常相似,如果您熟悉该系统,则大多数概念都将转移过来。 diff --git a/new/pt-tut-17/48.md b/new/pt-tut-17/48.md index 30ff855b2d17c5aa3c6f71d68ea3f0032c536da8..f23bb57b188fffb1d082d96cf4e38c7164f07a18 100644 --- a/new/pt-tut-17/48.md +++ b/new/pt-tut-17/48.md @@ -1,6 +1,6 @@ # TorchScript 中的动态并行性¶ -> 原文: [https://pytorch.org/tutorials/advanced/torch-script-parallelism.html](https://pytorch.org/tutorials/advanced/torch-script-parallelism.html) +> 原文: 在本教程中,我们介绍在 TorchScript 中执行*动态互操作并行化*的语法。 此并行性具有以下属性: diff --git a/new/pt-tut-17/49.md b/new/pt-tut-17/49.md index 75acfe64d25d43c0ae9347678d32ce032a3c674d..73031729d3ce7c3053a8ea9c242da4af4b95824b 100644 --- a/new/pt-tut-17/49.md +++ b/new/pt-tut-17/49.md @@ -1,6 +1,6 @@ # C ++前端中的 Autograd¶ -> 原文: [https://pytorch.org/tutorials/advanced/cpp_autograd.html](https://pytorch.org/tutorials/advanced/cpp_autograd.html) +> 原文: `autograd`软件包对于在 PyTorch 中构建高度灵活和动态的神经网络至关重要。 PyTorch Python 前端中的大多数 autograd API 也可以在 C ++前端中使用,从而可以轻松地将 autograd 代码从 Python 转换为 C ++。 diff --git a/new/pt-tut-17/50.md b/new/pt-tut-17/50.md index 4a6e9a1510d40ee61ceaf9316d6a85722cf320c1..4683dc73bafdbb329b7dcd2267ee262f82649bb1 100644 --- a/new/pt-tut-17/50.md +++ b/new/pt-tut-17/50.md @@ -1,6 +1,6 @@ # 在 C ++中注册分派的运算符 -> 原文: [https://pytorch.org/tutorials/advanced/dispatcher.html](https://pytorch.org/tutorials/advanced/dispatcher.html) +> 原文: 调度程序是 PyTorch 的内部组件,负责确定调用`torch::add`之类的函数时应实际运行哪些代码。 这是不平凡的,因为 PyTorch 操作需要处理很多交叉关注点,这些关注点“层叠”在另一个之上。 以下是其处理的一些示例: diff --git a/new/pt-tut-17/52.md b/new/pt-tut-17/52.md index a3508f22347849a571bed8afc862f2b079db209d..072ded87b7323d54b52fa3828c4e006915a3088f 100644 --- a/new/pt-tut-17/52.md +++ b/new/pt-tut-17/52.md @@ -1,6 +1,6 @@ # 分析您的 PyTorch 模块¶ -> 原文: [https://pytorch.org/tutorials/beginner/profiler.html](https://pytorch.org/tutorials/beginner/profiler.html) +> 原文: **作者:** [Suraj Subramanian](https://github.com/suraj813) diff --git a/new/pt-tut-17/53.md b/new/pt-tut-17/53.md index 5e7b4fdc36bcf4706b3fd30b6166b4b34bcbcc36..3019ae99f10bc29ebe64bcb6513fd67bd55dc219 100644 --- a/new/pt-tut-17/53.md +++ b/new/pt-tut-17/53.md @@ -1,6 +1,6 @@ # 使用 Ray Tune 进行超参数调整¶ -> 原文: [https://pytorch.org/tutorials/beginner/hyperparameter_tuning_tutorial.html](https://pytorch.org/tutorials/beginner/hyperparameter_tuning_tutorial.html) +> 原文: 超参数调整可以使平均模型与高精度模型有所不同。 通常,选择不同的学习率或更改网络层大小等简单的事情可能会对模型性能产生巨大影响。 diff --git a/new/pt-tut-17/54.md b/new/pt-tut-17/54.md index f4f15a281a91e71e5c5c4271a0886227e5dec64e..ae570a0882713eb59359f86f194c7ea0c05f8408 100644 --- a/new/pt-tut-17/54.md +++ b/new/pt-tut-17/54.md @@ -1,6 +1,6 @@ # 修剪教程¶ -> 原文: [https://pytorch.org/tutorials/intermediate/pruning_tutorial.html](https://pytorch.org/tutorials/intermediate/pruning_tutorial.html) +> 原文: **作者**: [Michela Paganini](https://github.com/mickypaganini) diff --git a/new/pt-tut-17/55.md b/new/pt-tut-17/55.md index 2131ae855c99f523f0add55480ab18e7c7494052..de0b518f059c4771f318cba16806da1d8dcb60e0 100644 --- a/new/pt-tut-17/55.md +++ b/new/pt-tut-17/55.md @@ -1,6 +1,6 @@ # LSTM 单词语言模型上的(beta)动态量化 -> 原文: [https://pytorch.org/tutorials/advanced/dynamic_quantization_tutorial.html](https://pytorch.org/tutorials/advanced/dynamic_quantization_tutorial.html) +> 原文: **作者**: [James Reed](https://github.com/jamesr66a) diff --git a/new/pt-tut-17/56.md b/new/pt-tut-17/56.md index e368f2565c7cec281dc90eec26efe46c9b114fad..fa8cd1e19dcb9ee3a48fedc870ea76e038355cca 100644 --- a/new/pt-tut-17/56.md +++ b/new/pt-tut-17/56.md @@ -1,6 +1,6 @@ # Beta 上的 BERT 动态量化 -> 原文: [https://pytorch.org/tutorials/intermediate/dynamic_quantization_bert_tutorial.html](https://pytorch.org/tutorials/intermediate/dynamic_quantization_bert_tutorial.html) +> 原文: 小费 diff --git a/new/pt-tut-17/57.md b/new/pt-tut-17/57.md index d6b097828a8e63478432b63f8ec12d30a409adba..cb01fd81066fb3dbb0be4c01cd7abcbdf2ce34a7 100644 --- a/new/pt-tut-17/57.md +++ b/new/pt-tut-17/57.md @@ -1,6 +1,6 @@ # (beta)在 PyTorch 中使用 Eager 模式进行静态量化¶ -> 原文: [https://pytorch.org/tutorials/advanced/static_quantization_tutorial.html#](https://pytorch.org/tutorials/advanced/static_quantization_tutorial.html#) +> 原文: **作者**: [Raghuraman Krishnamoorthi](https://github.com/raghuramank100) diff --git a/new/pt-tut-17/58.md b/new/pt-tut-17/58.md index 2ec9601a94c2e24b655083f497cad4c78e5f2bd2..94a0ed95273a262cf19363336eea8d0f67017906 100644 --- a/new/pt-tut-17/58.md +++ b/new/pt-tut-17/58.md @@ -1,6 +1,6 @@ # (beta)计算机视觉教程的量化转移学习¶ -> 原文: [https://pytorch.org/tutorials/intermediate/quantized_transfer_learning_tutorial.html](https://pytorch.org/tutorials/intermediate/quantized_transfer_learning_tutorial.html) +> 原文: 小费 diff --git a/new/pt-tut-17/60.md b/new/pt-tut-17/60.md index 1c40d6a5ced0e8a22785dd9457b299882b3614d3..723eba9117c12974ec86bad7320a0e7d1c9e992d 100644 --- a/new/pt-tut-17/60.md +++ b/new/pt-tut-17/60.md @@ -1,6 +1,6 @@ # PyTorch 分布式概述¶ -> 原文: [https://pytorch.org/tutorials/beginner/dist_overview.html](https://pytorch.org/tutorials/beginner/dist_overview.html) +> 原文: **作者**:[申力](https://mrshenli.github.io/) diff --git a/new/pt-tut-17/61.md b/new/pt-tut-17/61.md index eac2d1cfc271b4a0d369428e762b0daad80024b7..03a0fad7b647b950d3def99b8aa6e9eb5bdab0a9 100644 --- a/new/pt-tut-17/61.md +++ b/new/pt-tut-17/61.md @@ -1,6 +1,6 @@ # 单机模型并行最佳实践¶ -> 原文: [https://pytorch.org/tutorials/intermediate/model_parallel_tutorial.html](https://pytorch.org/tutorials/intermediate/model_parallel_tutorial.html) +> 原文: **作者**:[申力](https://mrshenli.github.io/) diff --git a/new/pt-tut-17/62.md b/new/pt-tut-17/62.md index 072d8bac5a9217251b2c20826e1e7dcff3ef7bcf..4d3cd379254ac19174c97f15fa5b635b66f6e8e7 100644 --- a/new/pt-tut-17/62.md +++ b/new/pt-tut-17/62.md @@ -1,6 +1,6 @@ # 分布式数据并行入门¶ -> 原文: [https://pytorch.org/tutorials/intermediate/ddp_tutorial.html](https://pytorch.org/tutorials/intermediate/ddp_tutorial.html) +> 原文: **作者**:[申力](https://mrshenli.github.io/) diff --git a/new/pt-tut-17/63.md b/new/pt-tut-17/63.md index cdfd2e890396a1d9acf80ca462839bd235968326..c6cb78271e78cf90c1ab9ef4dc727185acdabdc3 100644 --- a/new/pt-tut-17/63.md +++ b/new/pt-tut-17/63.md @@ -1,6 +1,6 @@ # 用 PyTorch 编写分布式应用程序 -> 原文: [https://pytorch.org/tutorials/intermediate/dist_tuto.html](https://pytorch.org/tutorials/intermediate/dist_tuto.html) +> 原文: **作者**:[SébArnold](https://seba1511.com) diff --git a/new/pt-tut-17/64.md b/new/pt-tut-17/64.md index e44799af3867cef71c16be06ee8a1b61ea80442c..0086ac9d7ee7f7b2cb112422d416ae2adf7fc81a 100644 --- a/new/pt-tut-17/64.md +++ b/new/pt-tut-17/64.md @@ -1,6 +1,6 @@ # 分布式 RPC 框架入门¶ -> 原文: [https://pytorch.org/tutorials/intermediate/rpc_tutorial.html](https://pytorch.org/tutorials/intermediate/rpc_tutorial.html) +> 原文: **作者**:[申力](https://mrshenli.github.io/) diff --git a/new/pt-tut-17/65.md b/new/pt-tut-17/65.md index b0b6eb3bec1346564f59b84e61df9225fa4d8a92..d8ae4c216d3799c9fc697141909b55d9cde40083 100644 --- a/new/pt-tut-17/65.md +++ b/new/pt-tut-17/65.md @@ -1,6 +1,6 @@ # 使用分布式 RPC 框架实现参数服务器¶ -> 原文: [https://pytorch.org/tutorials/intermediate/rpc_param_server_tutorial.html](https://pytorch.org/tutorials/intermediate/rpc_param_server_tutorial.html) +> 原文: **作者**: [Rohan Varma](https://github.com/rohan-varma) diff --git a/new/pt-tut-17/66.md b/new/pt-tut-17/66.md index 51f6630a6b69c167a147fe770cf9b8a5b5b75250..72658b7e05fc42c470913db292ca8c31c384b6d6 100644 --- a/new/pt-tut-17/66.md +++ b/new/pt-tut-17/66.md @@ -1,6 +1,6 @@ # 使用 RPC 的分布式管道并行化 -> 原文: [https://pytorch.org/tutorials/intermediate/dist_pipeline_parallel_tutorial.html](https://pytorch.org/tutorials/intermediate/dist_pipeline_parallel_tutorial.html) +> 原文: **作者**:[申力](https://mrshenli.github.io/) diff --git a/new/pt-tut-17/67.md b/new/pt-tut-17/67.md index 41b7b06be5273c725cec122148023e4f9fa57321..8291ccbae1cd92d059fc913a421d75ec446daf4c 100644 --- a/new/pt-tut-17/67.md +++ b/new/pt-tut-17/67.md @@ -1,6 +1,6 @@ # 使用异步执行实现批处理 RPC 处理 -> 原文: [https://pytorch.org/tutorials/intermediate/rpc_async_execution.html](https://pytorch.org/tutorials/intermediate/rpc_async_execution.html) +> 原文: **作者**:[申力](https://mrshenli.github.io/) diff --git a/new/pt-tut-17/68.md b/new/pt-tut-17/68.md index 24f2eb7a3eb05c35a28ce96a68cd115035afc0cc..ecc3dcda8eb88de817e0bd3953b8d2c43bc7e8a9 100644 --- a/new/pt-tut-17/68.md +++ b/new/pt-tut-17/68.md @@ -1,6 +1,6 @@ # 将分布式 DataParallel 与分布式 RPC 框架相结合¶ -> 原文: [https://pytorch.org/tutorials/advanced/rpc_ddp_tutorial.html](https://pytorch.org/tutorials/advanced/rpc_ddp_tutorial.html) +> 原文: **作者**: [Pritam Damania](https://github.com/pritamdamania87)