Extending T..
Writing Dis..
PyTorch 1.0 中文文档 & 教程
生产性使用
书籍推荐
笨办法学 Python 3
yammgao
•
python
•
63页
•
2018年5月3日
12
零基础学Python
qiwsir
•
python
•
80页
•
2018年6月29日
1635
Python进阶
东滨社
•
python
•
73页
•
2018年6月8日
2664
更先进的Java - Java 8指南
winterbe
•
java
•
1页
•
2018年6月6日
9341
系统重构与迁移指南
phodal
•
code
•
183页
•
2021年10月24日
嵌入式 Linux 知识库
泰晓科技
•
linux
•
402页
•
2018年5月30日
97
小字
大字
宋体
黑体
白天
护眼
夜晚
封面
简介
起步
PyTorch 深度学习: 60 分钟极速入门
什么是 PyTorch?
Autograd:自动求导
神经网络
训练分类器
可选:数据并行处理
数据加载和处理教程
用例子学习 PyTorch
迁移学习教程
混合前端的 seq2seq 模型部署
Saving and Loading Models
What is `torch.nn` _really_?
图像
Torchvision 模型微调
空间变换器网络教程
使用 PyTorch 进行图像风格转换
对抗性示例生成
使用 ONNX 将模型从 PyTorch 传输到 Caffe2 和移动端
文本
聊天机器人教程
使用字符级别特征的 RNN 网络生成姓氏
使用字符级别特征的 RNN 网络进行姓氏分类
Deep Learning for NLP with Pytorch
PyTorch 介绍
使用 PyTorch 进行深度学习
Word Embeddings: Encoding Lexical Semantics
序列模型和 LSTM 网络
Advanced: Making Dynamic Decisions and the Bi-LSTM CRF
基于注意力机制的 seq2seq 神经网络翻译
生成
DCGAN Tutorial
强化学习
Reinforcement Learning (DQN) Tutorial
扩展 PyTorch
用 numpy 和 scipy 创建扩展
Custom C++ and CUDA Extensions
Extending TorchScript with Custom C++ Operators
生产性使用
Writing Distributed Applications with PyTorch
使用 Amazon AWS 进行分布式训练
ONNX 现场演示教程
在 C++ 中加载 PYTORCH 模型
其它语言中的 PyTorch
使用 PyTorch C++ 前端
注解
自动求导机制
广播语义
CUDA 语义
Extending PyTorch
Frequently Asked Questions
Multiprocessing best practices
Reproducibility
Serialization semantics
Windows FAQ
包参考
torch
torch.Tensor
Tensor Attributes
数据类型信息
torch.sparse
torch.cuda
torch.Storage
torch.nn
torch.nn.functional
torch.nn.init
torch.optim
Automatic differentiation package - torch.autograd
Distributed communication package - torch.distributed
Probability distributions - torch.distributions
Torch Script
多进程包 - torch.multiprocessing
torch.utils.bottleneck
torch.utils.checkpoint
torch.utils.cpp_extension
torch.utils.data
torch.utils.dlpack
torch.hub
torch.utils.model_zoo
torch.onnx
Distributed communication package (deprecated) - torch.distributed.deprecated
torchvision 参考
torchvision.datasets
torchvision.models
torchvision.transforms
torchvision.utils