提交 c3abef71 编写于 作者: W wizardforcel

2019-01-22 12:39:12

上级 69d5511e
......@@ -17,6 +17,52 @@
## 章节列表
+ [Getting Started](docs/1.0/tut_getting_started.md)
+ [Deep Learning with PyTorch: A 60 Minute Blitz](docs/1.0/deep_learning_60min_blitz.md)
+ [What is PyTorch?](docs/1.0/blitz_tensor_tutorial.md)
+ [Autograd: Automatic Differentiation](docs/1.0/blitz_autograd_tutorial.md)
+ [Neural Networks](docs/1.0/blitz_neural_networks_tutorial.md)
+ [Training a Classifier](docs/1.0/blitz_cifar10_tutorial.md)
+ [Optional: Data Parallelism](docs/1.0/blitz_data_parallel_tutorial.md)
+ [Data Loading and Processing Tutorial](docs/1.0/data_loading_tutorial.md)
+ [Learning PyTorch with Examples](docs/1.0/pytorch_with_examples.md)
+ [Transfer Learning Tutorial](docs/1.0/transfer_learning_tutorial.md)
+ [Deploying a Seq2Seq Model with the Hybrid Frontend](docs/1.0/deploy_seq2seq_hybrid_frontend_tutorial.md)
+ [Saving and Loading Models](docs/1.0/saving_loading_models.md)
+ [What is <cite>torch.nn</cite> _really_?](docs/1.0/nn_tutorial.md)
+ [Image](docs/1.0/tut_image.md)
+ [Finetuning Torchvision Models](docs/1.0/finetuning_torchvision_models_tutorial.md)
+ [Spatial Transformer Networks Tutorial](docs/1.0/spatial_transformer_tutorial.md)
+ [Neural Transfer Using PyTorch](docs/1.0/neural_style_tutorial.md)
+ [Adversarial Example Generation](docs/1.0/fgsm_tutorial.md)
+ [Transfering a Model from PyTorch to Caffe2 and Mobile using ONNX](docs/1.0/super_resolution_with_caffe2.md)
+ [Text](docs/1.0/tut_text.md)
+ [Chatbot Tutorial](docs/1.0/chatbot_tutorial.md)
+ [Generating Names with a Character-Level RNN](docs/1.0/char_rnn_generation_tutorial.md)
+ [Classifying Names with a Character-Level RNN](docs/1.0/char_rnn_classification_tutorial.md)
+ [Deep Learning for NLP with Pytorch](docs/1.0/deep_learning_nlp_tutorial.md)
+ [Introduction to PyTorch](docs/1.0/nlp_pytorch_tutorial.md)
+ [Deep Learning with PyTorch](docs/1.0/nlp_deep_learning_tutorial.md)
+ [Word Embeddings: Encoding Lexical Semantics](docs/1.0/nlp_word_embeddings_tutorial.md)
+ [Sequence Models and Long-Short Term Memory Networks](docs/1.0/nlp_sequence_models_tutorial.md)
+ [Advanced: Making Dynamic Decisions and the Bi-LSTM CRF](docs/1.0/nlp_advanced_tutorial.md)
+ [Translation with a Sequence to Sequence Network and Attention](docs/1.0/seq2seq_translation_tutorial.md)
+ [Generative](docs/1.0/tut_generative.md)
+ [DCGAN Tutorial](docs/1.0/dcgan_faces_tutorial.md)
+ [Reinforcement Learning](docs/1.0/tut_reinforcement_learning.md)
+ [Reinforcement Learning (DQN) Tutorial](docs/1.0/reinforcement_q_learning.md)
+ [Extending PyTorch](docs/1.0/tut_extending_pytorch.md)
+ [Creating Extensions Using numpy and scipy](docs/1.0/numpy_extensions_tutorial.md)
+ [Custom C++ and CUDA Extensions](docs/1.0/cpp_extension.md)
+ [Extending TorchScript with Custom C++ Operators](docs/1.0/torch_script_custom_ops.md)
+ [Production Usage](docs/1.0/tut_production_usage.md)
+ [Writing Distributed Applications with PyTorch](docs/1.0/dist_tuto.md)
+ [PyTorch 1.0 Distributed Trainer with Amazon AWS](docs/1.0/aws_distributed_training_tutorial.md)
+ [ONNX Live Tutorial](docs/1.0/ONNXLive.md)
+ [Loading a PyTorch Model in C++](docs/1.0/cpp_export.md)
+ [PyTorch in Other Languages](docs/1.0/tut_other_language.md)
+ [Using the PyTorch C++ Frontend](docs/1.0/cpp_frontend.md)
## 流程
### 一、认领
......
Markdown is supported
0% .
You are about to add 0 people to the discussion. Proceed with caution.
先完成此消息的编辑!
想要评论请 注册