Apache MXNet Tutorials

Interested in getting started in a new CV area? Here are some tutorials to help get started.

Note: For image classification or object detection tasks, feel free to explore tutorials in AutoGluon MultiModalPredictor with better support in PyTorch.

Image Classification

Pre-trained Models on CIFAR10../build/examples_classification/demo_cifar10.html

Basics on how to use pretrained models on CIFAR10 and apply to real images

Training on CIFAR10../build/examples_classification/dive_deep_cifar10.html

Hands on classification model training on CIFAR10

Pre-trained Models on ImageNet../build/examples_classification/demo_imagenet.html

Basics on how to use pretrained models on ImageNet and apply to real images

Transfer Learning with Your Own Dataset../build/examples_classification/transfer_learning_minc.html

Train on your own dataset with ImageNet pre-trained models.

Training on ImageNet../build/examples_classification/dive_deep_imagenet.html

Hands on classification model training on ImageNet

Object Detection

Pre-trained SSD Models../build/examples_detection/demo_ssd.html

Detect objects in real-world images with pre-trained SSD models

Training SSD on Pascal VOC Dataset../build/examples_detection/train_ssd_voc.html

Hands on SSD model training on Pascal VOC Dataset

Tips for SSD Model Training../build/examples_detection/train_ssd_advanced.html

Training tips to boost your SSD Model performance.

Pre-trained Faster R-CNN Models../build/examples_detection/demo_faster_rcnn.html

Detect objects in real-world images with pre-trained Faster R-CNN models

Training Faster R-CNN on Pascal VOC../build/examples_detection/train_faster_rcnn_voc.html

End-to-end Faster R-CNN Training on Pascal VOC

Pre-trained YOLO Models../build/examples_detection/demo_yolo.html

Detect objects in real-world images with pre-trained YOLO models

Training YOLOv3 on Pascal VOC../build/examples_detection/train_yolo_v3.html

Hands on YOLOv3 model training on Pascal VOC Dataset

Finetune a Pre-trained Model../build/examples_detection/finetune_detection.html

Finetune a pre-trained model on your own dataset.

Object Detection from Webcam../build/examples_detection/demo_webcam.html

Run an object detection model from your webcam.

Skip Finetuning by reusing part of pre-trained model../build/examples_detection/skip_fintune.html

Object Detection on NVIDIA Jetson module../build/examples_detection/demo_jetson.html

Instance Segmentation

Pre-trained Mask R-CNN Models../build/examples_instance/demo_mask_rcnn.html

Perform instance segmentation on real-world images with pre-trained Mask R-CNN models

Training Mask R-CNN on MS COCO../build/examples_instance/train_mask_rcnn_coco.html

Hands on Mask R-CNN model training on MS COCO dataset

Semantic Segmentation

Pre-trained FCN Models../build/examples_segmentation/demo_fcn.html

Perform semantic segmentation on real-world images with pre-trained FCN models

Training FCN on Pascal VOC../build/examples_segmentation/train_fcn.html

Hands on FCN model training on Pascal VOC dataset

Pre-trained PSPNet Models../build/examples_segmentation/demo_psp.html

Perform semantic segmentation in real-world images with pre-trained PSPNet models

Training PSPNet on ADE20K../build/examples_segmentation/train_psp.html

Hands on Mask R-CNN model training on ADE20K dataset

Pre-trained DeepLabV3 Models../build/examples_segmentation/demo_deeplab.html

Perform instance segmentation in real-world images with pre-trained DeepLabV3 models

Getting SOTA Results on Pascal VOC../build/examples_segmentation/voc_sota.html

Hands on DeepLabV3 model training on Pascal VOC dataset, and achieves state-of-the-art accuracy.

Pre-trained ICNet Models for Multi-Human Parsing../build/examples_segmentation/demo_icnet.html

Perform semantic segmentation on real-world images with pre-trained ICNet models

Pose Estimation

Pre-trained Simple Pose Models../build/examples_pose/demo_simple_pose.html

Estimate human pose in real-world images with pre-trained Simple Pose models

Pre-trained AlphaPose Models../build/examples_pose/demo_alpha_pose.html

Estimate human pose in real-world images with pre-trained AlphaPose models

Estimate pose from your webcam../build/examples_pose/cam_demo.html

Estimate human pose from your webcam video stream

Dive deep into Training a Simple Pose Model on COCO Keypoints../build/examples_pose/dive_deep_simple_pose.html

Train a pose estimation model on the COCO dataset

Action Recognition

