Skip to content

AI Examples

The UFIT Research Computing AI Support Team maintains a suite of examples for computer vision and natural language processing tasks using the AI software stacks on HiPerGator. Users may copy these examples to their own space, add modifications, and follow the instructions to run these jobs on HiPerGator. Each example has a readme file with additional information in its directory.

Submit a support request to get help with the examples or if you have any AI questions.

Research Computing on Github

We have examples available on the UF Research Computing Github.

Name Categories Description
Multinode Pytorch Launch distributed compute Launch a pytorch script for multiple GPUs on multiple nodes.
Py4AI Python education The episodes in this course are derived from work that is Copyrighted © by Software Carpentry. Additional information can be found at: http://software-carpentry.org/.
Understanding PyTorch Pytorch education Learn the Pytorch deep learning software by coding linear regression from the neural network perspective
Pytorch Convolutional Neural Network computer vision This training module is based off of the Deep Learning with Pytorch: A 60 minute blitz tutorial by Soumith Chintala. It has been updated and customized for running on HiPerGator

Catalog of available examples

dirpath name author date added categories description
/data/ai/examples/Omniverse Build Digital Twins using NVIDIA Omniverse and on HiPerGator Tutorial Yunchao Yang 2024 Simulation and Modeling This tutorial (slides) introduces a few key compoents of Omniverse and how to start using Omniverse on HiPerGator.
/data/ai/examples/pinn/modulus Modulus single-GPU and multi-GPU example Yang Hong 2024 PINN Modulus single-GPU Jupyter-notebook example is for using PINN to approximate the solution of a given PDE and boundary conditions. The multi-GPU example is for using GraphNN accelerates MD simulations to predict the force of each atom in the system.
/data/ai/examples/distributed-compute/MultiGPUTraining Distributed Neural Network Training with Multiple GPUs Tutorial Yunchao Yang 2024 Multi-GPU This example illstrates how to accelerate neural network training with Pytorch DistributedDataParallel on Multiple GPUs.
/data/ai/examples/rapids RAPIDS Dimitri Bourilkov 2024 Data Science Examples for accelerated data science with RAPIDS.
/data/ai/examples/rapids_singlecell Rapids_singlecell Huiwen Ju and Qian Zhao 2024 Healthcare and Life Science Rapids-singlecell offers enhanced single-cell data analysis as a near drop-in replacement predominantly for scanpy while also incorporating select functionalities from squidpy and decoupler. Utilizing GPU computing with cupy and Nvidia’s RAPIDS it emphasizes high computational efficiency.
/data/ai/examples/llms/llama Llama Qian Zhao 2024 NLP This tutorial demonstrates how to perform prompt engineering fine-tuning and inference using the Meta Llama 2 and Llama 3 models.
/data/ai/examples/parabricks NVIDIA Clara Parabricks Huiwen Ju and Qian Zhao 2024 Healthcare and Life Science NVIDIA Clara Parabricks is a powerful genomics analysis software suite that leverages accelerated computing to process data efficiently.
/data/ai/examples/nlp/nemo_question_answeing NeMo Question Answering Qian Zhao 2024 NLP This tutorial shows how to perform question-answering with NVIDIA NeMo using BERT, BART and GPT models.
/data/ai/examples/image/tensorflow-bootcamp TensorFlow+Keras Convolutional Neural Net Dimitri Bourilkov 2024 Computer Vision TensorFlow+Keras Convolutional Neural Net with NGC container, CIFAR10 dataset.
/data/ai/examples/image/pytorch PyTorch Convolutional Neural Net Dimitri Bourilkov 2024 Computer Vision PyTorch Convolutional Neural Net with NGC container, CIFAR10 dataset.
/data/ai/examples/image/tensorflow TensorFlow Convolutional Neural Net Dimitri Bourilkov 2024 Computer Vision PyTorch Convolutional Neural Net with NGC container, MNIST dataset.
/data/ai/examples/image/pytorch-bootcamp PyTorch Convolutional Neural Net Dimitri Bourilkov 2024 Computer Vision PyTorch Convolutional Neural Net with NGC container, CIFAR10 dataset, IFAS bootcamp.
/data/ai/examples/image/4.Object_Detection_Tutorial Object Detection Tutorial Yunchao Yang 2024 Computer Vision This example illstrates how to generate a object detection on a video using pretrained models.
/data/ai/examples/image/1.OpenCV_Intro_Tutorial OpenCV Intro Tutorial Yunchao Yang 2024 Computer Vision This example illustrates the fundamentals of image processing techniques in opencv.
/data/ai/examples/image/5.PyTorch_Instance_Segmentation_Tutorial PyTorch Instance Segmentation Tutorial Yunchao Yang 2024 Computer Vision This example illstrates how to train an instance segementation model using mask r-cnn model
/data/ai/examples/image/3.PyTorch_Transfer_Learning_Tutorial PyTorch Transfer Learning Tutorial Yunchao Yang 2024 Computer Vision This example illstrates how to train a convolutional neural network for image classification using transfer learning.
/data/ai/examples/image/2.TorchVision_Transforms_Tutorial TorchVision Intro Tutorial Yunchao Yang 2024 Computer Vision This example illustrates the fundamentals of TorchVision in image transformation and augmentation
/data/ai/examples/graphs Building_GCN.py Dimitri Bourilkov 2024 Graphs Building Feed-Forward Graph Convolutional Networks (GCN) based on a paper by Thomas Kipf and Max Welling (https://arxiv.org/pdf/1609.02907.pdf). Implemented using PyTorch, NetworkX and Numpy.
/data/ai/examples/image/6.MONAI_Medical_Imaging_Tutorial MONAI Medical Images Classification Tutorial Yunchao Yang 2024 Medical Image Processing This example illstrates how to train an medical image classification model using MONAI.
/data/ai/examples/nlp/ai_news_GPT AI News GPT Eric Stubbs 2023 NLP See how trained from scratch GPT models can enable knowledge exploration or brainstorming. This example also shows how transfer learning, amount of data, and finetuning affect GPT models.
/data/ai/examples/distributed-compute/pytorch_distributed_exampleGPT Example Multinode GPT Pretraining Eric Stubbs 2021 Mulit-GPU Use the pytorch distributed launch utility to pretrain a GPT language model using multiple nodes.
/data/ai/examples/nlp/megatron Megatron Examples Eric Stubbs 2024 NLP Explore knowledge in Nvidia Megatron.