Awesome MXNet
A curated list of MXNet examples, tutorials and blogs.
Contributing
If you want to contribute to this list and the examples, please open a new pull request.
Table of Contents
- 1. Tutorials and Resources
- 2. Vision
- 3. NLP
- 4. Speech
- 5. Time series forecasting
- 6. CTR
- 7. DRL
- 8. Neuro Evolution
- 9. One Class Learning
- 10. Probabilistic Programming
- 11. Transfer Learning
- 12. Tools
1. Tutorials and Resources
- Documents [site]
- Tutorial Documentation [English] [Chinese]
- New version of Documentation
- Gluon Tutorial Documentation [English] [Chinese] [Japanese]
- Gluon Api
- CheatSheet
- Using MXNet
- TVM Documentation
- NNVM Documentation
- Linalg examples
- NNVM Vison Demo
- im2rec_tutorial
- MXNet Blog (Chinese)
- MXNet Discuss Forum [English] [Chinese]
- r/mxnet subreddit
- Apache MXNet youtube channel [English] [Chinese]
- GluonCV
- GluonNLP
2. Vision
2.1 Image Classification
- ResNet [sym] [gluon] [v1b]
- DenseNet [sym] [gluon]
- SENet [sym] [gluon] [caffe]
- MobileNet [gluon v1/v2] [sym v2]
- Xception [sym] [gluon] [Keras]
- DPN
- CapsNet
- NASNet-A(Gluon:star:)
- CRU-Net
- ShuffleNet v1/v2
- IGCV3
- SqeezeNet
- FractalNet
- BMXNet
- fusenet
- Self-Norm Nets
- Factorized-Bilinear-Network
- AOGNet
- NonLocal+SENet
- mixup
- sparse-structure-selection
- neuron-selectivity-transfer
- L-GM-Loss
- CoordConv
- IBN-Net
- Mnasnet [pretrained model]
- CompetitiveSENet
- Residual-Attention-Network
- SNAIL
- DropBlock
- Modified-CBAMnet
- 3rdparty Resnet/Resnext/Inception/Xception/Air/DPN/SENet pretrained models
- Collection of pretrained models (Gluon:star:)
2.2 Object Detection
- PVANet
- SSD [Origin] [Focal Loss] [FPN] [DSSD/TDM] [RetinaNet] [RefineDet]
- DSOD
- YOLO [sym v1/v2] [darknet] [gluon] [v3]
- Faster RCNN [Origin] [gluon] [ya_mxdet] [Focal Loss] [Light-Head]
- Deformable-ConvNets with Faster RCNN/R-FCN/FPN/SoftNMS and Deeplab
- Deformable-ConvNets v2
- Relation-Networks with FPN
- FCIS
- Mask R-CNN
- SqueezeDet
- IOULoss
- FocalLoss(CUDA)
- dspnet
- Faster_RCNN_for_DOTA
- cascade-rcnn-gluon(Gluon:star:)
- SNIPER with R-FCN-3K and SSH Face Detector
- Car-Detector-and-Tracker
- detnet
- CornerNet
- faster-rcnn-rotate
2.3 Image Segmentation
- FCN
- Deeplab [v2] [v3+Vortex Pooling] [v3plus] [v3plus+densenet]
- U-Net [gluon] [kaggle dstl]
- SegNet
- PSPNet with SyncBN
- DUC
- ResNet-38
- SEC
- DRN
2.4 Video Recognition and Object Detection
2.5 Face Detection and Recognition
- MXNet Face
- MTCNN [w/ train] [caffe]
- Tiny Face [w/ train] [matconvnet]
- S3FD
- SSH
- FaceDetection-ConvNet-3D
- DeepID v1
- Range Loss [CustomOp] [gluon]
- Convolutional Sketch Inversion
- Face68Pts
- DCGAN face generation(Gluon:star:)
- InsightFace
- Modified-CRUNet+Residual-Attention-Network
- LightCNN
- E2FAR
- FacialLandmark
- batch_hard_triplet_loss
- facial-emotion-recognition
- RSA(prediction only)
- gender_age_estimation_mxnet
- Ringloss
2.6 ReID
2.7 Human Analyzation and Activity Recognition
2.8 Image Enhancement
- learning-to-see-in-the-dark
- SRCNN [1] [2]
- Super-Resolution-Zoo MXNet pretrained models for super resolution, denoising and deblocking
2.9 OCR
2.10 Point cloud & 3D
2.11 Images Generation
2.12 GAN
2.13 MRI & DTI
2.14 Misc
- VisualBackProp
- VQA [sym] [gluon]
- Hierarchical Question-Imagee Co-Attention
- text2image(Gluon:star:)
- Traffic sign classification
- cicada classification
- geometric-matching
- Loss Surfaces
- Class Activation Mapping
- AdversarialAutoEncoder
- Neural Image Caption
- mmd/jmmd/adaBN
- NetVlad
- multilabel
- multi-task
- siamese
- matchnet
- DPSH
- Yelp Restaurant Photo Classifacation
- siamese_network_on_omniglot(Gluon:star:)
- StrassenNets
- Image Embedding Learning (Gluon:star:)
- DIRNet
- Receptive Field Tool
- mxnet-videoio
- AudioDataLoader
- mxnet_tetris
- Visual Search (Gluon:star:)
- DALI
- relational-network-gluon
- HKO-7 [weather-forecasting]
- siamfc
- AdvBox
- SAGE-GRAPH
3. NLP
- sockeye
- gluon-nlp(Gluon:star:)
- MXNMT
- Char-RNN(Gluon:star:)
- Character-level CNN Text Classification (Gluon:star:)
- AC-BLSTM
- seq2seq [sym] [gluon]
- MemN2N [sym] [gluon]
- Neural Programmer-Interpreters
- sequence-sampling
- retrieval chatbot
- cnn+Highway Net
- sentiment-analysis(Gluon:star:)
- parserChiang(Gluon:star:)
- Neural Variational Document Model(Gluon:star:)
- NER with Bidirectional LSTM-CNNs
- Sequential Matching Network(Gluon:star:)
- ko_en_NMT(Gluon:star:)
- Gluon Dynamic-batching(Gluon:star:)
- translatR
- RNN-Transducer
- Deep Biaffine Parser
- Crepe model
- RegionEmbedding
- Structured-Self-Attentive-Sentence-Embedding
4. Speech
5. Time series forecasting
6. CTR
7. DRL
8. Neuro Evolution
9. One Class Learning
10. Probabilistic Programming
11. Transfer Learning
12. Tools
12.1 Converter
12.2 Language Bindings
12.3 Visualization
12.4 Parallel and Distributed computing
12.5 Productivity
12.6 Parameter optimizer
12.7 Deployment
12.8 Other Branches