All Projects → buomsoo-kim → Easy Deep Learning With Keras

buomsoo-kim / Easy Deep Learning With Keras

Keras tutorial for beginners (using TF backend)

Projects that are alternatives of or similar to Easy Deep Learning With Keras

Deeplearning.ai Assignments
Stars: ✭ 268 (-26.98%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks, neural-networks, lstm, rnn
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (-73.57%)
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 (+471.39%)
Mutual labels:  deep-neural-networks, lstm, rnn, gru
Livianet
This repository contains the code of LiviaNET, a 3D fully convolutional neural network that was employed in our work: "3D fully convolutional networks for subcortical segmentation in MRI: A large-scale study"
Stars: ✭ 143 (-61.04%)
Mutual labels:  deep-neural-networks, convolutional-neural-networks, neural-networks, convolutional-networks
Pytorch Seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
Stars: ✭ 3,418 (+831.34%)
Mutual labels:  jupyter-notebook, lstm, rnn, gru
Deep Learning With Python
Deep learning codes and projects using Python
Stars: ✭ 195 (-46.87%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks, neural-networks, rnn
Deepseqslam
The Official Deep Learning Framework for Route-based Place Recognition
Stars: ✭ 49 (-86.65%)
Mutual labels:  deep-neural-networks, convolutional-neural-networks, lstm, rnn
Thesemicolon
This repository contains Ipython notebooks and datasets for the data analytics youtube tutorials on The Semicolon.
Stars: ✭ 345 (-5.99%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks, lstm, rnn
Gdax Orderbook Ml
Application of machine learning to the Coinbase (GDAX) orderbook
Stars: ✭ 60 (-83.65%)
Mutual labels:  jupyter-notebook, deep-neural-networks, lstm, gru
Gtsrb
Convolutional Neural Network for German Traffic Sign Recognition Benchmark
Stars: ✭ 65 (-82.29%)
Mutual labels:  jupyter-notebook, deep-neural-networks, convolutional-neural-networks, convolutional-networks
Bitcoin Price Prediction Using Lstm
Bitcoin price Prediction ( Time Series ) using LSTM Recurrent neural network
Stars: ✭ 67 (-81.74%)
Mutual labels:  jupyter-notebook, deep-neural-networks, lstm, rnn
Rnn Notebooks
RNN(SimpleRNN, LSTM, GRU) Tensorflow2.0 & Keras Notebooks (Workshop materials)
Stars: ✭ 48 (-86.92%)
Mutual labels:  jupyter-notebook, lstm, rnn, gru
Load forecasting
Load forcasting on Delhi area electric power load using ARIMA, RNN, LSTM and GRU models
Stars: ✭ 160 (-56.4%)
Mutual labels:  jupyter-notebook, lstm, rnn, gru
Coursera Deep Learning Specialization
Notes, programming assignments and quizzes from all courses within the Coursera Deep Learning specialization offered by deeplearning.ai: (i) Neural Networks and Deep Learning; (ii) Improving Deep Neural Networks: Hyperparameter tuning, Regularization and Optimization; (iii) Structuring Machine Learning Projects; (iv) Convolutional Neural Networks; (v) Sequence Models
Stars: ✭ 188 (-48.77%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks, neural-networks
Traffic Sign Detection
Traffic Sign Detection. Code for the paper entitled "Evaluation of deep neural networks for traffic sign detection systems".
Stars: ✭ 200 (-45.5%)
Mutual labels:  jupyter-notebook, deep-neural-networks, convolutional-neural-networks
Pytorch Sentiment Analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Stars: ✭ 3,209 (+774.39%)
Mutual labels:  jupyter-notebook, lstm, rnn
Stylenet
A cute multi-layer LSTM that can perform like a human 🎶
Stars: ✭ 187 (-49.05%)
Mutual labels:  jupyter-notebook, lstm, rnn
Natural Language Processing With Tensorflow
Natural Language Processing with TensorFlow, published by Packt
Stars: ✭ 222 (-39.51%)
Mutual labels:  jupyter-notebook, lstm, rnn
Fire Detection Cnn
real-time fire detection in video imagery using a convolutional neural network (deep learning) - from our ICIP 2018 paper (Dunnings / Breckon) + ICMLA 2019 paper (Samarth / Bhowmik / Breckon)
Stars: ✭ 340 (-7.36%)
Mutual labels:  deep-neural-networks, convolutional-neural-networks, convolutional-networks
Lstm anomaly thesis
Anomaly detection for temporal data using LSTMs
Stars: ✭ 178 (-51.5%)
Mutual labels:  jupyter-notebook, neural-networks, lstm

Easy-deep-learning-with-Keras

Updates

Nov 14, 2020

The source code is updated and can be run on TF2.0 & Google Colaboratory. Please check out the Jupyter Notebook (.ipynb) files! Thank you very much for your patience and support!

If you are unfamiliar with data preprocessing, first review NumPy & Pandas sections of Python for data analysis materials.

Materials in this repository are for educational purposes. Source code is written in Python 3.6+ & Keras ver 2.0+ (Using TensorFlow backend - For advanced topics, basic understanding of TensorFlow mechanics is necessary)

1. Multilayer Perceptrons

1) Basics of MLP

  • Regression tasks with MLP
  • Classification tasks with MLP

2) Advanced MLP - 1

  • Weight initialization schemes
  • Activation functions (Nonlinearity)
  • Batch normalization
  • Optimizers
  • Dropout
  • Ensemble of models

3) Advanced MLP - 2

  • Putting it altogether

2. Convolutional Neural Networks

1) Basic CNN

  • Basics of CNN architecture