Pre-trained TSN Models on UCF101../build/examples_action_recognition/demo_tsn_ucf101.html

Recognize human actions in real-world videos with pre-trained TSN models

Training TSN models on UCF101../build/examples_action_recognition/dive_deep_tsn_ucf101.html

Hands on TSN action recognition model training on UCF101 dataset

Pre-trained I3D Models on Kinetics400../build/examples_action_recognition/demo_i3d_kinetics400.html

Recognize human actions in real-world videos with pre-trained I3D models

Training I3D Models on Kinetics400../build/examples_action_recognition/dive_deep_i3d_kinetics400.html

Hands on I3D action recognition model training on Kinetics400 dataset

Pre-trained SlowFast Models on Kinetics400../build/examples_action_recognition/demo_slowfast_kinetics400.html

Recognize human actions in real-world videos with pre-trained SlowFast models

Training SlowFast Models on Kinetics400../build/examples_action_recognition/dive_deep_slowfast_kinetics400.html

Hands on SlowFast action recognition model training on Kinetics400 dataset

Fine-tuning video mdoels on Your Own Dataset../build/examples_action_recognition/finetune_custom.html

Hands on SOTA video models fine-tuning on your own dataset

Extracting video features from pre-trained models../build/examples_action_recognition/feat_custom.html

Extracting video features from pre-trained models on your own videos

Inference on your own videos using pre-trained models../build/examples_action_recognition/demo_custom.html

Inference on your own videos using pre-trained models and save the predictions.

Introducing Decord: an efficient video reader../build/examples_action_recognition/decord_loader.html

An efficient and flexible video reader for training deep video neural networks.

Object Tracking

Pre-trained Siam RPN Models../build/examples_tracking/demo_SiamRPN.html

Estimate Single Object Tracking in real-world video with pre-trained Object Tracking models.

Dive Deep into Training SiamRPN Models../build/examples_tracking/train_siamrpn.html

SiamRPN training on VID、DET、COCO、Youtube_bb and test on Otb2015

Pre-trained SMOT Models../build/examples_tracking/demo_smot.html

Perform Multi-Object Tracking in real-world video with pre-trained SMOT models.

Depth Prediction

Pre-trained Monodepth2 Models../build/examples_depth/demo_monodepth2.html

Predict depth from a single image using Monodepth2.

Pre-trained Monodepth2 Models../build/examples_depth/videos_monodepth2.html

Predict depth from an image sequence or a video using Monodepth2.

Dive Deep into Training Monodepth2 Models../build/examples_depth/train_monodepth2.html

Monodepth2 training on KITTI dataset.

Dive Deep into Testing Pretrained PoseNet Models../build/examples_depth/test_monodepth2_posenet.html

Monodepth2 PoseNet testing on KITTI dataset.

Dataset Preparation

Prepare ADE20K Dataset../build/examples_datasets/ade20k.html

Prepare MS COCO Dataset../build/examples_datasets/mscoco.html

Prepare Cityscapes Dataset../build/examples_datasets/cityscapes.html

Prepare Pascal VOC Dataset../build/examples_datasets/pascal_voc.html

Prepare Custom Dataset for Object Detection../build/examples_datasets/detection_custom.html

Prepare ImageNet Dataset../build/examples_datasets/imagenet.html

Prepare ImageNet Dataset in ImageRecord Format../build/examples_datasets/recordio.html

Prepare UCF101 Dataset../build/examples_datasets/ucf101.html

Prepare Kinetics400 Dataset../build/examples_datasets/kinetics400.html

Prepare Something-Something-V2 Dataset../build/examples_datasets/somethingsomethingv2.html

Prepare HMDB51 Dataset../build/examples_datasets/hmdb51.html

Prepare Multi-Human Parsing V1 Dataset../build/examples_datasets/mhp_v1.html

Auto Module

Example of loading web data into gluoncv.auto../build/examples_auto_module/demo_auto_data.html

Train image classifier with auto estimator../build/examples_auto_module/train_image_classifier_basic.html

Train Object Detection model with auto module../build/examples_auto_module/demo_auto_detection.html

Distributed Training

Distributed training of deep video models: SlowFast../build/examples_distributed/distributed_slowfast.html

Hands on distributed training of SlowFast models on Kinetics400 dataset.

Deployment

Export Models into JSON../build/examples_deployment/export_network.html

C++ Inference with GluonCV../build/examples_deployment/cpp_inference.html

Inference with Quantized Models../build/examples_deployment/int8_inference.html