@@ -13,68 +13,92 @@ These examples, along with our NVIDIA deep learning software stack, are provided
1313
1414
1515## Computer Vision
16- | Models | Framework | A100 | AMP | Multi-GPU | Multi-Node | TRT | ONNX | Triton | TF-TRT | NB |
16+ | Models | Framework | A100 | AMP | Multi-GPU | Multi-Node | TRT | ONNX | Triton | DLC | NB |
1717| ------------- | ------------- | ------------- | ------------- | ------------- | ------------- | ------------- | ------------- | ------------- | ------------- | ------------- |
18- | [ ResNet-50] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/PyTorch/Classification/ConvNets/resnet50v1.5 ) | PyTorch | Yes | Yes | Yes | - | Yes | - | [ Yes] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/PyTorch/Classification/ConvNets/triton/resnet50 ) | - | - |
19- | [ ResNeXt-101] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/PyTorch/Classification/ConvNets/resnext101-32x4d ) | PyTorch | Yes | Yes | Yes | - | Yes | - | [ Yes] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/PyTorch/Classification/ConvNets/triton/resnext101-32x4d ) | - | - |
20- | [ SE-ResNeXt-101] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/PyTorch/Classification/ConvNets/se-resnext101-32x4d ) | PyTorch | Yes | Yes | Yes | - | Yes | - | [ Yes] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/PyTorch/Classification/ConvNets/triton/se-resnext101-32x4d ) | - | - |
18+ | [ ResNet-50] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/PyTorch/Classification/ConvNets/resnet50v1.5 ) | PyTorch | Yes | Yes | Yes | - | Yes | - | [ Yes] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/PyTorch/Classification/ConvNets/triton/resnet50 ) | Yes | - |
19+ | [ ResNeXt-101] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/PyTorch/Classification/ConvNets/resnext101-32x4d ) | PyTorch | Yes | Yes | Yes | - | Yes | - | [ Yes] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/PyTorch/Classification/ConvNets/triton/resnext101-32x4d ) | Yes | - |
20+ | [ SE-ResNeXt-101] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/PyTorch/Classification/ConvNets/se-resnext101-32x4d ) | PyTorch | Yes | Yes | Yes | - | Yes | - | [ Yes] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/PyTorch/Classification/ConvNets/triton/se-resnext101-32x4d ) | Yes | - |
2121| [ Mask R-CNN] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/PyTorch/Segmentation/MaskRCNN ) | PyTorch | Yes | Yes | Yes | - | - | - | - | - | [ Yes] ( https://github.com/NVIDIA/DeepLearningExamples/blob/master/PyTorch/Segmentation/MaskRCNN/pytorch/notebooks/pytorch_MaskRCNN_pyt_train_and_inference.ipynb ) |
2222| [ SSD] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/PyTorch/Detection/SSD ) | PyTorch | Yes | Yes | Yes | - | - | - | - | - | [ Yes] ( https://github.com/NVIDIA/DeepLearningExamples/blob/master/PyTorch/Detection/SSD/examples/inference.ipynb ) |
23- | [ ResNet-50] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/TensorFlow/Classification/ConvNets/resnet50v1.5 ) | TensorFlow | Yes | Yes | Yes | - | - | - | - | - | - |
24- | [ ResNeXt101] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/TensorFlow/Classification/ConvNets/resnext101-32x4d ) | TensorFlow | Yes | Yes | Yes | - | - | - | - | - | - |
25- | [ SE-ResNeXt-101] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/TensorFlow/Classification/ConvNets/se-resnext101-32x4d ) | TensorFlow | Yes | Yes | Yes | - | - | - | - | - | - |
26- | [ Mask R-CNN] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/TensorFlow2/Segmentation/MaskRCNN ) | TensorFlow | Yes | Yes | Yes | - | - | - | - | - | - |
27- | [ SSD] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/TensorFlow/Detection/SSD ) | TensorFlow | Yes | Yes | Yes | - | - | - | - | - | [ Yes] ( https://github.com/NVIDIA/DeepLearningExamples/blob/master/TensorFlow/Detection/SSD/models/research/object_detection/object_detection_tutorial.ipynb ) |
23+ | [ ResNet-50] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/TensorFlow/Classification/ConvNets/resnet50v1.5 ) | TensorFlow | Yes | Yes | Yes | - | - | - | - | Yes | - |
24+ | [ ResNeXt101] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/TensorFlow/Classification/ConvNets/resnext101-32x4d ) | TensorFlow | Yes | Yes | Yes | - | - | - | - | Yes | - |
25+ | [ SE-ResNeXt-101] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/TensorFlow/Classification/ConvNets/se-resnext101-32x4d ) | TensorFlow | Yes | Yes | Yes | - | - | - | - | Yes | - |
26+ | [ Mask R-CNN] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/TensorFlow2/Segmentation/MaskRCNN ) | TensorFlow | Yes | Yes | Yes | - | - | - | - | Yes | - |
27+ | [ SSD] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/TensorFlow/Detection/SSD ) | TensorFlow | Yes | Yes | Yes | - | - | - | - | Yes | [ Yes] ( https://github.com/NVIDIA/DeepLearningExamples/blob/master/TensorFlow/Detection/SSD/models/research/object_detection/object_detection_tutorial.ipynb ) |
2828| [ U-Net Ind] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/TensorFlow/Segmentation/UNet_Industrial ) | TensorFlow | Yes | Yes | Yes | - | - | - | - | Yes | [ Yes] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/TensorFlow/Segmentation/UNet_Industrial/notebooks ) |
29- | [ U-Net Med] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/TensorFlow/Segmentation/UNet_Medical ) | TensorFlow | Yes | Yes | Yes | - | - | - | - | - | - |
30- | [ U-Net 3D] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/TensorFlow/Segmentation/UNet_3D_Medical ) | TensorFlow | Yes | Yes | Yes | - | - | - | - | - | - |
31- | [ V-Net Med] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/TensorFlow/Segmentation/VNet ) | TensorFlow | Yes | Yes | Yes | - | - | - | - | - | - |
32- | [ U-Net Med] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/TensorFlow2/Segmentation/UNet_Medical ) | TensorFlow2 | Yes | Yes | Yes | - | - | - | - | - | - |
33- | [ Mask R-CNN] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/TensorFlow2/Segmentation/MaskRCNN ) | TensorFlow2 | Yes | Yes | Yes | - | - | - | - | - | - |
29+ | [ U-Net Med] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/TensorFlow/Segmentation/UNet_Medical ) | TensorFlow | Yes | Yes | Yes | - | - | - | - | Yes | - |
30+ | [ U-Net 3D] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/TensorFlow/Segmentation/UNet_3D_Medical ) | TensorFlow | Yes | Yes | Yes | - | - | - | - | Yes | - |
31+ | [ V-Net Med] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/TensorFlow/Segmentation/VNet ) | TensorFlow | Yes | Yes | Yes | - | - | - | - | Yes | - |
32+ | [ U-Net Med] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/TensorFlow2/Segmentation/UNet_Medical ) | TensorFlow2 | Yes | Yes | Yes | - | - | - | - | Yes | - |
33+ | [ Mask R-CNN] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/TensorFlow2/Segmentation/MaskRCNN ) | TensorFlow2 | Yes | Yes | Yes | - | - | - | - | Yes | - |
3434| [ ResNet-50] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/MxNet/Classification/RN50v1.5 ) | MXNet | - | Yes | Yes | - | - | - | - | - | - |
3535
3636## Natural Language Processing
37- | Models | Framework | A100 | AMP | Multi-GPU | Multi-Node | TRT | ONNX | Triton | TF-TRT | NB |
37+ | Models | Framework | A100 | AMP | Multi-GPU | Multi-Node | TRT | ONNX | Triton | DLC | NB |
3838| ------------- | ------------- | ------------- | ------------- | ------------- | ------------- | ------------- | ------------- | ------------- | ------------- | ------------- |
39- | [ BERT] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/PyTorch/LanguageModeling/BERT ) | PyTorch | Yes | Yes | Yes | Yes | - | - | [ Yes] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/PyTorch/LanguageModeling/BERT/triton ) | - | - |
40- | [ TransformerXL] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/PyTorch/LanguageModeling/Transformer-XL ) | PyTorch | Yes | Yes | Yes | Yes | - | - | - | - | - |
39+ | [ BERT] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/PyTorch/LanguageModeling/BERT ) | PyTorch | Yes | Yes | Yes | Yes | - | - | [ Yes] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/PyTorch/LanguageModeling/BERT/triton ) | Yes | - |
40+ | [ TransformerXL] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/PyTorch/LanguageModeling/Transformer-XL ) | PyTorch | Yes | Yes | Yes | Yes | - | - | - | Yes | - |
4141| [ GNMT] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/PyTorch/Translation/GNMT ) | PyTorch | Yes | Yes | Yes | - | - | - | - | - | - |
4242| [ Transformer] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/PyTorch/Translation/Transformer ) | PyTorch | Yes | Yes | Yes | - | - | - | - | - | - |
43- | [ ELECTRA] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/TensorFlow2/LanguageModeling/ELECTRA ) | TensorFlow2 | Yes | Yes | Yes | Yes | - | - | - | - | - |
44- | [ BERT] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/TensorFlow/LanguageModeling/BERT ) | TensorFlow | Yes | Yes | Yes | Yes | Yes | - | [ Yes] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/TensorFlow/LanguageModeling/BERT/triton ) | - | [ Yes] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/TensorFlow/LanguageModeling/BERT/notebooks ) |
45- | [ BioBert] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/TensorFlow/LanguageModeling/BERT/biobert ) | TensorFlow | Yes | Yes | Yes | - | - | - | - | - | [ Yes] ( https://github.com/NVIDIA/DeepLearningExamples/blob/master/TensorFlow/LanguageModeling/BERT/notebooks/biobert_ner_tf_inference.ipynb ) |
43+ | [ ELECTRA] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/TensorFlow2/LanguageModeling/ELECTRA ) | TensorFlow2 | Yes | Yes | Yes | Yes | - | - | - | Yes | - |
44+ | [ BERT] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/TensorFlow/LanguageModeling/BERT ) | TensorFlow | Yes | Yes | Yes | Yes | Yes | - | [ Yes] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/TensorFlow/LanguageModeling/BERT/triton ) | Yes | [ Yes] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/TensorFlow/LanguageModeling/BERT/notebooks ) |
45+ | [ BioBert] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/TensorFlow/LanguageModeling/BERT/biobert ) | TensorFlow | Yes | Yes | Yes | - | - | - | - | Yes | [ Yes] ( https://github.com/NVIDIA/DeepLearningExamples/blob/master/TensorFlow/LanguageModeling/BERT/notebooks/biobert_ner_tf_inference.ipynb ) |
4646| [ TransformerXL] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/TensorFlow/LanguageModeling/Transformer-XL ) | TensorFlow | Yes | Yes | Yes | - | - | - | - | - | - |
4747| [ GNMT] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/TensorFlow/Translation/GNMT ) | TensorFlow | Yes | Yes | Yes | - | - | - | - | - | - |
4848| [ Faster Transformer] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/FasterTransformer ) | Tensorflow | - | - | - | - | Yes | - | - | - | - |
4949
5050
5151## Recommender Systems
52- | Models | Framework | A100 | AMP | Multi-GPU | Multi-Node | TRT | ONNX | Triton | TF-TRT | NB |
52+ | Models | Framework | A100 | AMP | Multi-GPU | Multi-Node | TRT | ONNX | Triton | DLC | NB |
5353| ------------- | ------------- | ------------- | ------------- | ------------- | ------------- | ------------- | ------------- | ------------- | ------------- | ------------- |
54- | [ DLRM] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/PyTorch/Recommendation/DLRM ) | PyTorch | Yes | Yes | Yes | - | - | Yes | [ Yes] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/PyTorch/Recommendation/DLRM/triton ) | - | [ Yes] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/PyTorch/Recommendation/DLRM/notebooks ) |
54+ | [ DLRM] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/PyTorch/Recommendation/DLRM ) | PyTorch | Yes | Yes | Yes | - | - | Yes | [ Yes] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/PyTorch/Recommendation/DLRM/triton ) | Yes | [ Yes] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/PyTorch/Recommendation/DLRM/notebooks ) |
5555| [ NCF] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/PyTorch/Recommendation/NCF ) | PyTorch | Yes | Yes | Yes | - | - | - | - | - | - |
56- | [ Wide&Deep] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/TensorFlow/Recommendation/WideAndDeep ) | TensorFlow | Yes | Yes | Yes | - | - | - | - | - | - |
57- | [ NCF] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/TensorFlow/Recommendation/NCF ) | TensorFlow | Yes | Yes | Yes | - | - | - | - | - | - |
56+ | [ Wide&Deep] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/TensorFlow/Recommendation/WideAndDeep ) | TensorFlow | Yes | Yes | Yes | - | - | - | - | Yes | - |
57+ | [ NCF] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/TensorFlow/Recommendation/NCF ) | TensorFlow | Yes | Yes | Yes | - | - | - | - | Yes | - |
5858| [ VAE-CF] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/TensorFlow/Recommendation/VAE-CF ) | TensorFlow | Yes | Yes | Yes | - | - | - | - | - | - |
5959
6060
6161## Speech to Text
62- | Models | Framework | A100 | AMP | Multi-GPU | Multi-Node | TRT | ONNX | Triton | TF-TRT | NB |
62+ | Models | Framework | A100 | AMP | Multi-GPU | Multi-Node | TRT | ONNX | Triton | DLC | NB |
6363| ------------- | ------------- | ------------- | ------------- | ------------- | ------------- | ------------- | ------------- | ------------- | ------------- | ------------- |
64- | [ Jasper] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/PyTorch/SpeechRecognition/Jasper ) | PyTorch | Yes | Yes | Yes | - | Yes | Yes | [ Yes] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/PyTorch/SpeechRecognition/Jasper/trtis ) | - | [ Yes] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/PyTorch/SpeechRecognition/Jasper/notebooks ) |
64+ | [ Jasper] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/PyTorch/SpeechRecognition/Jasper ) | PyTorch | Yes | Yes | Yes | - | Yes | Yes | [ Yes] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/PyTorch/SpeechRecognition/Jasper/trtis ) | Yes | [ Yes] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/PyTorch/SpeechRecognition/Jasper/notebooks ) |
6565| [ Hidden Markov Model] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/Kaldi/SpeechRecognition ) | Kaldi | - | - | Yes | - | - | - | [ Yes] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/Kaldi/SpeechRecognition ) | - | - |
6666
6767## Text to Speech
68- | Models | Framework | A100 | AMP | Multi-GPU | Multi-Node | TRT | ONNX | Triton | TF-TRT | NB |
68+ | Models | Framework | A100 | AMP | Multi-GPU | Multi-Node | TRT | ONNX | Triton | DLC | NB |
6969| ------------- | ------------- | ------------- | ------------- | ------------- | ------------- | ------------- | ------------- | ------------- | ------------- | ------------- |
70- | [ FastPitch] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/PyTorch/SpeechSynthesis/FastPitch ) | PyTorch | Yes | Yes | Yes | - | - | - | - | - | - |
70+ | [ FastPitch] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/PyTorch/SpeechSynthesis/FastPitch ) | PyTorch | Yes | Yes | Yes | - | - | - | - | Yes | - |
7171| [ FastSpeech] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/CUDA-Optimized/FastSpeech ) | PyTorch | - | Yes | Yes | - | Yes | - | - | - | - |
72- | [ Tacotron 2 and WaveGlow] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/PyTorch/SpeechSynthesis/Tacotron2 ) | PyTorch | Yes | Yes | Yes | - | Yes | Yes | [ Yes] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/PyTorch/SpeechSynthesis/Tacotron2/trtis_cpp ) | - | - |
72+ | [ Tacotron 2 and WaveGlow] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/PyTorch/SpeechSynthesis/Tacotron2 ) | PyTorch | Yes | Yes | Yes | - | Yes | Yes | [ Yes] ( https://github.com/NVIDIA/DeepLearningExamples/tree/master/PyTorch/SpeechSynthesis/Tacotron2/trtis_cpp ) | Yes | - |
7373
7474
7575## NVIDIA support
7676In each of the network READMEs, we indicate the level of support that will be provided. The range is from ongoing updates and improvements to a point-in-time release for thought leadership.
7777
78+ ## Glossary
79+
80+ ** Multinode Training**
81+ Supported on a pyxis/enroot Slurm cluster.
82+
83+ ** Deep Learning Compiler (DLC)**
84+ TensorFlow XLA and PyTorch JIT and/or TorchScript
85+
86+ ** Accelerated Linear Algebra (XLA)**
87+ XLA is a domain-specific compiler for linear algebra that can accelerate TensorFlow models with potentially no source code changes. The results are improvements in speed and memory usage.
88+
89+ ** PyTorch JIT and/or TorchScript**
90+ TorchScript is a way to create serializable and optimizable models from PyTorch code. TorchScript, an intermediate representation of a PyTorch model (subclass of nn.Module) that can then be run in a high-performance environment such as C++.
91+
92+ ** Automatic Mixed Precision (AMP)**
93+ Automatic Mixed Precision (AMP) enables mixed precision training on Volta, Turing, and NVIDIA Ampere GPU architectures automatically.
94+
95+ ** TensorFloat-32 (TF32)**
96+ TensorFloat-32 (TF32) is the new math mode in [ NVIDIA A100] ( https://www.nvidia.com/en-us/data-center/a100/ ) GPUs for handling the matrix math also called tensor operations. TF32 running on Tensor Cores in A100 GPUs can provide up to 10x speedups compared to single-precision floating-point math (FP32) on Volta GPUs. TF32 is supported in the NVIDIA Ampere GPU architecture and is enabled by default.
97+
98+ ** Jupyter Notebooks (NB)**
99+ The Jupyter Notebook is an open-source web application that allows you to create and share documents that contain live code, equations, visualizations and narrative text.
100+
101+
78102## Feedback / Contributions
79103We're posting these examples on GitHub to better support the community, facilitate feedback, as well as collect and implement contributions using GitHub Issues and pull requests. We welcome all contributions!
80104
0 commit comments