2) Advanced CNN - 1

  • Getting deeper with CNNs

3) Advanced CNN - 2

  • CNN for sentence classification (imdb)

4) Using pretrained models

  • Importing models already trained on ImageNet dataset (keras.applications)

3. Recurrent Neural Networks

1) Basic RNN

  • Understanding RNN architecture
  • Vanilla RNN (SimpleRNN)
  • Stacked vanilla RNN
  • LSTM
  • Stacked LSTM

2) Advanced RNN - 1

  • Deep RNNs
  • Bidirectional RNNs
  • Deep bidirectional RNNs

3) Advanced RNN - 2

  • CNN-RNN

4) Advanced RNN - 3

  • CuDNN LSTM
  • CuDNN GRU

4. Unsupervised Learning

1) Autoencoders

  • Autoencoder basics
  • Convolutional autoencoder
  • Dimensionality reduction using autoencoder

5. ETC

0) Creating models

  • Sequential API
  • Model Functional API

1) Image processing

  • Importing images

2) Keras callbacks

  • ModelCheckpoint
  • EarlyStopping
  • ReduceLROnPlateau

3) Using GPUs

  • Make your training process faster with CUDA & CuDNN

4) Model selection

  • Cross validation
  • Grid search
  • Random search

5) Class weighted learning

  • Learning under class imbalance situations

6) Model weights

  • Getting model weights
  • Loading & saving model weights

6. Examples

1) Digit Recognition with RNN

  • Simple RNN model
  • Stacked RNN model
  • Bidirectional RNN model
  • Simple LSTM model
  • Stacked LSTM model
  • Bidirectional LSTM model
  • Simple GRU model
  • Stacked GRU model
  • Bidirectional GRU model

2) Fashion item classification with MLP

  • Simple MLP
  • Autoencoder + MLP (dimensionality reduction)

3) Question generation with seq2seq (using Quora dataset)

 - Generating similar questions with seq2seq model

4) CNN for sentence classification

  • CNN-static implementation of Kim 2014 paper

5) Sentiment Analysis in Korean (using Naver Sentiment Movie Corpus)

  • Sentiment analysis with Logistic Regression (using sklearn & TF)
  • Sentiment analysis with RNN

7. Text Analytics

Section with emphasis on text data analytics

1) Text processing

2) Word embedding

3) CNNs for text data

  • 1-D Convolution for text analysis
  • CNN for setnence classification (Kim 2014)
  • Dynamic CNN for sentence modeling (Kalchbrenner et al 2014)
  • CNN for text categorization (Johnson and Zhang 2014)
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].