Mask rcnn fails to generate .onnx model .bydefault it generate .uff model
Please provide the following information when requesting support. • Hardware (gpu size:33 gb) Traininjg on:A4000 • Network Type Mask_rcnn • TLT Version:tao v5 • Training spec file:mask_rcnn.ipynb I am...
View ArticleTAO-5 Mask-rcnn converting tlt to uff instead of onnx
Dear @Morganh, I am training a model using Mask R-CNN. After training the model, I am trying to convert the .tlt file to .onnx, but it is generating a .uff file instead. I also tried using...
View ArticleMean average precision of 0.00 in training Trafficcamnet model using Tao Toolkit
Please provide the following information when requesting support. • Hardware (NVIDIA A10) • Network Type ( DetectNet_v2 detector with ResNet18) • TLT Version...
View ArticleTAO Toolkit 5.5.0 - cuInit failed: no CUDA-capable device is detected
Please provide the following information when requesting support. • Hardware: NVIDIA GeForce RTX 4090 • Network Type: Classification • TLT Version: TAO 5.5.0 • Training spec file: Default from...
View ArticleONNX to Tensorrt Fails for deployable Retail Object detection model (Fan-DINO)
I am trying to convert retail_object_detection_binary_v2.2.2.3.onnx to a tensorrt model. following is the command I use inside tritonserver:21.12 docker image. trtexec...
View ArticleTAO API - TIFF imagery format for object detection
Hi, For TAO API, do the TAO object detection models support training / inference on GeoTIFF images? We’ve been following this notebook which indicates JPG and PNG images. After deploying TAO API to an...
View ArticleMask2Former_inst model training crashed after 1 epoch
Dear @Morganh , We are trying to train Mask2Former_inst model, after 1 epoch training automatically get crashed. Below it the configuration. results_dir: /results_inst/ dataset: contiguous_id: True...
View ArticleExplanation on Detectnet_v2's `deadzone_radius` hyperparameter
We are training networks with Detectnet_v2 and are in the tuning process. We would like some clarification on the hyperparameter deadzone_radius. Per this documentation, deadzone_radius is The area to...
View ArticleTAO 5.5 DINO Pre and Post Processing
I want to serve DINO model on Triton-server (after converting to tensorrt), and run object detection on custom python triton client (not in deepstream) I want to figure out the pre and post processing...
View ArticlegetPluginCreator could not find plugin: ResizeNearest_TRT version: 1
Dear @Morganh I am trying to run inference on mask_rcnn model inside the nvcr.io/nvidia/tao/tao-toolkit:5.5.0-deploy container but getting below issue....
View ArticleInput to reshape is a tensor with 3067968 values, but the requested shape has...
Dear @Morganh I am trying to train mask-rcnn with custom dataset but getting below issue after certain steps. For multi-GPU, change --gpus based on your machine. 2025-01-16 10:59:36,595 [TAO Toolkit]...
View ArticleDifferent 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 Article