mxnet

There are 601 repositories under mxnet topic.

  • mosec

    mosec

    A high-performance ML model serving framework, offers dynamic batching and CPU/GPU pipelines to fully exploit your compute machine

    Language:Python858
  • d2l-vi

    Một cuốn sách về Học Sâu đề cập đến nhiều framework phổ biến, được sử dụng trên 300 trường Đại học từ 55 đất nước bao gồm MIT, Stanford, Harvard, và Cambridge.

    Language:Python642
  • TuSimple-DUC

    Understanding Convolution for Semantic Segmentation

    Language:Python612
  • stn-ocr

    Code for the paper STN-OCR: A single Neural Network for Text Detection and Text Recognition

    Language:Python502
  • bert-embedding

    🔡 Token level embeddings from BERT model on mxnet and gluonnlp

    Language:Python451
  • CapsNet

    CapsNet (Capsules Net) in Geoffrey E Hinton paper "Dynamic Routing Between Capsules" - State Of the Art

  • tensorboard

    Standalone TensorBoard for visualizing in deep learning

    Language:Python369
  • BMXNet

    (New version is out: https://github.com/hpi-xnor/BMXNet-v2) BMXNet: An Open-Source Binary Neural Network Implementation Based on MXNet

    Language:C++349
  • mlm-scoring

    Python library & examples for Masked Language Model Scoring (ACL 2020)

    Language:Python346
  • openvino2tensorflow

    openvino2tensorflow

    This script converts the ONNX/OpenVINO IR model to Tensorflow's saved_model, tflite, h5, tfjs, tftrt(TensorRT), CoreML, EdgeTPU, ONNX and pb. PyTorch (NCHW) -> ONNX (NCHW) -> OpenVINO (NCHW) -> openvino2tensorflow -> Tensorflow/Keras (NHWC/NCHW) -> TFLite (NHWC/NCHW). And the conversion from .pb to saved_model and from saved_model to .pb and from .pb to .tflite and saved_model to .tflite and saved_model to onnx. Support for building environments with Docker. It is possible to directly access the host PC GUI and the camera to verify the operation. NVIDIA GPU (dGPU) support. Intel iHD GPU (iGPU) support.

    Language:Python343
  • ArcFace-Multiplex-Recognition

    适用于复杂场景的人脸识别身份认证系统

    Language:Python333
  • Ultralight-SimplePose

    Ultra-lightweight human body posture key point CNN model. ModelSize:2.3MB HUAWEI P40 NCNN benchmark: 6ms/img,

    Language:Python309
  • traffic_prediction

    Traffic prediction is the task of predicting future traffic measurements (e.g. volume, speed, etc.) in a road network (graph), using historical data (timeseries).

    Language:TeX299
  • keras-apache-mxnet

    [DEPRECATED] Amazon Deep Learning's Keras with Apache MXNet support

    Language:Python289
  • FaceDetection

    C++ project to implement MTCNN, a perfect face detect algorithm, on different DL frameworks. The most popular frameworks: caffe/mxnet/tensorflow, are all suppported now

    Language:C++275
  • CrazyAra

    CrazyAra

    A Deep Learning UCI-Chess Variant Engine written in C++ & Python :parrot:

    Language:Jupyter Notebook273
  • gluon-face

    An unofficial Gluon FR Toolkit for face recognition. https://gluon-face.readthedocs.io

    Language:Python267
  • xfer

    Transfer Learning library for Deep Neural Networks.

    Language:Python255
  • deeplearning-cfn

    Distributed Deep Learning on AWS Using CloudFormation (CFN), MXNet and TensorFlow

    Language:Python252
  • BMXNet-v2

    BMXNet 2: An Open-Source Binary Neural Network Implementation Based on MXNet

    Language:C++232
  • fusenet

    Deep fusion project of deeply-fused nets, and the study on the connection to ensembling

    Language:Jupyter Notebook228
  • crnn-mxnet-chinese-text-recognition

    An implementation of CRNN (CNN+LSTM+warpCTC) on MxNet for chinese text recognition

    Language:Python218
  • onnx_tensorrt_project

    Support Yolov5(4.0)/Yolov5(5.0)/YoloR/YoloX/Yolov4/Yolov3/CenterNet/CenterFace/RetinaFace/Classify/Unet. use darknet/libtorch/pytorch/mxnet to onnx to tensorrt

    Language:C++210
  • audio-pretrained-model

    audio-pretrained-model

    A collection of Audio and Speech pre-trained models.

  • pyECO

    python implementation of efficient convolution operators for tracking

    Language:Python192
  • d2l-java

    The Java implementation of Dive into Deep Learning (D2L.ai)

    Language:Jupyter Notebook188
  • mx-lsoftmax

    mxnet version of Large-Margin Softmax Loss for Convolutional Neural Networks.

    Language:Python178
  • NLP-pretrained-model

    NLP-pretrained-model

    A collection of Natural language processing pre-trained models.

  • machine-learning-using-k8s

    Train and Deploy Machine Learning Models on Kubernetes using Amazon EKS

  • MobulaOP

    A Simple & Flexible Cross Framework Operators Toolkit

    Language:Python164
  • Single-Path-One-Shot-NAS-MXNet

    Single Path One-Shot NAS MXNet implementation with full training and searching pipeline. Support both Block and Channel Selection. Searched models better than the original paper are provided.

    Language:Python151
  • cgd

    Combination of Multiple Global Descriptors for Image Retrieval

    Language:Python150
  • MXNet-Gluon-Style-Transfer

    Neural Style and MSG-Net

    Language:Python150
  • MxNet.Sharp

    MxNet.Sharp

    .NET Standard bindings for Apache MxNet with Imperative, Symbolic and Gluon Interface for developing, training and deploying Machine Learning models in C#. https://mxnet.tech-quantum.com/

    Language:C#149
  • Great-Deep-Learning-Books

    A Great Collection of Deep Learning (e)Books

  • deep-face-alignment

    The MXNet Implementation of Stacked Hourglass and Stacked SAT for Robust 2D and 3D Face Alignment

    Language:Python147