All Projects → buomsoo-kim → Pytorch Learners Tutorial

buomsoo-kim / Pytorch Learners Tutorial

PyTorch tutorial for learners

Projects that are alternatives of or similar to Pytorch Learners Tutorial

Pytorch Pos Tagging
A tutorial on how to implement models for part-of-speech tagging using PyTorch and TorchText.
Stars: ✭ 96 (-1.03%)
Mutual labels:  jupyter-notebook, pytorch-tutorial, cnn, lstm, rnn, recurrent-neural-networks
Deepseqslam
The Official Deep Learning Framework for Route-based Place Recognition
Stars: ✭ 49 (-49.48%)
Mutual labels:  deep-neural-networks, convolutional-neural-networks, cnn, lstm, rnn, recurrent-neural-networks
Pytorch Sentiment Analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Stars: ✭ 3,209 (+3208.25%)
Mutual labels:  jupyter-notebook, pytorch-tutorial, cnn, lstm, rnn, recurrent-neural-networks
Bitcoin Price Prediction Using Lstm
Bitcoin price Prediction ( Time Series ) using LSTM Recurrent neural network
Stars: ✭ 67 (-30.93%)
Mutual labels:  jupyter-notebook, deep-neural-networks, lstm, rnn, recurrent-neural-networks, lstm-neural-networks
Easy Deep Learning With Keras
Keras tutorial for beginners (using TF backend)
Stars: ✭ 367 (+278.35%)
Mutual labels:  jupyter-notebook, deep-neural-networks, convolutional-neural-networks, lstm, rnn
Pytorch Kaldi
pytorch-kaldi is a project for developing state-of-the-art DNN/RNN hybrid speech recognition systems. The DNN part is managed by pytorch, while feature extraction, label computation, and decoding are performed with the kaldi toolkit.
Stars: ✭ 2,097 (+2061.86%)
Mutual labels:  deep-neural-networks, lstm, rnn, recurrent-neural-networks, lstm-neural-networks
Rmdl
RMDL: Random Multimodel Deep Learning for Classification
Stars: ✭ 375 (+286.6%)
Mutual labels:  deep-neural-networks, convolutional-neural-networks, cnn, rnn, recurrent-neural-networks
Deep Learning Time Series
List of papers, code and experiments using deep learning for time series forecasting
Stars: ✭ 796 (+720.62%)
Mutual labels:  jupyter-notebook, deep-neural-networks, lstm, recurrent-neural-networks, lstm-neural-networks
Deep Learning With Python
Deep learning codes and projects using Python
Stars: ✭ 195 (+101.03%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks, cnn, rnn, recurrent-neural-networks
Image Caption Generator
[DEPRECATED] A Neural Network based generative model for captioning images using Tensorflow
Stars: ✭ 141 (+45.36%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks, lstm, recurrent-neural-networks, lstm-neural-networks
Video Classification
Tutorial for video classification/ action recognition using 3D CNN/ CNN+RNN on UCF101
Stars: ✭ 543 (+459.79%)
Mutual labels:  jupyter-notebook, pytorch-tutorial, cnn, lstm, rnn
Image Captioning
Image Captioning: Implementing the Neural Image Caption Generator with python
Stars: ✭ 52 (-46.39%)
Mutual labels:  convolutional-neural-networks, lstm, recurrent-neural-networks, lstm-neural-networks
Fast Pytorch
Pytorch Tutorial, Pytorch with Google Colab, Pytorch Implementations: CNN, RNN, DCGAN, Transfer Learning, Chatbot, Pytorch Sample Codes
Stars: ✭ 346 (+256.7%)
Mutual labels:  jupyter-notebook, pytorch-tutorial, cnn, rnn
Thesemicolon
This repository contains Ipython notebooks and datasets for the data analytics youtube tutorials on The Semicolon.
Stars: ✭ 345 (+255.67%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks, lstm, rnn
Gtsrb
Convolutional Neural Network for German Traffic Sign Recognition Benchmark
Stars: ✭ 65 (-32.99%)
Mutual labels:  jupyter-notebook, deep-neural-networks, convolutional-neural-networks, cnn
Gdax Orderbook Ml
Application of machine learning to the Coinbase (GDAX) orderbook
Stars: ✭ 60 (-38.14%)
Mutual labels:  jupyter-notebook, deep-neural-networks, lstm, recurrent-neural-networks
Cnn lstm for text classify
CNN, LSTM, NBOW, fasttext 中文文本分类
Stars: ✭ 90 (-7.22%)
Mutual labels:  cnn, lstm, rnn, lstm-neural-networks
Personality Detection
Implementation of a hierarchical CNN based model to detect Big Five personality traits
Stars: ✭ 338 (+248.45%)
Mutual labels:  convolutional-neural-networks, cnn, lstm, lstm-neural-networks
First Steps Towards Deep Learning
This is an open sourced book on deep learning.
Stars: ✭ 376 (+287.63%)
Mutual labels:  pytorch-tutorial, deep-neural-networks, convolutional-neural-networks, recurrent-neural-networks
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 (-10.31%)
Mutual labels:  jupyter-notebook, pytorch-tutorial, cnn, lstm

PyTorch-learners-tutorial

  • PyTorch tutorial for learners
  • Codes are compatible with torch version 1.0.0
  • Written in Google Colaboratory (.ipynb files)

PyTorch Basics

1. PyTorch Tensors

  • Tensors
  • Creating Tensors
  • Tensor Data Types
  • Size (shape) of Tensors

2. PyTorch datasets - Part 1

  • Generating data from NumPy array
  • Generating data using custom DataSet and DataLoaders

3. PyTorch datasets - Part 2

  • Train-test split
  • k-fold Cross-Validation

4. PyTorch Model Basics - nn.Module

  • nn.Module
  • Data Types
  • nn.Sequential

5. PyTorch Model Basics - Building Blocks of Models

  • nn.Linear
  • Nonlinear Activations
  • Loss functions
  • Optimizers

6. PyTorch Model Basics - Building Blocks of Models (CNN)

  • Convolution & Pooling
  • Padding

7. PyTorch Model Basics - Building Blocks of Models (RNN)

  • Vanilla RNN
  • Gated Recurrent Units
  • Long Short Term Memory

Deep Learning with PyTorch

1. Multi Layer Perceptrons - Part 1

  • Breast cancer prediction with MLP

2. Multi Layer Perceptrons - Part 2

  • CIFAR-10 image classification with MLP

3. Multi Layer Perceptrons - Part 3

  • CIFAR-10 image classification with deeper MLP

4. Convolutional Neural Networks - Part 1

  • CIFAR-10 image classification with CNN

5. Convolutional Neural Networks - Part 2

  • CIFAR-10 image classification with CNN

6. Convolutional Neural Networks - Part 3

  • IMDB review sentiment classification with CNN

7. Convolutional Neural Networks - Part 4

  • IMDB review sentiment classification with CNN

8. Recurrent Neural Networks - Part 1

-IMDB review sentiment classification with RNN

9. Recurrent Neural Networks - Part 2

  • IMDB review sentiment classification with RNN

10. CNN-RNN network

  • Fashion MNIST classification with CNN-RNN
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].