All Projects → bat67 → Pytorch Tutorials Examples And Books

bat67 / Pytorch Tutorials Examples And Books

Licence: other
PyTorch1.x tutorials, examples and some books I found 【不定期更新】整理的PyTorch 1.x 最新版教程、例子和书籍

Programming Languages

python
139335 projects - #7 most used programming language
python3
1442 projects

Projects that are alternatives of or similar to Pytorch Tutorials Examples And Books

Relativistic Average Gan Keras
The implementation of Relativistic average GAN with Keras
Stars: ✭ 36 (-89.6%)
Mutual labels:  jupyter-notebook, deeplearning, deep-learning-tutorial
Ilearndeeplearning.py
This repository contains small projects related to Neural Networks and Deep Learning in general. Subjects are closely linekd with articles I publish on Medium. I encourage you both to read as well as to check how the code works in the action.
Stars: ✭ 896 (+158.96%)
Mutual labels:  jupyter-notebook, deep-learning-tutorial, numpy
Deeplearning.ai
deeplearning.ai , By Andrew Ng, All video link
Stars: ✭ 625 (+80.64%)
Mutual labels:  deeplearning, deep-learning-tutorial, deep-learning-algorithms
Gdrl
Grokking Deep Reinforcement Learning
Stars: ✭ 304 (-12.14%)
Mutual labels:  jupyter-notebook, pytorch-tutorials, numpy
Deeplearning tutorials
The deeplearning algorithms implemented by tensorflow
Stars: ✭ 1,580 (+356.65%)
Mutual labels:  jupyter-notebook, deep-learning-tutorial, deep-learning-algorithms
Sru Deeplearning Workshop
دوره 12 ساعته یادگیری عمیق با چارچوب Keras
Stars: ✭ 66 (-80.92%)
Mutual labels:  jupyter-notebook, deeplearning, deep-learning-tutorial
Awesome Deep Learning And Machine Learning Questions
【不定期更新】收集整理的一些网站中(如知乎、Quora、Reddit、Stack Exchange等)与深度学习、机器学习、强化学习、数据科学相关的有价值的问题
Stars: ✭ 203 (-41.33%)
Mutual labels:  deeplearning, deep-learning-tutorial, deep-learning-algorithms
My Journey In The Data Science World
📢 Ready to learn or review your knowledge!
Stars: ✭ 1,175 (+239.6%)
Mutual labels:  jupyter-notebook, deep-learning-tutorial, deep-learning-algorithms
Machine Learning Notebooks
Machine Learning notebooks for refreshing concepts.
Stars: ✭ 222 (-35.84%)
Mutual labels:  jupyter-notebook, deep-learning-tutorial, deep-learning-algorithms
Deeplearning cv notes
📓 deepleaning and cv notes.
Stars: ✭ 223 (-35.55%)
Mutual labels:  jupyter-notebook, deeplearning, numpy
Deeplearning.ai Notes
These are my notes which I prepared during deep learning specialization taught by AI guru Andrew NG. I have used diagrams and code snippets from the code whenever needed but following The Honor Code.
Stars: ✭ 262 (-24.28%)
Mutual labels:  jupyter-notebook, deep-learning-tutorial
Deep-Learning
It contains the coursework and the practice I have done while learning Deep Learning.🚀 👨‍💻💥 🚩🌈
Stars: ✭ 21 (-93.93%)
Mutual labels:  deep-learning-algorithms, deeplearning
Neo
Deep learning library in python from scratch
Stars: ✭ 36 (-89.6%)
Mutual labels:  numpy, deep-learning-tutorial
Image-Classifier
Final Project of the Udacity AI Programming with Python Nanodegree
Stars: ✭ 63 (-81.79%)
Mutual labels:  numpy, deeplearning
Deeplearning.ai Assignments
Stars: ✭ 268 (-22.54%)
Mutual labels:  jupyter-notebook, deeplearning
Dlpython course
Примеры для курса "Программирование глубоких нейронных сетей на Python"
Stars: ✭ 266 (-23.12%)
Mutual labels:  jupyter-notebook, deep-learning-tutorial
Thesemicolon
This repository contains Ipython notebooks and datasets for the data analytics youtube tutorials on The Semicolon.
Stars: ✭ 345 (-0.29%)
Mutual labels:  jupyter-notebook, numpy
Pytorch Image Classification
Tutorials on how to implement a few key architectures for image classification using PyTorch and TorchVision.
Stars: ✭ 272 (-21.39%)
Mutual labels:  jupyter-notebook, pytorch-tutorials
Data Science Hacks
Data Science Hacks consists of tips, tricks to help you become a better data scientist. Data science hacks are for all - beginner to advanced. Data science hacks consist of python, jupyter notebook, pandas hacks and so on.
Stars: ✭ 273 (-21.1%)
Mutual labels:  jupyter-notebook, numpy
Data-Scientist-In-Python
This repository contains notes and projects of Data scientist track from dataquest course work.
Stars: ✭ 23 (-93.35%)
Mutual labels:  numpy, deeplearning

