daviddwlee84 / DeepLearningPractice

Basically the neural network based implementation and corresponding notes.
25 stars 12 forks source link
deep-learning

Deep Learning Practice

Basically neural network based implementation and corresponding notes.

More "general" machine learning notes will be noted in my Machine Learning repository.

If you want to clone this repository, please use the following command:

GIT_LFS_SKIP_SMUDGE=1 git clone https://github.com/daviddwlee84/DeepLearningPractice.git

The notes of this repository haven't updated for a long time, I will update it once I organize my local notes.

Environment

Dependencies

Project

PKU Courses and Some side projects

Subject Technique Framework Complexity Remark
Perceptron Practice SLP, MLP Numpy ○○●●● Truth Table (AND, OR, XOR) and Iris Dataset (simulate Keras API)
Softmax Derivation FCNN Numpy ○○○●● Backpropagation of Softmax with Cross Entropy Loss
MNIST Handwriting Digit FCNN Tensorflow (and tf.keras) ○○●●● Implement by different ways
Semeion Handwritten Digit FCNN Tensorflow ○○○●● Made a Tensorflow like Dataset Class
CIFAR-10 FCNN, CNN Tensorflow ○○●●● Comparison of FCNN and CNN
Chinese Named Entity Recognizer RNN, LSTM Tensorflow ○●●●● TODO: LSTM testing
Flowers CNN Tensorflow ○○●●● Transfer Learning
Fruits CNN Tensorflow (and tf.layer) ○○●●● Multi-thread training and TFRecord TODO: Try more complex model
Trigonometric Function Prediction RNN Tensorflow ○○○○● Predict sine, cosine using LSTM
Penn TreeBank RNN, LSTM Tensorflow ○○●●● Language corpus preprocessing and training
Chinese Neural Machine Translation RNN, Attention Tensorflow ○●●●● A practice of Seq2Seq and Attention TODO: Multi-graph, Try transformer
Dogs! CNN Keras ○○●●● Using images from ImageNet, Keras Transfer learning and Data augmentation
2048 FCNN with Policy Gradient Tensorflow ●●●●● Reinforcement Learning
Text Relation Classification Multiple Models Multiple Libraries ●●●●● SemEval2018 Task 7 Semantic Relation Extraction and Classification in Scientific Papers
Medical Corpus Human Labor Naked Eyes ●●●●● From Chinese word segmentation to POS tagging to NER
Word Sense Induction Multiple Models Multiple Libraries ●●●●● SemEval2013 Task 13 Word Sense Induction for Graded and Non-Graded Senses
Chinese WS/POS/(NER) RNN, CRF TansorFlow ●●●●● The "from scratch" version of the previous project ("Medical Corpus") (paper)
Toxicity Classification BiLSTM Keras ●●●●● Jigsaw Unintended Bias in Toxicity Classification - Detect toxicity across a diverse range of conversations
CWS/NER RNN, CRF TensorFlow ●●●●● The sequence labeling model on the classic Chinese NLP task

NLP PyTorch

Subject Technique Framework Complexity Remark
Machine Translation RNN, Transformer PyTorch ●●●●● Machine translation model from Chinese to English based on WMT17 corpus (use result of CS224n)
Sentence Similarity RNN PyTorch ●●●●● Enhanced-RCNN and other baseline models on some sentence similarity dataset

Other Projects

NCTU DL Course

Subject Technique Framework Complexity Remark

Deep Learning Categories

TODO: Tasks, Subtasks, Structure, General Architecture, Elements, State-of-the-art model

  • General Architecture (DNN, CNN, RNNs, Atteniton, Transformer)
  • Categorized by Learning (supervised, ...)
  • Categorized by Tasks (NMT, NER, RE, ...)
  • Categorized by Structure (Seq2seq, Siamese)
  • Categorized by Learning Framework (GAN ?!)
  • State-of-the-art models and papers (BERT, ...)

Technique / Network Structure

Image Learning

Sequence Learning

Basic Block for Sequence Model!

Reinforcement Learning (RL)

Uncategorized

Learning Framework / Model

Object Detection

Text and Sequence

Transfer Learning in NLP

"Pre-training in NLP" ≈ "Embedding"

Others

Ingredient of magic

Layer

General speaking

Activation Function

Loss Function

Optimizer / Optimization Algorithm

Parameter

Regularization

Common Concept

Big Pucture: Machine Learning vs. Deep Learning

ML vs DL

Terminology / Tricks

Tricks for language model - a sort of overview

Network Framework

Applications

CV

NLP

Other Sequence Learning Problem

Books Recommendation

Tools

Visualize Drawing Tools

Latex

Toy

Resources

Dataset/Corpus

Corpus/NLP Dataset

Animate Dataset

Github Repository

Example

Summary

Application

Mature Tools

NLP

Tutorial

Course

Interactive Learning

MOOC

Document

Github

Slides

Conclusion

NLP

Summaries

NLP

CV

Article

NLP

Lexical Database

Other

Manipulate Github Large File (>100MB)

.gitattributes

Time measure

Export Markdown

Machine Learning/Deep Learning Platform

Deprecated notes

Programming Framework

Framework Organization Support Language Remark
TensorFlow Google Python, C++, Go, JavaScript, ...
Keras fchollet Python on top of TensorFlow, CNTK, or Theano
PyTorch Facebook Python
CNTK Microsoft C++
OpenNN C++
Caffe BVLC C++, Python
MXNet DMLC Python, C++, R, ...
Torch7 Facebook Lua
Theano U. Montreal Python
Deeplearning4J DeepLearning4J Java, Scala
Leaf AutumnAI Rust
Lasagne Lasagne Python
Neon NervanaSystems Python

Pending Project

Subject Technique Framework Complexity Remark
Online ImageNet Classifier CNN Keras ○○●●● (TODO) Using Keras Applications combine with RESTful API
First TF.js (TODO) Using TensorFlow.js to load pre-trained model and make prediction on the browser
YOLO CNN Tensorflow (TODO) Real-time Object Detection
Word Similarity (TODO) Word Similarity Based on Dictionary and Based on Corpus