├── README.md ├── _config.yml └── apache-mxnet-cheat.pdf /README.md: -------------------------------------------------------------------------------- 1 | # Awesome MXNet [](https://github.com/jtoy/awesome) 2 | 3 |
8 | 9 | A curated list of MXNet examples, tutorials, papers, conferences and blogs. 10 | 11 | ## Contributing 12 | 13 | If you want to contribute to this list and the examples, please open a new pull request. 14 | 15 | ## Table of Contents 16 | - [1. Tutorials and Resources](#Tutorials) 17 | - [2. Vision](#Vision) 18 | - [3. NLP](#NLP) 19 | - [4. Speech](#Speech) 20 | - [5. Time series forecasting](#Time_series_forecasting) 21 | - [6. Spatiotemporal](#Spatiotemporal ) 22 | - [7. CTR](#CTR) 23 | - [8. DRL](#DRL) 24 | - [9. Neuro Evolution](#Neuro_evolution) 25 | - [10. One Class Learning](#One_class_learning) 26 | - [11. Probabilistic Programming](#PPL) 27 | - [12. Transfer Learning](#TL) 28 | - [13. Tools](#Tools) 29 | 30 | ________________ 31 | 32 | 33 | ## 1. Tutorials and Resources 34 | - [Documents](https://mxnet.incubator.apache.org/) [[site]](https://github.com/apache/incubator-mxnet-site) 35 | - Tutorial Documentation [[English]](https://mxnet.incubator.apache.org/tutorials/) [[Chinese]](https://github.com/wangx404/symbol_coding_tutorials_of_MXNet) 36 | - [New version of Documentation](https://github.com/mli/new-docs) 37 | - Gluon Tutorial Documentation [[English]](http://en.diveintodeeplearning.org//) [[Chinese]](https://zh.diveintodeeplearning.org/) [[Japanese]](https://github.com/harusametime/mxnet-the-straight-dope-ja) 38 | - [Gluon Api](https://github.com/gluon-api/gluon-api) 39 | - [CheatSheet](https://github.com/chinakook/Awesome-MXNet/blob/master/apache-mxnet-cheat.pdf) 40 | - [Using MXNet](https://github.com/JONGGON/Mxnet_Tutorial) 41 | - [TVM Documentation](http://docs.tvmlang.org/) 42 | - [NNVM Documentation](http://nnvm.tvmlang.org/) 43 | - [Linalg examples](https://github.com/ARCambridge/MXNet_linalg_examples) 44 | - [NNVM Vison Demo](https://github.com/masahi/nnvm-vision-demo) 45 | - [im2rec_tutorial](https://github.com/leocvml/mxnet-im2rec_tutorial) 46 | - [MXNet Blog (Chinese)](https://zh.mxnet.io/blog/) 47 | - MXNet Discuss Forum [[English]](https://discuss.mxnet.io/) [[Chinese]](https://discuss.gluon.ai/) 48 | - [r/mxnet subreddit](https://www.reddit.com/r/mxnet/) 49 | - Apache MXNet youtube channel [[English]](https://www.youtube.com/channel/UCQua2ZAkbr_Shsgfk1LCy6A) [[Chinese]](https://www.youtube.com/channel/UCjeLwTKPMlDt2segkZzw2ZQ) 50 | - [GluonCV](http://gluon-cv.mxnet.io/) 51 | - [GluonNLP](http://gluon-nlp.mxnet.io/) 52 | 53 | ## 2. Vision 54 | ### 2.1 Image Classification 55 | - ResNet [[sym]](https://github.com/tornadomeet/ResNet) [[gluon]](https://github.com/apache/incubator-mxnet/blob/master/python/mxnet/gluon/model_zoo/vision/resnet.py) [[v1b]](https://github.com/dmlc/gluon-cv/blob/master/gluoncv/model_zoo/resnetv1b.py) 56 | - DenseNet [[sym]](https://github.com/bruinxiong/densenet.mxnet) [[gluon]](https://github.com/apache/incubator-mxnet/blob/master/python/mxnet/gluon/model_zoo/vision/densenet.py) 57 | - SENet [[sym]](https://github.com/bruinxiong/SENet.mxnet) [[gluon]](https://github.com/dmlc/gluon-cv/blob/master/gluoncv/model_zoo/se_resnet.py) [[caffe]](https://github.com/IIMarch/SENet-mxnet) 58 | - [MobileNet V3](https://github.com/AmigoCDT/MXNet-MobileNetV3) 59 | - Xception [[sym]](https://github.com/bruinxiong/xception.mxnet) [[gluon]](https://github.com/osmr/imgclsmob/blob/master/gluon/gluoncv2/models/xception.py) [[Keras]](https://github.com/u1234x1234/mxnet-xception) 60 | - [DPN](https://github.com/cypw/DPNs) 61 | - [CapsNet](https://github.com/Soonhwan-Kwon/capsnet.mxnet) 62 | - [NASNet-A(Gluon:star:)](https://github.com/qingzhouzhen/incubator-mxnet/blob/nasnet/python/mxnet/gluon/model_zoo/vision/nasnet.py) 63 | - [CRU-Net](https://github.com/cypw/CRU-Net) 64 | - [ShuffleNet v1/v2](https://github.com/Tveek/mxnet-shufflenet) 65 | - [**IGCV3**](https://github.com/homles11/IGCV3) 66 | - [SqeezeNet](https://github.com/miaow1988/SqueezeNet_v1.2) 67 | - [FractalNet](https://github.com/newuser-16824/mxnet-fractalnet) 68 | - [BMXNet](https://github.com/hpi-xnor/BMXNet) 69 | - [**BMXNet v2**](https://github.com/hpi-xnor/BMXNet-v2) 70 | - [fusenet](https://github.com/zlmzju/fusenet) 71 | - [Self-Norm Nets](https://github.com/Ldpe2G/DeepLearningForFun/tree/master/Mxnet-Scala/SelfNormNets) 72 | - [Factorized-Bilinear-Network](https://github.com/lyttonhao/Factorized-Bilinear-Network) 73 | - [AOGNet](https://github.com/xilaili/AOGNet) 74 | - [NonLocal+SENet](https://github.com/WillSuen/NonLocalandSEnet) 75 | - [mixup](https://github.com/unsky/mixup) 76 | - [sparse-structure-selection](https://github.com/TuSimple/sparse-structure-selection) 77 | - [neuron-selectivity-transfer](https://github.com/TuSimple/neuron-selectivity-transfer) 78 | - [L-GM-Loss](https://github.com/LeeJuly30/L-GM-Loss-For-Gluon) 79 | - [**CoordConv**](https://github.com/ZwX1616/mxnet-CoordConv) 80 | - [IBN-Net](https://github.com/bruinxiong/IBN-Net.mxnet) 81 | - [Mnasnet](https://github.com/chinakook/Mnasnet.MXNet) [[pretrained model]](https://github.com/zeusees/Mnasnet-Pretrained-Model) 82 | - [**CompetitiveSENet**](https://github.com/scut-aitcm/CompetitiveSENet) 83 | - [Residual-Attention-Network](https://github.com/haoxintong/Residual-Attention-Network-Gluon) 84 | - [SNAIL](https://github.com/seujung/SNAIL-gluon) 85 | - [DropBlock](https://github.com/chenzx921020/DropBlock-mxnet) 86 | - [DropBlock(c++ implementaion)](https://github.com/yuyijie1995/dropblock_mxnet_bottom_implemention) 87 | - [Modified-CBAMnet](https://github.com/bruinxiong/Modified-CBAMnet.mxnet) 88 | - [**OctConv**](https://github.com/facebookresearch/OctConv) 89 | - [tasn](https://github.com/researchmm/tasn) 90 | - 3rdparty Resnet/Resnext/Inception/Xception/Air/DPN/SENet [pretrained models](https://github.com/soeaver/mxnet-model) 91 | - Collection of [pretrained models (Gluon:star:)](https://github.com/osmr/imgclsmob) 92 | 93 | ### 2.2 Object Detection 94 | - [PVANet](https://github.com/apache/incubator-mxnet/pull/7786) 95 | - SSD [[Origin]](https://github.com/zhreshold/mxnet-ssd) [[Focal Loss]](https://github.com/eldercrow/focal_loss_mxnet_ssd) [[FPN]](https://github.com/zunzhumu/ssd) [[DSSD/TDM]](https://github.com/MTCloudVision/mxnet-dssd) [[RetinaNet]](https://github.com/jkznst/RetinaNet-mxnet) [[RefineDet]](https://github.com/MTCloudVision/RefineDet-Mxnet) 96 | - [DSOD](https://github.com/leocvml/DSOD-gluon-mxnet) 97 | - YOLO [[sym v1/v2]](https://github.com/zhreshold/mxnet-yolo) [[darknet]](https://github.com/bowenc0221/MXNet-YOLO) [[gluon]](https://github.com/MashiMaroLjc/YOLO) [[v3]](https://github.com/Fermes/yolov3-mxnet) 98 | - Faster RCNN [[Origin]](https://github.com/precedenceguo/mx-rcnn) [[gluon]](https://github.com/dmlc/gluon-cv/tree/master/gluoncv/model_zoo/faster_rcnn) [[ya_mxdet]](https://github.com/linmx0130/ya_mxdet) [[Focal Loss]](https://github.com/unsky/focal-loss) [[Light-Head]](https://github.com/terrychenism/Deformable-ConvNets/blob/master/rfcn/symbols/resnet_v1_101_rfcn_light.py#L784) 99 | - [**Deformable-ConvNets**](https://github.com/msracver/Deformable-ConvNets) with Faster RCNN/R-FCN/FPN/SoftNMS and Deeplab 100 | - [**Deformable-ConvNets v2**](https://github.com/msracver/Deformable-ConvNets/tree/master/DCNv2_op) 101 | - [**Relation-Networks**](https://github.com/msracver/Relation-Networks-for-Object-Detection) with FPN 102 | - [FPN-gluon-cv](https://github.com/Angzz/fpn-gluon-cv) 103 | - [FCIS](https://github.com/msracver/FCIS) 104 | - [Mask R-CNN](https://github.com/TuSimple/mx-maskrcnn) 105 | - [SqueezeDet](https://github.com/alvinwan/squeezeDetMX) 106 | - [IOULoss](https://github.com/wcj-Ford/IOULoss) 107 | - [FocalLoss(CUDA)](https://github.com/yuantangliang/softmaxfocalloss) 108 | - [dspnet](https://github.com/liangfu/dspnet) 109 | - [Faster_RCNN_for_DOTA](https://github.com/jessemelpolio/Faster_RCNN_for_DOTA) 110 | - [RoITransformer](https://github.com/dingjiansw101/RoITransformer_DOTA) 111 | - [cascade-rcnn-gluon(Gluon:star:)](https://github.com/lizhenbang56/cascade-rcnn-gluon) 112 | - [**SNIPER**](https://github.com/mahyarnajibi/SNIPER) with R-FCN-3K and SSH Face Detector 113 | - [Car-Detector-and-Tracker](https://github.com/YvesHarrison/Car-Detector-and-Tracker-Using-MXNet-and-KCF) 114 | - [detnet](https://github.com/BigDeviltjj/mxnet-detnet) 115 | - [CornerNet](https://github.com/BigDeviltjj/mxnet-cornernet) 116 | - [GroupNormalization](https://github.com/JaggerYoung/mxnet-GroupNormalization) 117 | - [faster-rcnn-rotate](https://github.com/shihan19911126/mxnet-faster-rcnn-rotate) 118 | - [Detection and Recognition in Remote Sensing Image](https://github.com/whywhs/Detection_and_Recognition_in_Remote_Sensing_Image) 119 | - [**simpledet**](https://github.com/TuSimple/simpledet) with FP16 and distributed training 120 | - [**FCOS**](https://github.com/Angzz/fcos-gluon-cv) 121 | - [Cascade RCNN](https://github.com/zzdang/cascade_rcnn_gluon) 122 | 123 | ### 2.3 Image Segmentation 124 | - [FCN](https://github.com/dmlc/gluon-cv/blob/master/gluoncv/model_zoo/fcn.py) 125 | - Deeplab [[v2]](https://github.com/buptweixin/mxnet-deeplab) [[v3+Vortex Pooling]](https://github.com/MTCloudVision/deeplabv3-mxnet_gluon) [[v3plus]](https://github.com/duducheng/deeplabv3p_gluon) [[v3plus+densenet]](https://github.com/leocvml/deeplabv3plus-gluon-mxnet) 126 | - U-Net [[gluon]](https://github.com/chinakook/U-Net) [[kaggle dstl]](https://github.com/u1234x1234/kaggle-dstl-satellite-imagery-feature-detection) 127 | - [SegNet](https://github.com/solin319/incubator-mxnet/tree/solin-patch-segnet) 128 | - [PSPNet](https://github.com/dmlc/gluon-cv/blob/master/gluoncv/model_zoo/pspnet.py) with [SyncBN](https://github.com/dmlc/gluon-cv/blob/master/gluoncv/model_zoo/syncbn.py) 129 | - [DUC](https://github.com/TuSimple/TuSimple-DUC) 130 | - [ResNet-38](https://github.com/itijyou/ademxapp) 131 | - [SEC](https://github.com/ascust/SEC-MXNet) 132 | - [**DRN**](https://github.com/zhuangyqin/DRN) 133 | - [panoptic-fpn](https://github.com/Angzz/panoptic-fpn-gluon) 134 | - [AdaptIS](https://github.com/saic-vul/adaptis) 135 | 136 | ### 2.4 Video Recognition and Object Detection 137 | - [Deep Feature Flow](https://github.com/msracver/Deep-Feature-Flow) 138 | - [Flow-Guided Feature Aggregation](https://github.com/msracver/Flow-Guided-Feature-Aggregation) 139 | - [st-resnet](https://github.com/jay1204/st-resnet) 140 | 141 | ### 2.5 Face Detection and Recognition 142 | - [MXNet Face](https://github.com/tornadomeet/mxnet-face) 143 | - MTCNN [[w/ train]](https://github.com/Seanlinx/mtcnn) [[caffe]](https://github.com/pangyupo/mxnet_mtcnn_face_detection) 144 | - Tiny Face [[w/ train]](https://github.com/IIMarch/tiny-face-mxnet) [[matconvnet]](https://github.com/chinakook/hr101_mxnet) 145 | - [S3FD](https://github.com/zunzhumu/S3FD) 146 | - [S3FD-gluoncv](https://github.com/yangfly/sfd.gluoncv) 147 | - [SSH](https://github.com/deepinsight/mxnet-SSH) 148 | - [FaceDetection-ConvNet-3D](https://github.com/tfwu/FaceDetection-ConvNet-3D) 149 | - [DeepID v1](https://github.com/AihahaFox/deepid-mxnet) 150 | - Range Loss [[CustomOp]](https://github.com/ShownX/mxnet-rangeloss) [[gluon]](https://github.com/LeeJuly30/RangeLoss-For-Gluno) 151 | - [Convolutional Sketch Inversion](https://github.com/VinniaKemala/sketch-inversion) 152 | - [Face68Pts](https://github.com/LaoDar/mxnet_cnn_face68pts) 153 | - [DCGAN face generation(Gluon:star:)](https://github.com/dbsheta/dcgan_face_generation) 154 | - [**InsightFace**](https://github.com/deepinsight/insightface) 155 | - [Modified-CRUNet+Residual-Attention-Network](https://github.com/bruinxiong/Modified-CRUNet-and-Residual-Attention-Network.mxnet) 156 | - [LightCNN](https://github.com/ly-atdawn/LightCNN-mxnet) 157 | - [E2FAR](https://github.com/ShownX/mxnet-E2FAR) 158 | - [FacialLandmark](https://github.com/BobLiu20/FacialLandmark_MXNet) 159 | - [batch_hard_triplet_loss](https://github.com/IcewineChen/mxnet-batch_hard_triplet_loss) 160 | - [facial-emotion-recognition](https://github.com/TalkAI/facial-emotion-recognition-gluon) 161 | - [RSA(prediction only)](https://github.com/ElegantGod/RSA-for-object-detection-mxnet-version) 162 | - [gender_age_estimation_mxnet](https://github.com/wayen820/gender_age_estimation_mxnet) 163 | - [Ringloss](https://github.com/haoxintong/Ringloss-Gluon) 164 | - [gluon-face](https://github.com/THUFutureLab/gluon-face) 165 | - [age-gender-estimation](https://github.com/deepinx/age-gender-estimation) 166 | - [iqiyi-vid-challenge 1st code](https://github.com/deepinx/iqiyi-vid-challenge) 167 | - [sdu-face-alignment](https://github.com/deepinx/sdu-face-alignment) 168 | - [PyramidBox](https://github.com/JJXiangJiaoJun/gluon_PyramidBox) 169 | - [A-Light-and-Fast-Face-Detector-for-Edge-Devices](https://github.com/YonghaoHe/A-Light-and-Fast-Face-Detector-for-Edge-Devices) 170 | 171 | 172 | ### 2.6 ReID 173 | - [rl-multishot-reid](https://github.com/TuSimple/rl-multishot-reid) 174 | - [DarkRank](https://github.com/TuSimple/DarkRank) 175 | - [reid_baseline_gluon](https://github.com/L1aoXingyu/reid_baseline_gluon) 176 | - [beyond-part-models](https://github.com/Tyhye/beyond-part-models-gluon) 177 | - [**gluon-reid**](https://github.com/xiaolai-sqlai/gluon-reid) 178 | 179 | ### 2.7 Human Analyzation and Activity Recognition 180 | - [Head Pose](https://github.com/LaoDar/cnn_head_pose_estimator) 181 | - [Convolutional Pose Machines](https://github.com/li-haoran/mxnet-convolutional_pose_machines_Testing) 182 | - [Realtime Multi-Person Pose Estimation](https://github.com/dragonfly90/mxnet_Realtime_Multi-Person_Pose_Estimation) 183 | - [Realtime Multi-Person Pose Estimation (Gluon :star:)](https://github.com/ThomasDelteil/MultiPoseEstimation_MXNet) 184 | - [OpenPose](https://github.com/kohillyang/mx-openpose) 185 | - [Dynamic pose estimation](https://github.com/gengshan-y/dyn_pose) 186 | - [LSTM for HAR](https://github.com/Ldpe2G/DeepLearningForFun/tree/master/Mxnet-Scala/HumanActivityRecognition) 187 | - [C3D](https://github.com/JaggerYoung/C3D-mxnet) 188 | - [P3D](https://github.com/IIMarch/pseudo-3d-residual-networks-mxnet) 189 | - [DeepHumanPrediction](https://github.com/JONGGON/DeepHumanPrediction) 190 | - [Reinspect](https://github.com/NoListen/mxnet-reinspect) 191 | - [COCO Human keypoint](https://github.com/wangsr126/mxnet-pose) 192 | - [R2Plus1D](https://github.com/starsdeep/R2Plus1D-MXNet) 193 | - [CSRNet](https://github.com/wkcn/CSRNet-mx) 194 | 195 | ### 2.8 Image Enhancement 196 | - [**learning-to-see-in-the-dark**](https://github.com/anzhao0503/learning-to-see-in-the-dark.mxnet) 197 | - SRCNN [[1]](https://github.com/Codersadis/SRCNN-MXNET) [[2]](https://github.com/galad-loth/SuperResolutionCNN) 198 | - [**Super-Resolution-Zoo**](https://github.com/WolframRhodium/Super-Resolution-Zoo) MXNet pretrained models for super resolution, denoising and deblocking 199 | 200 | ### 2.9 OCR 201 | - [SSD Text Detection](https://github.com/oyxhust/ssd-text_detection) 202 | - [EAST](https://github.com/wangpan8154/east-text-detection-with-mxnet/tree/1a63083d69954e7c1c7ac277cf6b8ed5af4ec770) 203 | - [**CTPN.mxnet**](https://github.com/chinakook/CTPN.mxnet) 204 | - CRNN [[Chinese]](https://github.com/diaomin/crnn-mxnet-chinese-text-recognition) [ [[insightocr]](https://github.com/deepinsight/insightocr) [[A full version]](https://github.com/WenmuZhou/crnn.gluon) 205 | - [Handwritten OCR CRNN (Gluon :star:)](https://github.com/ThomasDelteil/HandwrittenTextRecognition_MXNet) 206 | - [PSENet](https://github.com/saicoco/Gluon-PSENet) 207 | 208 | 209 | ### 2.10 Point cloud & 3D 210 | - [mx-pointnet](https://github.com/Zehaos/mx-pointnet) [[gluon version]](https://github.com/hnVfly/pointnet.mxnet) 211 | - [PointCNN.MX](https://github.com/chinakook/PointCNN.MX) 212 | - [RC3D](https://github.com/likelyzhao/MxNet-RC3D/blob/master/RC3D/symbols/RC3D.py) 213 | - [DeepIM](https://github.com/liyi14/mx-DeepIM) 214 | 215 | ### 2.11 Images Generation 216 | - [pix2pix](https://github.com/Ldpe2G/DeepLearningForFun/tree/master/Mxnet-Scala/Pix2Pix) 217 | - [Image colorization](https://github.com/skirdey/mxnet-pix2pix) 218 | - [Neural-Style-MMD](https://github.com/lyttonhao/Neural-Style-MMD) 219 | - [MSG-Net(Gluon:star:)](https://github.com/zhanghang1989/MXNet-Gluon-Style-Transfer) 220 | - [fast-style-transfer](https://github.com/SineYuan/mxnet-fast-neural-style) 221 | - [neural-art-mini](https://github.com/pavelgonchar/neural-art-mini) 222 | 223 | ### 2.12 GAN 224 | - [DCGAN(Gluon:star:)](https://github.com/kazizzad/DCGAN-Gluon-MxNet) 225 | - [**CycleGAN**](https://github.com/leocvml/CycleGAN-gluon-mxnet) 226 | 227 | ### 2.13 MRI & DTI 228 | - [Chest-XRay](https://github.com/kperkins411/MXNet-Chest-XRay-Evaluation) 229 | - [LUCAD](https://github.com/HPI-DeepLearning/LUCAD) 230 | 231 | ### 2.14 Misc 232 | - [VisualBackProp](https://github.com/Bartzi/visual-backprop-mxnet) 233 | - VQA [[sym]](https://github.com/shiyangdaisy23/mxnet-vqa) [[gluon]](https://github.com/shiyangdaisy23/vqa-mxnet-gluon) 234 | - [Hierarchical Question-Imagee Co-Attention](https://github.com/WillSuen/VQA) 235 | - [text2image(Gluon:star:)](https://github.com/dbsheta/text2image) 236 | - [Traffic sign classification](https://github.com/sookinoby/mxnet-ccn-samples) 237 | - [cicada classification](https://github.com/dokechin/cicada_shell) 238 | - [geometric-matching](https://github.com/x007dwd/geometric-matching-mxnet) 239 | - [Loss Surfaces](https://github.com/nicklhy/cnn_loss_surface) 240 | - [Class Activation Mapping](https://github.com/nicklhy/CAM) 241 | - [AdversarialAutoEncoder](https://github.com/nicklhy/AdversarialAutoEncoder) 242 | - [Neural Image Caption](https://github.com/saicoco/mxnet_image_caption) 243 | - [mmd/jmmd/adaBN](https://github.com/deepinsight/transfer-mxnet) 244 | - [NetVlad](https://github.com/likelyzhao/NetVlad-MxNet) 245 | - [multilabel](https://github.com/miraclewkf/multilabel-MXNet) 246 | - [multi-task](https://github.com/miraclewkf/multi-task-MXNet) 247 | - [siamese](https://github.com/saicoco/mxnet-siamese) 248 | - [matchnet](https://github.com/zhengxiawu/mxnet-matchnet) 249 | - [DPSH](https://github.com/akturtle/DPSH) 250 | - [Yelp Restaurant Photo Classifacation](https://github.com/u1234x1234/kaggle-yelp-restaurant-photo-classification) 251 | - [siamese_network_on_omniglot(Gluon:star:)](https://github.com/muchuanyun/siamese_network_on_omniglot) 252 | - [StrassenNets](https://github.com/mitscha/strassennets) 253 | - [Image Embedding Learning (Gluon:star:)](https://github.com/chaoyuaw/incubator-mxnet) 254 | - [DIRNet](https://github.com/HPI-DeepLearning/DIRNet/tree/master/DIRNet-mxnet) 255 | - [Receptive Field Tool](https://github.com/chinakook/mxnet/blob/kkmaster/python/kktools/rf.py) 256 | - [mxnet-videoio](https://github.com/MTCloudVision/mxnet-videoio) 257 | - [AudioDataLoader](https://github.com/gaurav-gireesh/AudioDataLoader) 258 | - [mxnet_tetris](https://github.com/sunkwei/mxnet_tetris) 259 | - [Visual Search (Gluon:star:)](https://github.com/ThomasDelteil/VisualSearch_MXNet) 260 | - [DALI](https://github.com/NVIDIA/DALI) 261 | - [relational-network-gluon](https://github.com/seujung/relational-network-gluon) 262 | - [HKO-7](https://github.com/sxjscience/HKO-7) [[weather-forecasting]](https://github.com/igloooo/weather-forecasting-mxnet) 263 | - [siamfc](https://github.com/forschumi/siamfc-mxnet) 264 | - [AdvBox](https://github.com/baidu/AdvBox) 265 | - [SAGE-GRAPH](https://github.com/diyang/SAGE-GRAPH-R) 266 | - [Memory-Aware-Synapses](https://github.com/mingzhang96/MAS-mxnet) 267 | 268 | ## 3. NLP 269 | - [**sockeye**](https://github.com/awslabs/sockeye) 270 | - [**gluon-nlp**(Gluon:star:)](https://github.com/dmlc/gluon-nlp) 271 | - [MXNMT](https://github.com/magic282/MXNMT) 272 | - [Char-RNN(Gluon:star:)](https://github.com/SherlockLiao/Char-RNN-Gluon) 273 | - [Character-level CNN Text Classification (Gluon:star:)](https://github.com/ThomasDelteil/CNN_NLP_MXNet) 274 | - [AC-BLSTM](https://github.com/Ldpe2G/AC-BLSTM) 275 | - seq2seq [[sym]](https://github.com/yoosan/mxnet-seq2seq) [[gluon]](https://github.com/ZiyueHuang/MXSeq2Seq) 276 | - MemN2N [[sym]](https://github.com/nicklhy/MemN2N) [[gluon]](https://github.com/fanfeifan/MemN2N-Mxnet-Gluon) 277 | - [Neural Programmer-Interpreters](https://github.com/Cloudyrie/npi) 278 | - [sequence-sampling](https://github.com/doetsch/sequence-sampling-mxnet) 279 | - [retrieval chatbot](https://github.com/NonvolatileMemory/baseline_for_chatbot-mxnet) 280 | - [cnn+Highway Net](https://github.com/wut0n9/cnn_chinese_text_classification) 281 | - [sentiment-analysis(Gluon:star:)](https://github.com/aws-samples/aws-sentiment-analysis-mxnet-gluon) 282 | - [parserChiang(Gluon:star:)](https://github.com/linmx0130/parserChiang) 283 | - [Neural Variational Document Model(Gluon:star:)](https://github.com/dingran/nvdm-mxnet) 284 | - [NER with Bidirectional LSTM-CNNs](https://github.com/opringle/named_entity_recognition) 285 | - [Sequential Matching Network(Gluon:star:)](https://github.com/NonvolatileMemory/MXNET-SMN) 286 | - [ko_en_NMT(Gluon:star:)](https://github.com/haven-jeon/ko_en_neural_machine_translation) 287 | - [**Gluon Dynamic-batching**(Gluon:star:)](https://github.com/szha/mxnet-fold) 288 | - [translatR](https://github.com/jeremiedb/translatR) 289 | - [RNN-Transducer](https://github.com/HawkAaron/mxnet-transducer) 290 | - [Deep Biaffine Parser](https://github.com/hankcs/DeepBiaffineParserMXNet) 291 | - [Crepe model](https://github.com/ThomasDelteil/CNN_NLP_MXNet) 292 | - [EXAM](https://github.com/bcol23/EXAM-MXNet) 293 | - [**RegionEmbedding**](https://github.com/zhaozhengChen/RegionEmbedding) 294 | - [Structured-Self-Attentive-Sentence-Embedding](https://github.com/kenjewu/Structured-Self-Attentive-Sentence-Embedding) 295 | - [translatR](https://github.com/jeremiedb/translatR) 296 | - [**BERT-embedding**](https://github.com/imgarylai/bert-embedding) 297 | 298 | ## 4. Speech 299 | - [mxnet_kaldi](https://github.com/vsooda/mxnet_kaldi) 300 | - [**deepspeech**](https://github.com/samsungsds-rnd/deepspeech.mxnet) 301 | - [wavenet](https://github.com/shuokay/mxnet-wavenet) [[WaveNet-gluon]](https://github.com/seujung/WaveNet-gluon) 302 | - [Tacotron](https://github.com/PiSchool/mxnet-tacotron) 303 | - [mxnet-audio](https://github.com/chen0040/mxnet-audio) 304 | 305 | ## 5. Time series forecasting 306 | - [LSTNet](https://github.com/opringle/multivariate_time_series_forecasting) 307 | 308 | ## 6. Spatiotemporal 309 | - [gluon-spaceTime](https://github.com/D-Roberts/gluon-spaceTime) 310 | 311 | ## 7. CTR 312 | - [MXNet for CTR ](https://github.com/CNevd/DeepLearning-MXNet) 313 | - [CDL](https://github.com/js05212/MXNet-for-CDL) 314 | - [SpectralLDA](https://github.com/Mega-DatA-Lab/SpectralLDA-MXNet) 315 | - [DEF(Gluon:star:)](https://github.com/altosaar/deep-exponential-families-gluon) 316 | - [mxnet-recommender(Gluon:star:)](https://github.com/chen0040/mxnet-recommender) 317 | - [collaborative_filtering](https://github.com/opringle/collaborative_filtering) 318 | - [gluon-rank](https://github.com/opringle/gluon-rank) 319 | - [ncf](https://github.com/xinyu-intel/ncf_mxnet) 320 | 321 | ## 8. DRL 322 | - [DRL](https://github.com/qyxqyx/DRL) 323 | - [DQN(Gluon:star:)](https://github.com/kazizzad/DQN-MxNet-Gluon) 324 | - [Double DQN(Gluon:star:)](https://github.com/kazizzad/Double-DQN-MxNet-Gluon) 325 | - [openai-mxnet](https://github.com/boddmg/openai-mxnet) 326 | - [PPO(Gluon:star:)](https://github.com/dai-dao/PPO-Gluon) 327 | - [CrazyAra](https://github.com/QueensGambit/CrazyAra) 328 | 329 | ## 9. Neuro Evolution 330 | - [galapagos_nao](https://github.com/jeffreyksmithjr/galapagos_nao) 331 | 332 | ## 10. One Class Learning 333 | - [anomaly_detection](https://github.com/malykhin/anomaly_detection/blob/master/anomaly_AWS.ipynb) 334 | 335 | ## 11. Probabilistic Programming 336 | - [**MXFusion**](https://github.com/amzn/MXFusion) 337 | 338 | ## 12. Transfer Learning 339 | - [**xfer**](https://github.com/amzn/xfer) 340 | 341 | ## 13. Tools 342 | ### 13.1 Converter 343 | - [mxnet2tf](https://github.com/vuvko/mxnet2tf) 344 | - [MMdnn](https://github.com/Microsoft/MMdnn) 345 | - [onnx-mxnet](https://github.com/onnx/onnx-mxnet) 346 | - [mxnet_to_onnx](https://github.com/NVIDIA/mxnet_to_onnx) 347 | - [R-Convert-json-to-symbol](https://github.com/Imshepherd/MxNetR-Convert-json-to-symbol) 348 | - [**mxnet2ncnn**](https://github.com/Tencent/ncnn/blob/28b35b8c4f3d58feaaaeaa58273b763751827aab/tools/mxnet/mxnet2ncnn.cpp) 349 | - [Gluon2PyTorch](https://github.com/nerox8664/gluon2pytorch) 350 | - [Gluon2Keras](https://github.com/nerox8664/gluon2keras) 351 | 352 | ### 13.2 Language Bindings 353 | - [mxnet.rb](https://github.com/mrkn/mxnet.rb) 354 | - [mxnet.csharp](https://github.com/yajiedesign/mxnet.csharp) 355 | - [SiaNet(csharp)](https://github.com/deepakkumar1984/SiaNet) 356 | - [go-mxnet-predictor](https://github.com/songtianyi/go-mxnet-predictor) 357 | - [dmxnet](https://github.com/sociomantic-tsunami/dmxnet) 358 | - [load_op](https://github.com/DuinoDu/load_op.mxnet) 359 | - [MobulaOP](https://github.com/wkcn/MobulaOP) 360 | 361 | ### 13.3 Visualization 362 | - [mxbox](https://github.com/Lyken17/mxbox) 363 | - [mixboard](https://github.com/DrSensor/mixboard) 364 | - [mxflows](https://github.com/aidan-plenert-macdonald/mxflows) 365 | - [mxserver](https://github.com/Harmonicahappy/mxserver) 366 | - [VisualDL](https://github.com/PaddlePaddle/VisualDL) 367 | - [mxProfileParser](https://github.com/TaoLv/mxProfileParser) 368 | - [polyaxon](https://github.com/polyaxon/polyaxon) with [examples](https://github.com/polyaxon/polyaxon-examples/tree/master/mxnet/cifar10) 369 | - [Netron](https://github.com/lutzroeder/Netron) 370 | - [**mxboard**](https://github.com/awslabs/mxboard) 371 | - [CalFLOPS](https://github.com/likelyzhao/CalFLOPS-Mxnet) 372 | 373 | ### 13.4 Parallel and Distributed computing 374 | - [mxnet-rdma](https://github.com/liuchang1437/mxnet-rdma) 375 | - [RDMA-MXNet-ps-lite](https://github.com/ralzq01/RDMA-MXNet-ps-lite) 376 | - [MPIZ-MXNet](https://github.com/Shenggan/MPIZ-MXNet) 377 | - [MXNetOnYARN](https://github.com/Intel-bigdata/MXNetOnYARN) 378 | - [mxnet-operator](https://github.com/deepinsight/mxnet-operator) 379 | - [mxnet_on_kubernetes](https://github.com/WorldAITime/mxnet_on_kubernetes) 380 | - [speculative-synchronization](https://github.com/All-less/mxnet-speculative-synchronization) 381 | - [XLearning](https://github.com/Qihoo360/XLearning) 382 | - [Gluon Distributed Training (Gluon:star:)](https://mxnet.indu.ai/tutorials/distributed-training-using-mxnet) 383 | - [gpurelperf](https://github.com/andylamp/gpurelperf) 384 | - [horovod](https://github.com/horovod/horovod) 385 | - [**byteps**](https://github.com/bytedance/byteps) 386 | 387 | ### 13.5 Productivity 388 | - [Email Monitor MxnetTrain](https://github.com/fierceX/Email_Monitor_MxnetTrain) 389 | - [mxnet-oneclick](https://github.com/imistyrain/mxnet-oneclick) 390 | - [mxnet-finetuner](https://github.com/knjcode/mxnet-finetuner) 391 | - [Early-Stopping](https://github.com/kperkins411/MXNet_Demo_Early-Stopping) 392 | - [MXNet_Video_Trainer](https://github.com/likelyzhao/MXNet_Video_Trainer) 393 | - [rs_mxnet_reader](https://github.com/ChenKQ/rs_mxnet_reader) 394 | 395 | ### 13.6 Parameter optimizer 396 | - [YellowFin](https://github.com/StargazerZhu/YellowFin_MXNet) 397 | - [**LookaheadOptimizer**](https://github.com/wkcn/LookaheadOptimizer-mx) 398 | 399 | ### 13.7 Deployment 400 | - [Turi Create](https://github.com/apple/turicreate) 401 | - [MXNet-HRT](https://github.com/OAID/MXNet-HRT) 402 | - [Tengine](https://github.com/OAID/Tengine) 403 | - [Collective Knowledge](https://github.com/ctuning/ck-mxnet) 404 | - [flask-app-for-mxnet-img-classifier](https://github.com/XD-DENG/flask-app-for-mxnet-img-classifier) 405 | - [qt-mxnet](https://github.com/mjamroz/qt-mxnet) 406 | - [mxnet_predict_ros](https://github.com/Paspartout/mxnet_predict_ros) 407 | - [mxnet-lambda](https://github.com/awslabs/mxnet-lambda) 408 | - [openHabAI](https://github.com/JeyRunner/openHabAI) 409 | - ImageRecognizer [[iOS]](https://github.com/dneprDroid/ImageRecognizer-iOS) [[Android]](https://github.com/dneprDroid/ImageRecognizer-Android) 410 | - [MXNet to MiniFi](https://github.com/tspannhw/nvidiajetsontx1-mxnet) 411 | - [MXNet Model Serving ](https://github.com/yuruofeifei/mms) 412 | - [mxnet-model-server](https://github.com/awslabs/mxnet-model-server) 413 | - [tvm-mali](https://github.com/merrymercy/tvm-mali) 414 | - [mxnet-and-sagemaker](https://github.com/cosmincatalin/object-counting-with-mxnet-and-sagemaker) 415 | - [example-of-nnvm-in-cpp](https://github.com/zhangxinqian/example-of-nnvm-in-cpp) 416 | - [tensorly](https://github.com/tensorly/tensorly) 417 | - [OpenVINO](https://software.intel.com/en-us/openvino-toolkit/documentation/featured) 418 | 419 | ### 13.8 Other Branches 420 | - [ngraph-mxnet](https://github.com/NervanaSystems/ngraph-mxnet) 421 | - [distributedMXNet](https://github.com/TuSimple/distributedMXNet) 422 | -------------------------------------------------------------------------------- /_config.yml: -------------------------------------------------------------------------------- 1 | theme: jekyll-theme-cayman 2 | -------------------------------------------------------------------------------- /apache-mxnet-cheat.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/chinakook/Awesome-MXNet/51649d5619349af9a464538233ae607cadb04524/apache-mxnet-cheat.pdf --------------------------------------------------------------------------------