mkdocs.yml 25.7 KB
Newer Older
片刻小哥哥's avatar
片刻小哥哥 已提交
1 2 3 4 5 6 7 8
site_name: 【布客】PyTorch 中文翻译
site_url: https://pytorch.apachecn.org

# Repository
repo_name: apachecn/pytorch-doc-zh
repo_url: https://github.com/apachecn/pytorch-doc-zh

theme:
片刻小哥哥's avatar
片刻小哥哥 已提交
9
  name: material
10
  custom_dir: themes_material
片刻小哥哥's avatar
片刻小哥哥 已提交
11 12 13
  locale: zh_CN
  analytics:
    gtag: G-8DP4GX97XY
片刻小哥哥's avatar
片刻小哥哥 已提交
14
  features:
片刻小哥哥's avatar
片刻小哥哥 已提交
15 16 17 18 19 20 21 22 23 24
    - content.code.copy
    - content.action.edit
    - content.action.view
    - navigation.footer

markdown_extensions:
  - pymdownx.arithmatex:
      generic: true

extra_javascript:
片刻小哥哥's avatar
片刻小哥哥 已提交
25
  # - javascripts/mathjax.js
片刻小哥哥's avatar
片刻小哥哥 已提交
26 27 28 29 30
  - https://polyfill.io/v3/polyfill.min.js?features=es6
  - https://cdn.jsdelivr.net/npm/mathjax@3/es5/tex-mml-chtml.js

nav:
  - "PyTorch 中文文档 & 教程": "index.md"
31
  - "PyTorch 新特性":
片刻小哥哥's avatar
片刻小哥哥 已提交
32 33
    - "V2.0":  "LatestChanges/PyTorch_V2.0.md"
    - "V1.13": "LatestChanges/PyTorch_V1.13.md"
34
    - "V1.12": "LatestChanges/PyTorch_V1.12.md"
片刻小哥哥's avatar
片刻小哥哥 已提交
35
    - "V1.11": "LatestChanges/PyTorch_V1.11.md"
36
    - "V1.10": "LatestChanges/PyTorch_V1.10.md"
片刻小哥哥's avatar
片刻小哥哥 已提交
37 38 39 40
    - "V1.5":  "LatestChanges/PyTorch_V1.5.md"
    - "V1.4":  "LatestChanges/PyTorch_V1.4.md"
    - "V1.3":  "LatestChanges/PyTorch_V1.3.md"
    - "V1.2":  "LatestChanges/PyTorch_V1.2.md"
S
shiyz 已提交
41
  - "PyTorch 2.0 中文文档 & 教程":
片刻小哥哥's avatar
片刻小哥哥 已提交
42 43
    - "中文教程":
      - "介绍": "2.0/tutorials/README.md"
片刻小哥哥's avatar
片刻小哥哥 已提交
44
      - "PyTorch简介":
D
Daydaylight 已提交
45
        - "学习基本知识": "2.0/tutorials/Introduction_to_PyTorch/intro.md"
D
Daydaylight 已提交
46
        - "快速入门": "2.0/tutorials/Introduction_to_PyTorch/quickstart_tutorial.md"
D
Daydaylight 已提交
47 48 49 50 51 52 53
        - "Tensors介绍": "2.0/tutorials/Introduction_to_PyTorch/tensors_tutorial.md"
        - "数据集和数据加载器": "2.0/tutorials/Introduction_to_PyTorch/data_tutorial.md"
        - "Transforms介绍": "2.0/tutorials/Introduction_to_PyTorch/transforms_tutorial.md"
        - "构建神经网络模型": "2.0/tutorials/Introduction_to_PyTorch/buildmodel_tutorial.md"
        - "自动微分运算 - Torch.AutoGrad": "2.0/tutorials/Introduction_to_PyTorch/autogradqs_tutorial.md"
        - "优化模型参数": "2.0/tutorials/Introduction_to_PyTorch/optimization_tutorial.md"
        - "模型保存和加载": "2.0/tutorials/Introduction_to_PyTorch/saveloadrun_tutorial.md"
片刻小哥哥's avatar
片刻小哥哥 已提交
54
      - "学习PyTorch":
P
Paul 已提交
55 56
        - "通过示例学习 PyTorch": "2.0/tutorials/Learning_PyTorch/learning_pytorch_with_examples.md"
        - "究竟什么是 TORCH.NN": "2.0/tutorials/Learning_PyTorch/what_is_torchnn_really.md"