PyTorch tutorials, examples and books

Table of Contents / 目录:

PyTorch 1.x tutorials and examples

Books and slides about PyTorch 书籍、PPT等

Note: some of these are old version; 下面的书籍部分还不是1.x版本。

该目录更新可能有延迟,全部资料请看该文件夹内文件

  • Automatic differentiation in PyTorch.pdf
  • A brief summary of the PTDC ’18 PyTorch 1.0 Preview and Promise - Hacker Noon.pdf
  • Deep Architectures.pdf
  • Deep Architectures.pptx
  • Deep Learning Toolkits II pytorch example.pdf
  • Deep Learning with PyTorch - Vishnu Subramanian.pdf
  • Deep-Learning-with-PyTorch.pdf
  • Deep_Learning_with_PyTorch_Quick_Start_Guide.pdf
  • First steps towards deep learning with pytorch.pdf
  • Introduction to Tensorflow, PyTorch and Caffe.pdf
  • pytorch 0.4 - tutorial - 有目录版.pdf
  • PyTorch 0.4 中文文档 - 翻译.pdf
  • PyTorch 1.0 Bringing research and production together Presentation.pdf
  • PyTorch Recipes - A Problem-Solution Approach - Pradeepta Mishra.pdf
  • PyTorch under the hood A guide to understand PyTorch internals.pdf
  • pytorch-internals.pdf
  • PyTorch_tutorial_0.0.4_余霆嵩.pdf
  • PyTorch_tutorial_0.0.5_余霆嵩.pdf
  • pytorch卷积、反卷积 - download from internet.pdf
  • PyTorch深度学习实战 - 侯宜军.epub
  • PyTorch深度学习实战 - 侯宜军.pdf
  • 深度学习之Pytorch - 廖星宇.pdf
  • 深度学习之PyTorch实战计算机视觉 - 唐进民.pdf
  • 深度学习入门之PyTorch - 廖星宇(有目录).pdf
  • 深度学习框架PyTorch:入门与实践 - 陈云.pdf
  • Udacity: Deep Learning with PyTorch
    展开查看
    * Part 1: Introduction to PyTorch and using tensors
    * Part 2: Building fully-connected neural networks with PyTorch
    * Part 3: How to train a fully-connected network with backpropagation on MNIST
    * Part 4: Exercise - train a neural network on Fashion-MNIST
    * Part 5: Using a trained network for making predictions and validating networks
    * Part 6: How to save and load trained models
    * Part 7: Load image data with torchvision, also data augmentation
    * Part 8: Use transfer learning to train a state-of-the-art image classifier for dogs and cats
      
  • PyTorch-Zero-To-All:Slides-newest from Google Drive
    展开查看
    * Lecture 01_ Overview.pptx
    * Lecture 02_ Linear Model.pptx
    * Lecture 03_ Gradient Descent.pptx
    * Lecture 04_ Back-propagation and PyTorch autograd.pptx
    * Lecture 05_ Linear regression  in PyTorch way.pptx
    * Lecture 06_ Logistic Regression.pptx
    * Lecture 07_ Wide _ Deep.pptx
    * Lecture 08_ DataLoader.pptx
    * Lecture 09_ Softmax Classifier.pptx
    * Lecture 10_ Basic CNN.pptx
    * Lecture 11_ Advanced CNN.pptx
    * Lecture 12_ RNN.pptx
    * Lecture 13_ RNN II.pptx
    * Lecture 14_ Seq2Seq.pptx
    * Lecture 15_ NSML, Smartest ML Platform.pptx
      
  • Deep Learning Course Slides and Handout - fleuret.org
    展开查看
    * 1-1-from-anns-to-deep-learning.pdf
    * 1-2-current-success.pdf
    * 1-3-what-is-happening.pdf
    * 1-4-tensors-and-linear-regression.pdf
    * 1-5-high-dimension-tensors.pdf
    * 1-6-tensor-internals.pdf
    * 2-1-loss-and-risk.pdf
    * 2-2-overfitting.pdf
    * 2-3-bias-variance-dilemma.pdf
    * 2-4-evaluation-protocols.pdf
    * 2-5-basic-embeddings.pdf
    * 3-1-perceptron.pdf
    * 3-2-LDA.pdf
    * 3-3-features.pdf
    * 3-4-MLP.pdf
    * 3-5-gradient-descent.pdf
    * 3-6-backprop.pdf
    * 4-1-DAG-networks.pdf
    * 4-2-autograd.pdf
    * 4-3-modules-and-batch-processing.pdf
    * 4-4-convolutions.pdf
    * 4-5-pooling.pdf
    * 4-6-writing-a-module.pdf
    * 5-1-cross-entropy-loss.pdf
    * 5-2-SGD.pdf
    * 5-3-optim.pdf
    * 5-4-l2-l1-penalties.pdf
    * 5-5-initialization.pdf
    * 5-6-architecture-and-training.pdf
    * 5-7-writing-an-autograd-function.pdf
    * 6-1-benefits-of-depth.pdf
    * 6-2-rectifiers.pdf
    * 6-3-dropout.pdf
    * 6-4-batch-normalization.pdf
    * 6-5-residual-networks.pdf
    * 6-6-using-GPUs.pdf
    * 7-1-CV-tasks.pdf
    * 7-2-image-classification.pdf
    * 7-3-object-detection.pdf
    * 7-4-segmentation.pdf
    * 7-5-dataloader-and-surgery.pdf
    * 8-1-looking-at-parameters.pdf
    * 8-2-looking-at-activations.pdf
    * 8-3-visualizing-in-input.pdf
    * 8-4-optimizing-inputs.pdf
    * 9-1-transposed-convolutions.pdf
    * 9-2-autoencoders.pdf
    * 9-3-denoising-and-variational-autoencoders.pdf
    * 9-4-NVP.pdf
    * 10-1-GAN.pdf
    * 10-2-Wasserstein-GAN.pdf
    * 10-3-conditional-GAN.pdf
    * 10-4-persistence.pdf
    * 11-1-RNN-basics.pdf
    * 11-2-LSTM-and-GRU.pdf
    * 11-3-word-embeddings-and-translation.pdf
      

以下是一些独立的教程

1) PyTorch深度学习:60分钟入门与实战

展开查看



2) Learning PyTorch with Examples 用例子学习PyTorch

展开查看



How to run? 推荐的运行方式

Some code in this repo is separated in blocks using #%%. A block is as same as a cell in Jupyter Notebook. So editors/IDEs supporting this functionality is recommanded.

Such as:

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].