Different output of Mask RCNN using script vs 'tao deploy mask_rcnn inference '
Dear @Morganh I am trying to test Mask-Rcnn model with some images. I have observed, when I am testing the engine using tao deploy mask_rcnn inference I got correct output but when I am testing via...
View ArticleIntegration of Boydpose2d with PoseClassifcationNet
Hi there, Iam currently trying to integrate Bodpose2d with PoseClassificationNet, i have been able to find the 3dBodypose with PoseClassifcaitionNet pipeline but not the Bodypose2d so is there any...
View ArticleGrounding dino : out of memory
I am a bit surprised, I can not evaluate model using grounding dino notebook • Hardware RTX 4060 (8go/shared 16go) docker and notebooks run inside wsl 2025-01-20 14:26:08,889 [TAO Toolkit] [INFO] root...
View ArticleERROR: Unexpected bus error encountered in worker. This might be caused by...
Please provide the following information when requesting support. • Hardware (NVIDIA RTX 3080Ti) • Network Type (DINO) • TLT Version (Configuration of the TAO Toolkit Instance task_group: [‘model’,...
View ArticleHow to train/fine-tune PeopleNet on 10 classes?
DeepStream Version - 7.0 Docker Image - nvcr.io/nvidia/deepstream:7.0-gc-triton-devel GPU - RTX A6000 NVIDIA GPU Driver - 535.183.01 Is it possible to train/fine-tune PeopleNet on 10 classes instead...
View ArticleRun inference on video files using Mask_Rcnn
Dear @Morganh I want to run inference on video using mask rcnn model trained using tao. My requirement is that I want to run mask rcnn model using Deepstream on video file otherwise we have created...
View ArticleDetectNet v2 dataset augmentation opposite zoom min/max
• Network Type: Detectnet_v2 • TLT Version: 4.0.1 (docker image 4.0.1-tf1.15.5) We are training a DetectNet_v2 on our own dataset. Our dataset has a known bias towards a specific object size (~100px...
View ArticleHow to add weight bias in TAO config file?
I am using the classification_tf2 tao_voc with this config: results_dir: '/workspace/tao-experiments/classification_tf2/output' dataset: train_dataset_path: "/workspace/tao-experiments/data/train"...
View ArticleVisualizing dataset images and inference outputs via TAO API
Hi, For TAO API, we’ve been following this notebook for object detection on JPG and PNG images. After deploying TAO API to an EKS cluster, I’ve constructed a KITTI PNG format dataset (train, val,...
View ArticleDocker - No such container
Trying to get tao toolkit up and running using this tutorial and having issues with the Docker. !tao model yolo_v4 dataset_convert -d $SPECS_DIR/yolo_v4_tfrecords_kitti_train.txt \ -o...
View ArticleTao Launcher docker configs (not a TTY)
We are using SkyPilot, a framework for running AI and batch workloads on any infra, to do training on GCP. When running tao (particularly tao model dino train -e dino.yaml, toolkit_version: 5.5.0), we...
View ArticleTao deploy error -
Please provide the following information when requesting support. • Hardware (T4/V100/Xavier/Nano/etc) NVIDIA RTX A5000 • Network Type...
View ArticleConfigStore schema with the same name
Please provide the following information when requesting support. • Hardware (NVIDIA RTX 3080 Ti) • Network Type (Deformable_detr) • TLT Version (tao info Configuration of the TAO Toolkit Instance...
View ArticleLow accuracy during efficientdet evaluation and inference
Please provide the following information when requesting support. • Hardware (T4/V100/Xavier/Nano/etc) - A10 • Network Type (Detectnet_v2/Faster_rcnn/Yolo_v4/LPRnet/Mask_rcnn/Classification/etc) -...
View ArticleRun on CI doesn't read docker user options
When running as CI (run_container_on_ci), the docker options for user are not read, which means all files are created as root. See here where it uses them, but only for run_container. 2 posts - 2...
View ArticleAdd class to pretrained model using TAO 5.5.0
As the title says, I am trying to retrain an existing model (PleopleNet Transformer v2) to add a class to the four it already has (BG, Person, Face, Bag), using TAO 5.5.0. Here’s the full setup: •...
View ArticleModifying (obfuscated) code inside tao toolkit docker
I have trained centerpose end-to-end on my custom data using synthetic data generated by Isaac Sim (older version 2023.1.1) using TAO Toolkit docker 5.2 centerpose model card. I am able to use tao...
View ArticleErrors when running tao toolkit on aws
Following this page I’m facing a few issues: There is no such AMI on aws marketplace NVIDIA Deep Learning AMI the most similar found there is NVIDIA GPU-Optimized AMI Does it bring the tao toolkit...
View ArticleDINO Retail Object Detection - Distillation
Hi, I am trying to train a DINO Retail Object Detection using the fan_tiny backbone. I have successfully fine tuned fan_base and fan_small on our retail object dataset using the available trainable...
View ArticleDW_DNN_INVALID_MODEL error for trt model (isPointPillarNet | NVIDIA NGC)
Hello everyone, I’m working with NVIDIA’s PointPillarnet deployable model (available on NGC) and encountered an issue when converting the provided ONNX model to a TensorRT engine. Issue Description: I...
View ArticleTriton Server Error with TAO FasterRCNN model: Validation failed:...
Please provide the following information when requesting support. • Hardware: Ubuntu 22.04 RTX 4090 • Network Type: FasterRCNN TAO model • TAO version: 5.5.0 • Training spec file(If have, please share...
View ArticleYolo_V4 deeploying to deepstream
Please provide the following information when requesting support. • Hardware (T4/V100/Xavier/Nano/etc) t4 • Network Type (Detectnet_v2/Faster_rcnn/Yolo_v4/LPRnet/Mask_rcnn/Classification/etc) yolov4 •...
View ArticleNo CUDA-capable device is detected
Please provide the following information when requesting support. • Hardware (T4/V100/Xavier/Nano/etc) • Network Type :Yolo_v4 • TLT Version Configuration of the TAO Toolkit Instance task_group:...
View ArticleIssue Running Inference on NVIDIA TAO Retail Object Recognition Model
Hello, I’m trying to evaluate the Retail Object Recognition model from NVIDIA TAO to see if it fits my needs. My goal is to run inference using the pretrained model, but I’ve encountered issues along...
View ArticleRetail Object Detection with EfficientDet - encryption key error
• Network Type:efficientdet-d5 • TLT Version: 5.5 Hi there, I am trying to use Efficientdet-d5 pretrained model from Retail Object Detection Retail Object Detection | NVIDIA NGC. But there is an issue...
View Article