All Projects → gyunggyung → Pytorch

gyunggyung / Pytorch

Licence: mit
PyTorch tutorials A to Z

Projects that are alternatives of or similar to Pytorch

Pytorch Pos Tagging
A tutorial on how to implement models for part-of-speech tagging using PyTorch and TorchText.
Stars: ✭ 96 (+10.34%)
Mutual labels:  jupyter-notebook, pytorch-tutorial, cnn
Pratik Derin Ogrenme Uygulamalari
Çeşitli kütüphaneler kullanılarak Türkçe kod açıklamalarıyla TEMEL SEVİYEDE pratik derin öğrenme uygulamaları.
Stars: ✭ 200 (+129.89%)
Mutual labels:  jupyter-notebook, cnn, mnist
End To End Sequence Labeling Via Bi Directional Lstm Cnns Crf Tutorial
Tutorial for End-to-end Sequence Labeling via Bi-directional LSTM-CNNs-CRF
Stars: ✭ 87 (+0%)
Mutual labels:  jupyter-notebook, pytorch-tutorial, cnn
Pytorch Sentiment Analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Stars: ✭ 3,209 (+3588.51%)
Mutual labels:  jupyter-notebook, pytorch-tutorial, cnn
Video Classification
Tutorial for video classification/ action recognition using 3D CNN/ CNN+RNN on UCF101
Stars: ✭ 543 (+524.14%)
Mutual labels:  jupyter-notebook, pytorch-tutorial, cnn
Svhn Cnn
Google Street View House Number(SVHN) Dataset, and classifying them through CNN
Stars: ✭ 44 (-49.43%)
Mutual labels:  jupyter-notebook, cnn, mnist
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (+11.49%)
Mutual labels:  jupyter-notebook, pytorch-tutorial, cnn
Pytorch Image Classification
Tutorials on how to implement a few key architectures for image classification using PyTorch and TorchVision.
Stars: ✭ 272 (+212.64%)
Mutual labels:  jupyter-notebook, pytorch-tutorial, cnn
Fast Pytorch
Pytorch Tutorial, Pytorch with Google Colab, Pytorch Implementations: CNN, RNN, DCGAN, Transfer Learning, Chatbot, Pytorch Sample Codes
Stars: ✭ 346 (+297.7%)
Mutual labels:  jupyter-notebook, pytorch-tutorial, cnn
Early Stopping Pytorch
Early stopping for PyTorch
Stars: ✭ 612 (+603.45%)
Mutual labels:  jupyter-notebook, pytorch-tutorial, mnist
Deep Learning Boot Camp
A community run, 5-day PyTorch Deep Learning Bootcamp
Stars: ✭ 1,270 (+1359.77%)
Mutual labels:  jupyter-notebook, gpu, pytorch-tutorial
Tsne Cuda
GPU Accelerated t-SNE for CUDA with Python bindings
Stars: ✭ 1,120 (+1187.36%)
Mutual labels:  gpu, mnist
Vitech
tuyển chọn các tài liệu về công nghệ bằng tiếng Việt
Stars: ✭ 63 (-27.59%)
Mutual labels:  jupyter-notebook, pytorch-tutorial
Deeplearning Nlp Models
A small, interpretable codebase containing the re-implementation of a few "deep" NLP models in PyTorch. Colab notebooks to run with GPUs. Models: word2vec, CNNs, transformer, gpt.
Stars: ✭ 64 (-26.44%)
Mutual labels:  jupyter-notebook, cnn
Deeplearning
Deep Learning From Scratch
Stars: ✭ 66 (-24.14%)
Mutual labels:  jupyter-notebook, mnist
Aiopen
AIOpen是一个按人工智能三要素(数据、算法、算力)进行AI开源项目分类的汇集项目,项目致力于跟踪目前人工智能(AI)的深度学习(DL)开源项目,并尽可能地罗列目前的开源项目,同时加入了一些曾经研究过的代码。通过这些开源项目,使初次接触AI的人们对人工智能(深度学习)有更清晰和更全面的了解。
Stars: ✭ 62 (-28.74%)
Mutual labels:  jupyter-notebook, gpu
Gtsrb
Convolutional Neural Network for German Traffic Sign Recognition Benchmark
Stars: ✭ 65 (-25.29%)
Mutual labels:  jupyter-notebook, cnn
Pandas Tutorial
Tutorial on Using Pandas
Stars: ✭ 66 (-24.14%)
Mutual labels:  jupyter-notebook, tutorial-code
Ios Coreml Mnist
Real-time Number Recognition using Apple's CoreML 2.0 and MNIST -
Stars: ✭ 74 (-14.94%)
Mutual labels:  jupyter-notebook, mnist
Understaing Datasets Estimators Tfrecords
Try to use tf.estimator and tf.data together to train a cnn model.
Stars: ✭ 76 (-12.64%)
Mutual labels:  jupyter-notebook, cnn

LICENSE GitHub stars GitHub forks GitHub watching GitHub issues contributors

Contents

1. PyTorch Basic

  1. basic
  2. variable autograd
  3. Linear Regression Models
  4. NonLinear Models
  5. Classification Models
  6. Batch Tranining

2. Neural Network Basic

  1. Optimizers
  2. NN MNIST
  3. Deep NN MNIST
  4. CNN MNIST
  5. Dropout
  6. RNN

3. Vison

  1. CNN CIFAR-10
  2. Transfer Learning
  3. CNN High resolution images
  4. DCGAN
  5. VAE

4. NLP

  1. Word Embedding
  2. Text classificationw
  3. NNLMW
  4. Seq2Seq
  5. RNN text generation
  6. Reinforcement learning text generation
  7. ELMO
  8. Transformer
  9. BERT
  10. GPT-2
  11. Transformer-XL
  12. XLNet
  13. T5

System requirements

conda install pytorch torchvision cudatoolkit=10.1 -c pytorch
pip install -r requirements.txt

Getting Started

$ git clone https://github.com/gyunggyung/PyTorch.git
$ cd PyTorch
$ jupyter notebook

Other Github

tutorial

book

Vison

NLP

Speech

recommender models

Recommended Reading

PyTorch basics

Recurrent Neural Networks

Machine translation

Attention models

Other RNN uses

Other PyTorch tutorials

Author

gyung/ @gyunggyung

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].