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.
tensorflow
keras
pytorch
tensorboardX
- tensorboard for pytorch (and chainer, mxnet, numpy, ...)pytorch-lightning
- The lightweight PyTorch wrapper for ML researchers. Scale your models. Write less boilerplatetnt
- is torchnet for pytorch, supplying you with different metrics (such as accuracy) and abstraction of the train loopinferno
and torchsample
- attempt to model things very similar to Keras and provide some tools for validationskorch
- is a scikit-learn wrapper for pytorch that lets you use all the tools and metrics from sklearnSubject | 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 |
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 |
Subject | Technique | Framework | Complexity | Remark |
---|
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, ...)
Fully Connected Neural Network (FCNN)
- And an overview of neural network training process including forward and back propagation
Basic Block for Sequence Model!
Recurrent Neural Network (RNN)
- Basis of Sequence modelLong Short Term Memory (LSTM)
- Imporvement of "memory" (brief introduce other regular RNN block)Gated Recurrent Units (GRUs)
Reinforcement Learning (RL)
Q Learning
Policy Gradient Methods (PG)
Generative Adversarial Network (GAN)
Variational Autoencoder (VAE)
Self-Organizing Map (SOM)
Bidirectional RNN (BRNN)
- RNN-Based seq-to-seqAttention Model
- Transformer-based seq-to-seqTransformer
- Attention Is All You Need - Transformer-based multi-headed self-attention"Pre-training in NLP" ≈ "Embedding"
General speaking
Exponential Moving Average (Exponentially Weighted Moving Average)
Adadelta
Adagrad
Adam
Conjugate Gradients
BFGS
Momentum
Nesterov Momentum
Newton’s Method
RMSProp
Stochastic Gradient Descent (SGD)
Parameter
Big Pucture: Machine Learning vs. Deep Learning
Tricks for language model - a sort of overview
CNN for NLP
RNN for NLP
Capsule net with GRU
Latex
Toy
Example
Summary
NLP
NLP
NLP
CV
NLP
Manipulate Github Large File (>100MB)
.gitattributes
brew install bfg
Time measure
Export Markdown
Machine Learning/Deep Learning Platform
Framework | Organization | Support Language | Remark |
---|---|---|---|
TensorFlow | Python, C++, Go, JavaScript, ... | ||
Keras | fchollet | Python | on top of TensorFlow, CNTK, or Theano |
PyTorch | Python | ||
CNTK | Microsoft | C++ | |
OpenNN | C++ | ||
Caffe | BVLC | C++, Python | |
MXNet | DMLC | Python, C++, R, ... | |
Torch7 | Lua | ||
Theano | U. Montreal | Python | |
Deeplearning4J | DeepLearning4J | Java, Scala | |
Leaf | AutumnAI | Rust | |
Lasagne | Lasagne | Python | |
Neon | NervanaSystems | Python |
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 |