From f6f4b4b6f45d2eb1f13d53a9becc8a58f7f75c6e Mon Sep 17 00:00:00 2001 From: wizardforcel <562826179@qq.com> Date: Mon, 21 Jan 2019 18:20:00 +0800 Subject: [PATCH] 2019-01-21 18:20:00 --- SUMMARY.md | 8 +-- docs/0.2/SUMMARY.md | 52 ++++++++-------- docs/0.2/index.html | 73 ++++++++++++++++++++++ docs/0.3/SUMMARY.md | 146 ++++++++++++++++++++++---------------------- docs/0.3/index.html | 73 ++++++++++++++++++++++ docs/0.4/SUMMARY.md | 78 +++++++++++------------ docs/0.4/index.html | 73 ++++++++++++++++++++++ docs/1.0/index.html | 73 ++++++++++++++++++++++ index.html | 1 + 9 files changed, 435 insertions(+), 142 deletions(-) create mode 100644 docs/0.2/index.html create mode 100644 docs/0.3/index.html create mode 100644 docs/0.4/index.html create mode 100644 docs/1.0/index.html diff --git a/SUMMARY.md b/SUMMARY.md index 31b24760..b32dcc94 100644 --- a/SUMMARY.md +++ b/SUMMARY.md @@ -1,6 +1,6 @@ -+ [PyTorch 1.0 中文文档 & 教程](docs/1.0/) -+ [PyTorch 0.4 中文文档](docs/0.4/) -+ [PyTorch 0.3 中文文档 & 教程](docs/0.3/) -+ [PyTorch 0.2 中文文档](docs/0.2/) ++ [PyTorch 1.0 中文文档 & 教程](http://pytorch.apachecn.org/docs/1.0/) ++ [PyTorch 0.4 中文文档](http://pytorch.apachecn.org/docs/0.4/) ++ [PyTorch 0.3 中文文档 & 教程](http://pytorch.apachecn.org/docs/0.3/) ++ [PyTorch 0.2 中文文档](http://pytorch.apachecn.org/docs/0.2/) + [PyTorch 英文文档](http://pytorch.org/docs/) + [PyTorch 英文教程](http://pytorch.org/tutorials/) \ No newline at end of file diff --git a/docs/0.2/SUMMARY.md b/docs/0.2/SUMMARY.md index 26f239af..0c8f3dc7 100644 --- a/docs/0.2/SUMMARY.md +++ b/docs/0.2/SUMMARY.md @@ -1,29 +1,29 @@ -+ [PyTorch 0.2 中文文档](docs/0.2/README.md) ++ [PyTorch 0.2 中文文档](README.md) + 说明 - + [自动求导机制](docs/0.2/notes/autograd.md) - + [CUDA语义](docs/0.2/notes/cuda.md) - + [扩展PyTorch](docs/0.2/notes/extending.md) - + [多进程最佳实践](docs/0.2/notes/multiprocessing.md) - + [序列化语义](docs/0.2/notes/serialization.md) + + [自动求导机制](notes/autograd.md) + + [CUDA语义](notes/cuda.md) + + [扩展PyTorch](notes/extending.md) + + [多进程最佳实践](notes/multiprocessing.md) + + [序列化语义](notes/serialization.md) + PACKAGE参考 - + [torch](docs/0.2/package_references/torch.md) - + [torch.Tensor](docs/0.2/package_references/Tensor.md) - + [torch.Storage](docs/0.2/package_references/Storage.md) - + [torch.nn](docs/0.2/package_references/torch-nn.md) - + [torch.nn.functional](docs/0.2/package_references/functional.md) - + [torch.autograd](docs/0.2/package_references/torch-autograd.md) - + [torch.optim](docs/0.2/package_references/torch-optim.md) - + [torch.nn.init](docs/0.2/package_references/nn_init.md) - + [torch.multiprocessing](docs/0.2/package_references/torch-multiprocessing.md) - + [torch.legacy](docs/0.2/package_references/legacy.md) - + [torch.cuda](docs/0.2/package_references/torch-cuda.md) - + [torch.utils.ffi](docs/0.2/package_references/ffi.md) - + [torch.utils.data](docs/0.2/package_references/data.md) - + [torch.utils.model_zoo](docs/0.2/package_references/model_zoo.md) + + [torch](package_references/torch.md) + + [torch.Tensor](package_references/Tensor.md) + + [torch.Storage](package_references/Storage.md) + + [torch.nn](package_references/torch-nn.md) + + [torch.nn.functional](package_references/functional.md) + + [torch.autograd](package_references/torch-autograd.md) + + [torch.optim](package_references/torch-optim.md) + + [torch.nn.init](package_references/nn_init.md) + + [torch.multiprocessing](package_references/torch-multiprocessing.md) + + [torch.legacy](package_references/legacy.md) + + [torch.cuda](package_references/torch-cuda.md) + + [torch.utils.ffi](package_references/ffi.md) + + [torch.utils.data](package_references/data.md) + + [torch.utils.model_zoo](package_references/model_zoo.md) + TORCHVISION参考 - + [torchvision](docs/0.2/torchvision/torchvision.md) - + [torchvision.datasets](docs/0.2/torchvision/torchvision-datasets.md) - + [torchvision.models](docs/0.2/torchvision/torchvision-models.md) - + [torchvision.transforms](docs/0.2/torchvision/torchvision-transform.md) - + [torchvision.utils](docs/0.2/torchvision/torchvision-utils.md) -+ [致谢](docs/0.2/acknowledgement.md) + + [torchvision](torchvision/torchvision.md) + + [torchvision.datasets](torchvision/torchvision-datasets.md) + + [torchvision.models](torchvision/torchvision-models.md) + + [torchvision.transforms](torchvision/torchvision-transform.md) + + [torchvision.utils](torchvision/torchvision-utils.md) ++ [致谢](acknowledgement.md) diff --git a/docs/0.2/index.html b/docs/0.2/index.html new file mode 100644 index 00000000..e9ef1e47 --- /dev/null +++ b/docs/0.2/index.html @@ -0,0 +1,73 @@ + + + + + + + + + + + + + + + + + + + + +
now loading...
+ + + + + + + + \ No newline at end of file diff --git a/docs/0.3/SUMMARY.md b/docs/0.3/SUMMARY.md index 025d32a0..479c7b28 100644 --- a/docs/0.3/SUMMARY.md +++ b/docs/0.3/SUMMARY.md @@ -1,75 +1,75 @@ -+ [PyTorch 0.3 中文文档 & 教程](docs/0.3/README.md) ++ [PyTorch 0.3 中文文档 & 教程](README.md) + 中文教程 - + [初学者教程](docs/0.3/beginner_tutorials.md) - + [PyTorch 深度学习: 60 分钟极速入门教程](docs/0.3/deep_learning_60min_blitz.md) - + [PyTorch 是什么?](docs/0.3/blitz_tensor_tutorial.md) - + [自动求导: 自动微分](docs/0.3/blitz_autograd_tutorial.md) - + [神经网络](docs/0.3/blitz_neural_networks_tutorial.md) - + [训练一个分类器](docs/0.3/blitz_cifar10_tutorial.md) - + [可选: 数据并行](docs/0.3/blitz_data_parallel_tutorial.md) - + [PyTorch for former Torch users](docs/0.3/former_torchies_tutorial.md) - + [Tensors](docs/0.3/former_torchies_tensor_tutorial.md) - + [Autograd (自动求导)](docs/0.3/former_torchies_autograd_tutorial.md) - + [nn package](docs/0.3/former_torchies_nn_tutorial.md) - + [Multi-GPU examples](docs/0.3/former_torchies_parallelism_tutorial.md) - + [跟着例子学习 PyTorch](docs/0.3/pytorch_with_examples.md) - + [Warm-up: numpy](docs/0.3/pytorch_with_examples_warm-up-numpy.md) - + [PyTorch: Tensors](docs/0.3/pytorch_with_examples_pytorch-tensors.md) - + [PyTorch: 变量和autograd](docs/0.3/pytorch_with_examples_pytorch-variables-and-autograd.md) - + [PyTorch: 定义新的autograd函数](docs/0.3/pytorch_with_examples_pytorch-defining-new-autograd-functions.md) - + [TensorFlow: 静态图](docs/0.3/pytorch_with_examples_tensorflow-static-graphs.md) - + [PyTorch: nn包](docs/0.3/pytorch_with_examples_pytorch-nn.md) - + [PyTorch: optim包](docs/0.3/pytorch_with_examples_pytorch-optim.md) - + [PyTorch: 定制化nn模块](docs/0.3/pytorch_with_examples_pytorch-custom-nn-modules.md) - + [PyTorch: 动态控制流程 + 权重共享](docs/0.3/pytorch_with_examples_pytorch-control-flow-weight-sharing.md) - + [迁移学习教程](docs/0.3/transfer_learning_tutorial.md) - + [数据加载和处理教程](docs/0.3/data_loading_tutorial.md) - + [针对NLP的Pytorch深度学习](docs/0.3/deep_learning_nlp_tutorial.md) - + [PyTorch介绍](docs/0.3/nlp_pytorch_tutorial.md) - + [PyTorch深度学习](docs/0.3/nlp_deep_learning_tutorial.md) - + [词汇嵌入:编码词汇语义](docs/0.3/nlp_word_embeddings_tutorial.md) - + [序列模型和 LSTM 网络(长短记忆网络)](docs/0.3/nlp_sequence_models_tutorial.md) - + [高级教程: 作出动态决策和 Bi-LSTM CRF](docs/0.3/nlp_advanced_tutorial.md) - + [中级教程](docs/0.3/intermediate_tutorials.md) - + [用字符级RNN分类名称](docs/0.3/char_rnn_classification_tutorial.md) - + [基与字符级RNN(Char-RNN)的人名生成](docs/0.3/char_rnn_generation_tutorial.md) - + [用基于注意力机制的seq2seq神经网络进行翻译](docs/0.3/seq2seq_translation_tutorial.md) - + [强化学习(DQN)教程](docs/0.3/reinforcement_q_learning.md) - + [Writing Distributed Applications with PyTorch](docs/0.3/dist_tuto.md) - + [空间转换网络 (Spatial Transformer Networks) 教程](docs/0.3/spatial_transformer_tutorial.md) - + [高级教程](docs/0.3/advanced_tutorials.md) - + [用 PyTorch 做 神经转换 (Neural Transfer)](docs/0.3/neural_style_tutorial.md) - + [使用 numpy 和 scipy 创建扩展](docs/0.3/numpy_extensions_tutorial.md) - + [使用 ONNX 将模型从 PyTorch 迁移到 Caffe2 和 Mobile](docs/0.3/super_resolution_with_caffe2.md) - + [为 pytorch 自定义 C 扩展](docs/0.3/c_extension.md) + + [初学者教程](beginner_tutorials.md) + + [PyTorch 深度学习: 60 分钟极速入门教程](deep_learning_60min_blitz.md) + + [PyTorch 是什么?](blitz_tensor_tutorial.md) + + [自动求导: 自动微分](blitz_autograd_tutorial.md) + + [神经网络](blitz_neural_networks_tutorial.md) + + [训练一个分类器](blitz_cifar10_tutorial.md) + + [可选: 数据并行](blitz_data_parallel_tutorial.md) + + [PyTorch for former Torch users](former_torchies_tutorial.md) + + [Tensors](former_torchies_tensor_tutorial.md) + + [Autograd (自动求导)](former_torchies_autograd_tutorial.md) + + [nn package](former_torchies_nn_tutorial.md) + + [Multi-GPU examples](former_torchies_parallelism_tutorial.md) + + [跟着例子学习 PyTorch](pytorch_with_examples.md) + + [Warm-up: numpy](pytorch_with_examples_warm-up-numpy.md) + + [PyTorch: Tensors](pytorch_with_examples_pytorch-tensors.md) + + [PyTorch: 变量和autograd](pytorch_with_examples_pytorch-variables-and-autograd.md) + + [PyTorch: 定义新的autograd函数](pytorch_with_examples_pytorch-defining-new-autograd-functions.md) + + [TensorFlow: 静态图](pytorch_with_examples_tensorflow-static-graphs.md) + + [PyTorch: nn包](pytorch_with_examples_pytorch-nn.md) + + [PyTorch: optim包](pytorch_with_examples_pytorch-optim.md) + + [PyTorch: 定制化nn模块](pytorch_with_examples_pytorch-custom-nn-modules.md) + + [PyTorch: 动态控制流程 + 权重共享](pytorch_with_examples_pytorch-control-flow-weight-sharing.md) + + [迁移学习教程](transfer_learning_tutorial.md) + + [数据加载和处理教程](data_loading_tutorial.md) + + [针对NLP的Pytorch深度学习](deep_learning_nlp_tutorial.md) + + [PyTorch介绍](nlp_pytorch_tutorial.md) + + [PyTorch深度学习](nlp_deep_learning_tutorial.md) + + [词汇嵌入:编码词汇语义](nlp_word_embeddings_tutorial.md) + + [序列模型和 LSTM 网络(长短记忆网络)](nlp_sequence_models_tutorial.md) + + [高级教程: 作出动态决策和 Bi-LSTM CRF](nlp_advanced_tutorial.md) + + [中级教程](intermediate_tutorials.md) + + [用字符级RNN分类名称](char_rnn_classification_tutorial.md) + + [基与字符级RNN(Char-RNN)的人名生成](char_rnn_generation_tutorial.md) + + [用基于注意力机制的seq2seq神经网络进行翻译](seq2seq_translation_tutorial.md) + + [强化学习(DQN)教程](reinforcement_q_learning.md) + + [Writing Distributed Applications with PyTorch](dist_tuto.md) + + [空间转换网络 (Spatial Transformer Networks) 教程](spatial_transformer_tutorial.md) + + [高级教程](advanced_tutorials.md) + + [用 PyTorch 做 神经转换 (Neural Transfer)](neural_style_tutorial.md) + + [使用 numpy 和 scipy 创建扩展](numpy_extensions_tutorial.md) + + [使用 ONNX 将模型从 PyTorch 迁移到 Caffe2 和 Mobile](super_resolution_with_caffe2.md) + + [为 pytorch 自定义 C 扩展](c_extension.md) + 中文文档 - + [介绍](docs/0.3/notes.md) - + [自动求导机制](docs/0.3/notes_autograd.md) - + [广播语义](docs/0.3/notes_broadcasting.md) - + [CUDA 语义](docs/0.3/notes_cuda.md) - + [扩展 PyTorch](docs/0.3/notes_extending.md) - + [多进程的最佳实践](docs/0.3/notes_multiprocessing.md) - + [序列化语义](docs/0.3/notes_serialization.md) - + [Package 参考](docs/0.3/package_reference.md) - + [torch](docs/0.3/torch.md) - + [torch.Tensor](docs/0.3/tensors.md) - + [torch.sparse](docs/0.3/sparse.md) - + [torch.Storage](docs/0.3/storage.md) - + [torch.nn](docs/0.3/nn.md) - + [torch.optim](docs/0.3/optim.md) - + [Automatic differentiation package - torch.autograd](docs/0.3/autograd.md) - + [Probability distributions - torch.distributions](docs/0.3/distributions.md) - + [Multiprocessing package - torch.multiprocessing](docs/0.3/multiprocessing.md) - + [Distributed communication package - torch.distributed](docs/0.3/distributed.md) - + [Legacy package - torch.legacy](docs/0.3/legacy.md) - + [torch.cuda](docs/0.3/cuda.md) - + [torch.utils.ffi](docs/0.3/ffi.md) - + [torch.utils.data](docs/0.3/data.md) - + [torch.utils.model_zoo](docs/0.3/model_zoo.md) - + [torch.onnx](docs/0.3/onnx.md) - + [torchvision 参考](docs/0.3/torchvision_reference.md) - + [torchvision](docs/0.3/torchvision.md) - + [torchvision.datasets](docs/0.3/datasets.md) - + [torchvision.models](docs/0.3/models.md) - + [torchvision.transforms](docs/0.3/transforms.md) - + [torchvision.utils](docs/0.3/utils.md) \ No newline at end of file + + [介绍](notes.md) + + [自动求导机制](notes_autograd.md) + + [广播语义](notes_broadcasting.md) + + [CUDA 语义](notes_cuda.md) + + [扩展 PyTorch](notes_extending.md) + + [多进程的最佳实践](notes_multiprocessing.md) + + [序列化语义](notes_serialization.md) + + [Package 参考](package_reference.md) + + [torch](torch.md) + + [torch.Tensor](tensors.md) + + [torch.sparse](sparse.md) + + [torch.Storage](storage.md) + + [torch.nn](nn.md) + + [torch.optim](optim.md) + + [Automatic differentiation package - torch.autograd](autograd.md) + + [Probability distributions - torch.distributions](distributions.md) + + [Multiprocessing package - torch.multiprocessing](multiprocessing.md) + + [Distributed communication package - torch.distributed](distributed.md) + + [Legacy package - torch.legacy](legacy.md) + + [torch.cuda](cuda.md) + + [torch.utils.ffi](ffi.md) + + [torch.utils.data](data.md) + + [torch.utils.model_zoo](model_zoo.md) + + [torch.onnx](onnx.md) + + [torchvision 参考](torchvision_reference.md) + + [torchvision](torchvision.md) + + [torchvision.datasets](datasets.md) + + [torchvision.models](models.md) + + [torchvision.transforms](transforms.md) + + [torchvision.utils](utils.md) \ No newline at end of file diff --git a/docs/0.3/index.html b/docs/0.3/index.html new file mode 100644 index 00000000..e9ef1e47 --- /dev/null +++ b/docs/0.3/index.html @@ -0,0 +1,73 @@ + + + + + + + + + + + + + + + + + + + + +
now loading...
+ + + + + + + + \ No newline at end of file diff --git a/docs/0.4/SUMMARY.md b/docs/0.4/SUMMARY.md index 7b64c7ef..82cf833f 100644 --- a/docs/0.4/SUMMARY.md +++ b/docs/0.4/SUMMARY.md @@ -1,39 +1,39 @@ -+ [PyTorch 0.4 中文文档](docs/0.4/README.md) -+ [笔记](docs/0.4/0.md) - + [自动求导机制](docs/0.4/1.md) - + [广播语义](docs/0.4/2.md) - + [CUDA语义](docs/0.4/3.md) - + [扩展PyTorch](docs/0.4/4.md) - + [常见问题](docs/0.4/5.md) - + [多进程最佳实践](docs/0.4/6.md) - + [序列化语义](docs/0.4/7.md) - + [Windows 常见问题](docs/0.4/8.md) -+ [包参考](docs/0.4/9.md) - + [Torch](docs/0.4/10.md) - + [torch.Tensor](docs/0.4/11.md) - + [Tensor Attributes](docs/0.4/12.md) - + [torch.sparse](docs/0.4/13.md) - + [torch.cuda](docs/0.4/14.md) - + [torch.Storage](docs/0.4/15.md) - + [torch.nn](docs/0.4/16.md) - + [torch.nn.functional](docs/0.4/17.md) - + [自动差异化包 - torch.autograd](docs/0.4/18.md) - + [torch.optim](docs/0.4/19.md) - + [torch.nn.init](docs/0.4/20.md) - + [译者署名](docs/0.4/21.md) - + [Multiprocessing包 - torch.multiprocessing](docs/0.4/22.md) - + [分布式通讯包 - torch.distributed](docs/0.4/23.md) - + [译者署名](docs/0.4/24.md) - + [torch.utils.checkpoint](docs/0.4/25.md) - + [torch.utils.cpp_extension](docs/0.4/26.md) - + [torch.utils.data](docs/0.4/27.md) - + [torch.utils.ffi](docs/0.4/28.md) - + [torch.utils.model_zoo](docs/0.4/29.md) - + [示例:从PyTorch到Caffe2的端到端的AlexNet](docs/0.4/30.md) - + [遗留包 - torch.legacy](docs/0.4/31.md) -+ [torchvision 参考](docs/0.4/32.md) - + [torchvision](docs/0.4/33.md) - + [torchvision.datasets](docs/0.4/34.md) - + [orchvision.models](docs/0.4/35.md) - + [pytorch torchvision transform](docs/0.4/36.md) - + [torchvision.utils](docs/0.4/37.md) ++ [PyTorch 0.4 中文文档](README.md) ++ [笔记](0.md) + + [自动求导机制](1.md) + + [广播语义](2.md) + + [CUDA语义](3.md) + + [扩展PyTorch](4.md) + + [常见问题](5.md) + + [多进程最佳实践](6.md) + + [序列化语义](7.md) + + [Windows 常见问题](8.md) ++ [包参考](9.md) + + [Torch](10.md) + + [torch.Tensor](11.md) + + [Tensor Attributes](12.md) + + [torch.sparse](13.md) + + [torch.cuda](14.md) + + [torch.Storage](15.md) + + [torch.nn](16.md) + + [torch.nn.functional](17.md) + + [自动差异化包 - torch.autograd](18.md) + + [torch.optim](19.md) + + [torch.nn.init](20.md) + + [译者署名](21.md) + + [Multiprocessing包 - torch.multiprocessing](22.md) + + [分布式通讯包 - torch.distributed](23.md) + + [译者署名](24.md) + + [torch.utils.checkpoint](25.md) + + [torch.utils.cpp_extension](26.md) + + [torch.utils.data](27.md) + + [torch.utils.ffi](28.md) + + [torch.utils.model_zoo](29.md) + + [示例:从PyTorch到Caffe2的端到端的AlexNet](30.md) + + [遗留包 - torch.legacy](31.md) ++ [torchvision 参考](32.md) + + [torchvision](33.md) + + [torchvision.datasets](34.md) + + [orchvision.models](35.md) + + [pytorch torchvision transform](36.md) + + [torchvision.utils](37.md) diff --git a/docs/0.4/index.html b/docs/0.4/index.html new file mode 100644 index 00000000..e9ef1e47 --- /dev/null +++ b/docs/0.4/index.html @@ -0,0 +1,73 @@ + + + + + + + + + + + + + + + + + + + + +
now loading...
+ + + + + + + + \ No newline at end of file diff --git a/docs/1.0/index.html b/docs/1.0/index.html new file mode 100644 index 00000000..e9ef1e47 --- /dev/null +++ b/docs/1.0/index.html @@ -0,0 +1,73 @@ + + + + + + + + + + + + + + + + + + + + +
now loading...
+ + + + + + + + \ No newline at end of file diff --git a/index.html b/index.html index fed5294a..e9ef1e47 100644 --- a/index.html +++ b/index.html @@ -58,6 +58,7 @@ window.$docsify = { loadSidebar: 'SUMMARY.md', name: 'PyTorch 中文文档 & 教程', + nameLink: 'http://pytorch.apachecn.org', auto2top: true, themeColor: '#ff7043', repo: 'apachecn/pytorch-doc-zh', -- GitLab