片刻小哥哥's avatar
片刻小哥哥 已提交
57 58
    - "中文文档": 
      - "介绍": "2.0/docs/README.md"
片刻小哥哥's avatar
片刻小哥哥 已提交
59 60 61 62 63 64 65 66 67 68 69 70 71 72 73 74 75 76 77 78 79 80 81 82 83 84 85 86 87 88 89 90 91 92 93 94 95 96 97 98 99 100 101 102 103 104 105 106 107 108 109 110 111 112 113 114 115 116 117 118 119 120 121 122 123 124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159 160 161 162 163 164 165 166 167 168 169 170 171 172 173 174 175 176 177 178 179 180 181 182 183 184 185 186 187 188 189 190 191 192 193 194 195 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210 211 212 213 214 215 216 217 218 219 220 221 222 223 224 225 226 227 228 229 230 231 232 233 234 235 236 237 238 239 240 241 242 243 244 245 246 247 248 249 250 251 252 253 254 255 256 257 258 259 260 261 262 263 264 265 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283 284 285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301 302 303 304 305 306 307 308 309 310 311 312 313 314 315 316 317 318 319 320 321 322 323 324 325 326 327 328 329 330 331 332 333 334 335 336 337 338 339 340 341 342 343 344 345 346 347 348 349 350 351 352 353 354 355 356 357 358 359 360 361 362 363 364 365 366 367 368 369 370 371 372 373 374 375 376 377 378 379 380 381 382 383 384 385 386 387 388 389 390 391 392 393 394 395 396 397 398 399 400 401 402 403 404 405 406 407 408 409 410 411 412 413 414 415 416 417 418 419 420 421 422 423 424 425 426 427 428 429 430 431 432 433 434 435 436 437 438 439 440 441 442 443 444 445 446 447 448 449 450 451 452 453 454 455 456 457 458 459 460 461 462 463 464 465 466 467 468 469 470 471 472 473 474 475 476 477 478 479 480 481 482 483 484 485 486 487 488 489 490 491 492 493 494 495 496 497 498 499 500 501 502
  - "PyTorch 1.7 中文文档":
    - "学习 PyTorch":
      - "PyTorch 深度学习:60 分钟的突击":
        - "介绍": "1.7/02.md"
        - "张量": "1.7/03.md"
        - "torch.autograd的简要介绍": "1.7/04.md"
        - "神经网络": "1.7/05.md"
        - "训练分类器": "1.7/06.md"
      - "通过示例学习 PyTorch":
        - "介绍": "1.7/07.md"
        - "热身:NumPy": "1.7/08.md"
        - "PyTorch:张量": "1.7/09.md"
        - "PyTorch:张量和 Autograd": "1.7/10.md"
        - "PyTorch:定义新的 Autograd 函数": "1.7/11.md"
        - "PyTorch:nn": "1.7/12.md"
        - "PyTorch:optim": "1.7/13.md"
        - "PyTorch:自定义nn模块": "1.7/14.md"
        - "PyTorch:控制流 - 权重共享": "1.7/15.md"
      - "torch.nn到底是什么?": "1.7/16.md"
      - "使用 TensorBoard 可视化模型,数据和训练": "1.7/17.md"
    - "图片/视频":
      - "torchvision对象检测微调教程": "1.7/19.md"
      - "计算机视觉的迁移学习教程": "1.7/20.md"
      - "对抗示例生成": "1.7/21.md"
      - "DCGAN 教程": "1.7/22.md"
    - "音频":
      - "音频 I/O 和torchaudio的预处理": "1.7/24.md"
      - "使用torchaudio的语音命令识别": "1.7/25.md"
    - "文本":
      - "使用nn.Transformer和torchtext的序列到序列建模": "1.7/27.md"
      - "从零开始的 NLP:使用字符级 RNN 分类名称": "1.7/28.md"
      - "从零开始的 NLP:使用字符级 RNN 生成名称": "1.7/29.md"
      - "从零开始的 NLP:使用序列到序列网络和注意力的翻译": "1.7/30.md"
      - "使用torchtext的文本分类": "1.7/31.md"
      - "torchtext语言翻译": "1.7/32.md"
    - "强化学习":
      - "强化学习(DQN)教程": "1.7/34.md"
      - "训练玩马里奥的 RL 智能体": "1.7/35.md"
    - "在生产中部署 PyTorch 模型":
      - "通过使用 Flask  REST API  Python 中部署 PyTorch": "1.7/37.md"
      - "TorchScript 简介": "1.7/38.md"
      - " C-- 中加载 TorchScript 模型": "1.7/39.md"
      - "将模型从 PyTorch 导出到 ONNX 并使用 ONNX 运行时运行它(可选)": "1.7/40.md"
    - "前端 API":
      - "PyTorch 中的命名张量简介(原型)": "1.7/42.md"
      - "PyTorch 中通道在最后的内存格式(beta)": "1.7/43.md"
      - "使用 PyTorch C-- 前端": "1.7/44.md"
      - "自定义 C--  CUDA 扩展": "1.7/45.md"
      - "使用自定义 C-- 运算符扩展 TorchScript": "1.7/46.md"
      - "使用自定义 C-- 类扩展 TorchScript": "1.7/47.md"
      - "TorchScript 中的动态并行性": "1.7/48.md"
      - "C-- 前端中的 Autograd": "1.7/49.md"
      - " C-- 中注册调度运算符": "1.7/50.md"
    - "模型优化":
      - "分析您的 PyTorch 模块": "1.7/52.md"
      - "使用 Ray Tune 的超参数调整": "1.7/53.md"
      - "模型剪裁教程": "1.7/54.md"
      - "LSTM 单词语言模型上的动态量化(beta)": "1.7/55.md"
      - "BERT 上的动态量化(Beta)": "1.7/56.md"
      - "PyTorch 中使用 Eager 模式的静态量化(beta)": "1.7/57.md"
      - "计算机视觉的量化迁移学习教程(beta)": "1.7/58.md"
    - "并行和分布式训练":
      - "PyTorch 分布式概述": "1.7/60.md"
      - "单机模型并行最佳实践": "1.7/61.md"
      - "分布式数据并行入门": "1.7/62.md"
      - " PyTorch 编写分布式应用": "1.7/63.md"
      - "分布式 RPC 框架入门": "1.7/64.md"
      - "使用分布式 RPC 框架实现参数服务器": "1.7/65.md"
      - "使用 RPC 的分布式管道并行化": "1.7/66.md"
      - "使用异步执行实现批量 RPC 处理": "1.7/67.md"
      - "将分布式DataParallel与分布式 RPC 框架相结合": "1.7/68.md"
  - "PyTorch 1.4 中文文档 & 教程":
    - "入门":
      - "使用 PyTorch 进行深度学习:60 分钟的闪电战":
        - "介绍": "1.4/4.md"
        - "什么是PyTorch": "1.4/blitz/tensor_tutorial.md"
        - "Autograd:自动求导": "1.4/blitz/autograd_tutorial.md"
        - "神经网络": "1.4/blitz/neural_networks_tutorial.md"
        - "训练分类器": "1.4/blitz/cifar10_tutorial.md"
        - "可选:数据并行": "1.4/blitz/data_parallel_tutorial.md"
      - "编写自定义数据集,数据加载器和转换": "1.4/5.md"
      - "使用 TensorBoard 可视化模型,数据和训练": "1.4/6.md"
    - "图片":
      - "TorchVision 对象检测微调教程": "1.4/8.md"
      - "转移学习的计算机视觉教程": "1.4/9.md"
      - "空间变压器网络教程": "1.4/10.md"
      - "使用 PyTorch 进行神经传递": "1.4/11.md"
      - "对抗示例生成": "1.4/12.md"
      - "DCGAN 教程": "1.4/13.md"
    - "音频":
      - "torchaudio 教程": "1.4/15.md"
    - "文本":
      - "NLP From Scratch: 使用char-RNN对姓氏进行分类": "1.4/17.md"
      - "NLP From Scratch: 生成名称与字符级RNN": "1.4/18.md"
      - "NLP From Scratch: 基于注意力机制的 seq2seq 神经网络翻译": "1.4/19.md"
      - "使用 TorchText 进行文本分类": "1.4/20.md"
      - "使用 TorchText 进行语言翻译": "1.4/21.md"
      - "使用 nn.Transformer  TorchText 进行序列到序列建模": "1.4/22.md"
    - "命名为 Tensor(实验性)":
      - "(实验性)PyTorch 中的命名张量简介": "1.4/24.md"
    - "强化学习":
      - "强化学习(DQN)教程": "1.4/26.md"
    - "在生产中部署 PyTorch 模型":
      - "通过带有 Flask  REST API  Python 中部署 PyTorch": "1.4/28.md"
      - "TorchScript 简介": "1.4/29.md"
      - " C --中加载 TorchScript 模型": "1.4/30.md"
      - "(可选)将模型从 PyTorch 导出到 ONNX 并使用 ONNX Runtime 运行": "1.4/31.md"
    - "并行和分布式训练":
      - "单机模型并行最佳实践": "1.4/33.md"
      - "分布式数据并行入门": "1.4/34.md"
      - " PyTorch 编写分布式应用程序": "1.4/35.md"
      - "分布式 RPC 框架入门": "1.4/36.md"
      - "(高级)带有 Amazon AWS  PyTorch 1.0 分布式训练师": "1.4/37.md"
    - "扩展 PyTorch":
      - "使用自定义 C --运算符扩展 TorchScript": "1.4/39.md"
      - "使用自定义 C --类扩展 TorchScript": "1.4/40.md"
      - "使用 numpy  scipy 创建扩展": "1.4/41.md"
      - "自定义 C --和 CUDA 扩展": "1.4/42.md"
    - "模型优化":
      - "LSTM Word 语言模型上的(实验)动态量化": "1.4/44.md"
      - "(实验性)在 PyTorch 中使用 Eager 模式进行静态量化": "1.4/45.md"
      - "(实验性)计算机视觉教程的量化转移学习": "1.4/46.md"
      - "(实验)BERT 上的动态量化": "1.4/47.md"
      - "修剪教程": "1.4/48.md"
    - "PyTorch 用其他语言":
      - "使用 PyTorch C --前端": "1.4/50.md"
    - "PyTorch 基础知识":
      - "通过示例学习 PyTorch": "1.4/52.md"
      - "torch.nn 到底是什么?": "1.4/53.md"
    - "笔记":
      - "自动求导机制": "1.4/56.md"
      - "广播语义": "1.4/57.md"
      - "CPU 线程和 TorchScript 推断": "1.4/58.md"
      - "CUDA 语义": "1.4/59.md"
      - "分布式 Autograd 设计": "1.4/60.md"
      - "扩展 PyTorch": "1.4/61.md"
      - "经常问的问题": "1.4/62.md"
      - "大规模部署的功能": "1.4/63.md"
      - "并行处理最佳实践": "1.4/64.md"
      - "重现性": "1.4/65.md"
      - "远程参考协议": "1.4/66.md"
      - "序列化语义": "1.4/67.md"
      - "Windows 常见问题": "1.4/68.md"
      - "XLA 设备上的 PyTorch": "1.4/69.md"
    - "语言绑定":
      - "PyTorch C -- API": "1.4/71.md"
      - "PyTorch Java API": "1.4/72.md"
    - "Python API":
      - "torch": "1.4/74.md"
      - "torch.nn": "1.4/75.md"
      - "torch功能": "1.4/76.md"
      - "torch张量": "1.4/77.md"
      - "张量属性": "1.4/78.md"
      - "自动差分包-Torch.Autograd": "1.4/79.md"
      - "torch.cuda": "1.4/80.md"
      - "分布式通讯包-Torch.Distributed": "1.4/81.md"
      - "概率分布-torch分布": "1.4/82.md"
      - "torch.hub": "1.4/83.md"
      - "torch脚本": "1.4/84.md"
      - "torch.nn.init": "1.4/85.md"
      - "torch.onnx": "1.4/86.md"
      - "torch.optim": "1.4/87.md"
      - "量化": "1.4/88.md"
      - "分布式 RPC 框架": "1.4/89.md"
      - "torch随机": "1.4/90.md"
      - "torch稀疏": "1.4/91.md"
      - "torch存储": "1.4/92.md"
      - "torch.utils.bottleneck": "1.4/93.md"
      - "torch.utils.checkpoint": "1.4/94.md"
      - "torch.utils.cpp_extension": "1.4/95.md"
      - "torch.utils.data": "1.4/96.md"
      - "torch.utils.dlpack": "1.4/97.md"
      - "torch.utils.model_zoo": "1.4/98.md"
      - "torch.utils.tensorboard": "1.4/99.md"
      - "类型信息": "1.4/100.md"
      - "命名张量": "1.4/101.md"
      - "命名为 Tensors 操作员范围": "1.4/102.md"
      - "糟糕!": "1.4/103.md"
    - "torchvision参考":
      - "torchvision": "1.4/105.md"
    - "音频参考":
      - "torchaudio": "1.4/107.md"
    - "torchtext参考":
      - "torchtext": "1.4/109.md"
    - "社区":
      - "PyTorch 贡献指南": "1.4/111.md"
      - "PyTorch 治理": "1.4/112.md"
      - "PyTorch 治理| 感兴趣的人": "1.4/113.md"
  - "PyTorch 1.0 中文文档 & 教程": 
    - "目录": "1.0/README.md"
    - "中文教程":
      - "入门":
        - "PyTorch 深度学习: 60 分钟极速入门":
          - "介绍": "1.0/deep_learning_60min_blitz.md"
          - "什么是 PyTorch?": "1.0/blitz_tensor_tutorial.md"
          - "Autograd:自动求导": "1.0/blitz_autograd_tutorial.md"
          - "神经网络": "1.0/blitz_neural_networks_tutorial.md"
          - "训练分类器": "1.0/blitz_cifar10_tutorial.md"
          - "可选:数据并行处理": "1.0/blitz_data_parallel_tutorial.md"
        - "数据加载和处理教程": "1.0/data_loading_tutorial.md"
        - "用例子学习 PyTorch": "1.0/pytorch_with_examples.md"
        - "迁移学习教程": "1.0/transfer_learning_tutorial.md"
        - "混合前端的 seq2seq 模型部署": "1.0/deploy_seq2seq_hybrid_frontend_tutorial.md"
        - "Saving and Loading Models": "1.0/saving_loading_models.md"
        - "What is torch.nn really?": "1.0/nn_tutorial.md"
      - "图像":
        - "Torchvision 模型微调": "1.0/finetuning_torchvision_models_tutorial.md"
        - "空间变换器网络教程": "1.0/spatial_transformer_tutorial.md"
        - "使用 PyTorch 进行图像风格转换": "1.0/neural_style_tutorial.md"
        - "对抗性示例生成": "1.0/fgsm_tutorial.md"
        - "使用 ONNX 将模型从 PyTorch 传输到 Caffe2 和移动端": "1.0/super_resolution_with_caffe2.md"
      - "文本":
        - "聊天机器人教程": "1.0/chatbot_tutorial.md"
        - "使用字符级别特征的 RNN 网络生成姓氏": "1.0/char_rnn_generation_tutorial.md"
        - "使用字符级别特征的 RNN 网络进行姓氏分类": "1.0/char_rnn_classification_tutorial.md"
        - "Deep Learning for NLP with Pytorch": 
          - "在深度学习和 NLP 中使用 Pytorch": "1.0/deep_learning_nlp_tutorial.md"
          - "PyTorch 介绍": "1.0/nlp_pytorch_tutorial.md"
          - "使用 PyTorch 进行深度学习": "1.0/nlp_deep_learning_tutorial.md"
          - "Word Embeddings: Encoding Lexical Semantics": "1.0/nlp_word_embeddings_tutorial.md"
          - "序列模型和 LSTM 网络": "1.0/nlp_sequence_models_tutorial.md"
          - "Advanced: Making Dynamic Decisions and the Bi-LSTM CRF": "1.0/nlp_advanced_tutorial.md"
        - "基于注意力机制的 seq2seq 神经网络翻译": "1.0/seq2seq_translation_tutorial.md"
      - "生成":
        - "DCGAN Tutorial": "1.0/dcgan_faces_tutorial.md"
      - "强化学习":
        - "Reinforcement Learning (DQN) Tutorial": "1.0/reinforcement_q_learning.md"
      - "扩展 PyTorch":
        - " numpy  scipy 创建扩展": "1.0/numpy_extensions_tutorial.md"
        - "Custom C-- and CUDA Extensions": "1.0/cpp_extension.md"
        - "Extending TorchScript with Custom C-- Operators": "1.0/torch_script_custom_ops.md"
      - "生产性使用":
        - "Writing Distributed Applications with PyTorch": "1.0/dist_tuto.md"
        - "使用 Amazon AWS 进行分布式训练": "1.0/aws_distributed_training_tutorial.md"
        - "ONNX 现场演示教程": "1.0/ONNXLive.md"
        - " C-- 中加载 PYTORCH 模型": "1.0/cpp_export.md"
      - "其它语言中的 PyTorch":
        - "使用 PyTorch C-- 前端": "1.0/cpp_frontend.md"
    - "中文文档":
      - "注解":
        - "自动求导机制": "1.0/notes_autograd.md"
        - "广播语义": "1.0/notes_broadcasting.md"
        - "CUDA 语义": "1.0/notes_cuda.md"
        - "Extending PyTorch": "1.0/notes_extending.md"
        - "Frequently Asked Questions": "1.0/notes_faq.md"
        - "Multiprocessing best practices": "1.0/notes_multiprocessing.md"
        - "Reproducibility": "1.0/notes_randomness.md"
        - "Serialization semantics": "1.0/notes_serialization.md"
        - "Windows FAQ": "1.0/notes_windows.md"
      - "包参考":
        - "torch": 
          - "介绍": "1.0/torch.md"
          - "Tensors": "1.0/torch_tensors.md"
          - "Random sampling": "1.0/torch_random_sampling.md"
          - "Serialization, Parallelism, Utilities": "1.0/torch_serialization_parallelism_utilities.md"
          - "Math operations":
            - "Pointwise Ops": "1.0/torch_math_operations_pointwise_ops.md"
            - "Reduction Ops": "1.0/torch_math_operations_reduction_ops.md"
            - "Comparison Ops": "1.0/torch_math_operations_comparison_ops.md"
            - "Spectral Ops": "1.0/torch_math_operations_spectral_ops.md"
            - "Other Operations": "1.0/torch_math_operations_other_ops.md"
            - "BLAS and LAPACK Operations": "1.0/torch_math_operations_blas_lapack_ops.md"
        - "torch.Tensor": "1.0/tensors.md"
        - "Tensor Attributes": "1.0/tensor_attributes.md"
        - "数据类型信息": "1.0/type_info.md"
        - "torch.sparse": "1.0/sparse.md"
        - "torch.cuda": "1.0/cuda.md"
        - "torch.Storage": "1.0/storage.md"
        - "torch.nn": "1.0/nn.md"
        - "torch.nn.functional": "1.0/nn_functional.md"
        - "torch.nn.init": "1.0/nn_init.md"
        - "torch.optim": "1.0/optim.md"
        - "Automatic differentiation package - torch.autograd": "1.0/autograd.md"
        - "Distributed communication package - torch.distributed": "1.0/distributed.md"
        - "Probability distributions - torch.distributions": "1.0/distributions.md"
        - "Torch Script": "1.0/jit.md"
        - "多进程包 - torch.multiprocessing": "1.0/multiprocessing.md"
        - "torch.utils.bottleneck": "1.0/bottleneck.md"
        - "torch.utils.checkpoint": "1.0/checkpoint.md"
        - "torch.utils.cpp_extension": "1.0/docs_cpp_extension.md"
        - "torch.utils.data": "1.0/data.md"
        - "torch.utils.dlpack": "1.0/dlpack.md"
        - "torch.hub": "1.0/hub.md"
        - "torch.utils.model_zoo": "1.0/model_zoo.md"
        - "torch.onnx": "1.0/onnx.md"
        - "Distributed communication package (deprecated) - torch.distributed.deprecated": "1.0/distributed_deprecated.md"
      - "torchvision 参考": 
        - "目录": "1.0/docs_torchvision_ref.md"
        - "torchvision.datasets": "1.0/torchvision_datasets.md"
        - "torchvision.models": "1.0/torchvision_models.md"
        - "torchvision.transforms": "1.0/torchvision_transforms.md"
        - "torchvision.utils": "1.0/torchvision_utils.md"
  - "PyTorch 0.4 中文文档":
    - "笔记":
      - "自动求导机制": "0.4/1.md"
      - "广播语义": "0.4/2.md"
      - "CUDA 语义": "0.4/3.md"
      - "扩展 PyTorch": "0.4/4.md"
      - "常见问题": "0.4/5.md"
      - "多进程最佳实践": "0.4/6.md"
      - "序列化语义": "0.4/7.md"
      - "Windows 常见问题": "0.4/8.md"
    - "包参考":
      - "Torch": "0.4/10.md"
      - "torch.Tensor": "0.4/11.md"
      - "Tensor Attributes": "0.4/12.md"
      - "torch.sparse": "0.4/13.md"
      - "torch.cuda": "0.4/14.md"
      - "torch.Storage": "0.4/15.md"
      - "torch.nn": "0.4/16.md"
      - "torch.nn.functional": "0.4/17.md"
      - "自动差异化包 - torch.autograd": "0.4/18.md"
      - "torch.optim": "0.4/19.md"
      - "torch.nn.init": "0.4/20.md"
      - "torch.distributions": "0.4/21.md"
      - "Multiprocessing  - torch.multiprocessing": "0.4/22.md"
      - "分布式通讯包 - torch.distributed": "0.4/23.md"
      - "torch.utils.bottleneck": "0.4/24.md"
      - "torch.utils.checkpoint": "0.4/25.md"
      - "torch.utils.cpp_extension": "0.4/26.md"
      - "torch.utils.data": "0.4/27.md"
      - "torch.utils.ffi": "0.4/28.md"
      - "torch.utils.model_zoo": "0.4/29.md"
      - "torch.onnx": "0.4/30.md"
      - "遗留包 - torch.legacy": "0.4/31.md"
    - "torchvision 参考":
      - "torchvision": "0.4/33.md"
      - "torchvision.datasets": "0.4/34.md"
      - "torchvision.models": "0.4/35.md"
      - "torchvision.transform": "0.4/36.md"
      - "torchvision.utils": "0.4/37.md"
  - "PyTorch 0.3 中文文档 & 教程": 
    - "目录": "0.3/README.md"
    - "中文教程":
      - "初学者教程":
        - "PyTorch 深度学习: 60 分钟极速入门教程":
          - "介绍": "0.3/deep_learning_60min_blitz.md"
          - "PyTorch 是什么?": "0.3/blitz_tensor_tutorial.md"
          - "自动求导: 自动微分": "0.3/blitz_autograd_tutorial.md"
          - "神经网络": "0.3/blitz_neural_networks_tutorial.md"
          - "训练一个分类器": "0.3/blitz_cifar10_tutorial.md"
          - "可选: 数据并行": "0.3/blitz_data_parallel_tutorial.md"
        - "PyTorch for former Torch users": 
          - "介绍": "0.3/former_torchies_tutorial.md"
          - "Tensors": "0.3/former_torchies_tensor_tutorial.md"
          - "Autograd (自动求导)": "0.3/former_torchies_autograd_tutorial.md"
          - "nn package": "0.3/former_torchies_nn_tutorial.md"
          - "Multi-GPU examples": "0.3/former_torchies_parallelism_tutorial.md"
        - "跟着例子学习 PyTorch": 
          - "介绍": "0.3/pytorch_with_examples.md"
          - "Warm-up: numpy": "0.3/pytorch_with_examples_warm-up-numpy.md"
          - "PyTorch: Tensors": "0.3/pytorch_with_examples_pytorch-tensors.md"
          - "PyTorch: 变量和autograd": "0.3/pytorch_with_examples_pytorch-variables-and-autograd.md"
          - "PyTorch: 定义新的autograd函数": "0.3/pytorch_with_examples_pytorch-defining-new-autograd-functions.md"
          - "TensorFlow: 静态图": "0.3/pytorch_with_examples_tensorflow-static-graphs.md"
          - "PyTorch: nn包": "0.3/pytorch_with_examples_pytorch-nn.md"
          - "PyTorch: optim包": "0.3/pytorch_with_examples_pytorch-optim.md"
          - "PyTorch: 定制化nn模块": "0.3/pytorch_with_examples_pytorch-custom-nn-modules.md"
          - "PyTorch: 动态控制流程 - 权重共享": "0.3/pytorch_with_examples_pytorch-control-flow-weight-sharing.md"
        - "迁移学习教程": "0.3/transfer_learning_tutorial.md"
        - "数据加载和处理教程": "0.3/data_loading_tutorial.md"
        - "针对NLP的Pytorch深度学习": 
          - "介绍": "0.3/deep_learning_nlp_tutorial.md"
          - "PyTorch介绍": "0.3/nlp_pytorch_tutorial.md"
          - "PyTorch深度学习": "0.3/nlp_deep_learning_tutorial.md"
          - "词汇嵌入:编码词汇语义": "0.3/nlp_word_embeddings_tutorial.md"
          - "序列模型和 LSTM 网络(长短记忆网络)": "0.3/nlp_sequence_models_tutorial.md"
          - "高级教程: 作出动态决策和 Bi-LSTM CRF": "0.3/nlp_advanced_tutorial.md"
      - "中级教程":
        - "用字符级RNN分类名称": "0.3/char_rnn_classification_tutorial.md"
        - "基与字符级RNN(Char-RNN)的人名生成": "0.3/char_rnn_generation_tutorial.md"
        - "用基于注意力机制的seq2seq神经网络进行翻译": "0.3/seq2seq_translation_tutorial.md"
        - "强化学习(DQN)教程": "0.3/reinforcement_q_learning.md"
        - "Writing Distributed Applications with PyTorch": "0.3/dist_tuto.md"
        - "空间转换网络 (Spatial Transformer Networks) 教程": "0.3/spatial_transformer_tutorial.md"
      - "高级教程":
        - " PyTorch  神经转换 (Neural Transfer)": "0.3/neural_style_tutorial.md"
        - "使用 numpy  scipy 创建扩展": "0.3/numpy_extensions_tutorial.md"
        - "使用 ONNX 将模型从 PyTorch 迁移到 Caffe2  Mobile": "0.3/super_resolution_with_caffe2.md"
        - " pytorch 自定义 C 扩展": "0.3/c_extension.md"
    - "中文文档":
      - "介绍":
        - "自动求导机制": "0.3/notes_autograd.md"
        - "广播语义": "0.3/notes_broadcasting.md"
        - "CUDA 语义": "0.3/notes_cuda.md"
        - "扩展 PyTorch": "0.3/notes_extending.md"
        - "多进程的最佳实践": "0.3/notes_multiprocessing.md"
        - "序列化语义": "0.3/notes_serialization.md"
      - "Package 参考":
        - "torch": "0.3/torch.md"
        - "torch.Tensor": "0.3/tensors.md"
        - "torch.sparse": "0.3/sparse.md"
        - "torch.Storage": "0.3/storage.md"
        - "torch.nn": "0.3/nn.md"
        - "torch.optim": "0.3/optim.md"
        - "Automatic differentiation package - torch.autograd": "0.3/autograd.md"
        - "Probability distributions - torch.distributions": "0.3/distributions.md"
        - "Multiprocessing package - torch.multiprocessing": "0.3/multiprocessing.md"
        - "Distributed communication package - torch.distributed": "0.3/distributed.md"
        - "Legacy package - torch.legacy": "0.3/legacy.md"
        - "torch.cuda": "0.3/cuda.md"
        - "torch.utils.ffi": "0.3/ffi.md"
        - "torch.utils.data": "0.3/data.md"
        - "torch.utils.model_zoo": "0.3/model_zoo.md"
        - "torch.onnx": "0.3/onnx.md"
      - "torchvision 参考":
        - "torchvision": "0.3/torchvision.md"
        - "torchvision.datasets": "0.3/datasets.md"
        - "torchvision.models": "0.3/models.md"
        - "torchvision.transforms": "0.3/transforms.md"
        - "torchvision.utils": "0.3/utils.md"
  - "PyTorch 0.2 中文文档": 
    - "介绍": "0.2/README.md"
    - "说明":
      - "自动求导机制": "0.2/notes/autograd.md"
      - "CUDA语义": "0.2/notes/cuda.md"
      - "扩展PyTorch": "0.2/notes/extending.md"
      - "多进程最佳实践": "0.2/notes/multiprocessing.md"
      - "序列化语义": "0.2/notes/serialization.md"
    - "PACKAGE参考":
      - "torch": "0.2/package_references/torch.md"
      - "torch.Tensor": "0.2/package_references/Tensor.md"
      - "torch.Storage": "0.2/package_references/Storage.md"
      - "torch.nn": "0.2/package_references/torch-nn.md"
      - "torch.nn.functional": "0.2/package_references/functional.md"
      - "torch.autograd": "0.2/package_references/torch-autograd.md"
      - "torch.optim": "0.2/package_references/torch-optim.md"
      - "torch.nn.init": "0.2/package_references/nn_init.md"
      - "torch.multiprocessing": "0.2/package_references/torch-multiprocessing.md"
      - "torch.legacy": "0.2/package_references/legacy.md"
      - "torch.cuda": "0.2/package_references/torch-cuda.md"
      - "torch.utils.ffi": "0.2/package_references/ffi.md"
      - "torch.utils.data": "0.2/package_references/data.md"
      - "torch.utils.model_zoo": "0.2/package_references/model_zoo.md"
    - "TORCHVISION参考":
      - "torchvision": "0.2/torchvision/torchvision.md"
      - "torchvision.datasets": "0.2/torchvision/torchvision-datasets.md"
      - "torchvision.models": "0.2/torchvision/torchvision-models.md"
      - "torchvision.transforms": "0.2/torchvision/torchvision-transform.md"
      - "torchvision.utils": "0.2/torchvision/torchvision-utils.md"
    - "致谢": "0.2/acknowledgement.md"
  - "贡献者": "contrib.md"
  - "关于我们": "https://www.apachecn.org/about/"
  - "中文资源合集": "https://docs.apachecn.org"